diff --git a/.gitattributes b/.gitattributes
index 92c7f93..c9de20f 100644
--- a/.gitattributes
+++ b/.gitattributes
@@ -1,2 +1,2 @@
-
test_data/** filter= diff= merge= -text
+
diff --git a/.gitignore b/.gitignore
new file mode 100644
index 0000000..1d41a28
--- /dev/null
+++ b/.gitignore
@@ -0,0 +1,6 @@
+results
+checkpoints/*
+*.npz
+**/*.pyc
+**/__pycache__
+.vscode
diff --git a/License.pdf b/License.pdf
new file mode 100644
index 0000000..74d7068
Binary files /dev/null and b/License.pdf differ
diff --git a/README.md b/README.md
new file mode 100644
index 0000000..2ff57d1
--- /dev/null
+++ b/README.md
@@ -0,0 +1,134 @@
+# Contact-GraspNet
+
+### Contact-GraspNet: Efficient 6-DoF Grasp Generation in Cluttered Scenes
+Martin Sundermeyer, Arsalan Mousavian, Rudolph Triebel, Dieter Fox
+ICRA 2021
+
+[paper](https://arxiv.org/abs/2103.14127), [project page](https://research.nvidia.com/publication/2021-03_Contact-GraspNet%3A--Efficient), [video](http://www.youtube.com/watch?v=qRLKYSLXElM)
+
+
+
+
+
+## Installation
+
+This code has been tested with python 3.7, tensorflow 2.2, CUDA 10.1, and CUDNN 7.6.0
+
+Create the conda env
+```
+conda env create -f contact_graspnet_env.yml
+```
+
+### Troubleshooting
+
+- Recompile pointnet2 tf_ops, see [here](pointnet2/tf_ops/HowTO.md)
+
+### Hardware
+Training: 1x Nvidia GPU >= 24GB VRAM, >=64GB RAM
+Inference: 1x Nvidia GPU >= 8GB VRAM (might work with less)
+
+## Download Models and Data
+### Model
+Download trained models from [here](https://drive.google.com/drive/folders/1tBHKf60K8DLM5arm-Chyf7jxkzOr5zGl?usp=sharing) and copy them into the `checkpoints/` folder.
+### Test data
+Download the test data from [here](https://drive.google.com/drive/folders/1v0_QMTUIEOcu09Int5V6N2Nuq7UCtuAA?usp=sharing) and copy them them into the `test_data/` folder.
+
+## Inference
+
+
+Contact-GraspNet can directly predict a 6-DoF grasp distribution from a raw scene point cloud. However, to obtain object-wise grasps, remove background grasps and to achieve denser proposals it is highly recommended to use (unknown) object segmentation [e.g. [1](https://github.com/chrisdxie/uois), [2](https://arxiv.org/abs/2103.06796)] as preprocessing and then use the resulting segmentation map to crop local regions and filter grasp contacts.
+
+Given a .npy/.npz file with a depth map (in meters), camera matrix K and (optionally) a 2D segmentation map, execute:
+
+```shell
+python contact_graspnet/inference.py \
+ --np_path=test_data/*.npy \
+ --local_regions --filter_grasps
+```
+
+
+
+
+--> close the window to go to next scene
+
+Given a .npy/.npz file with just a 3D point cloud (in meters), execute [for example](examples/realsense_crop_sigma_001.png):
+```shell
+python contact_graspnet/inference.py --np_path=/path/to/your/pc.npy \
+ --forward_passes=5 \
+ --z_range=[0.2,1.1]
+```
+
+`--np_path`: input .npz/.npy file(s) with 'depth', 'K' and optionally 'segmap', 'rgb' keys. For processing a Nx3 point cloud instead use 'xzy' and optionally 'xyz_color' as keys.
+`--ckpt_dir`: relative path to checkpooint directory. By default `checkpoint/scene_test_2048_bs3_hor_sigma_001` is used. For very clean / noisy depth data consider `scene_2048_bs3_rad2_32` / `scene_test_2048_bs3_hor_sigma_0025` trained with no / strong noise.
+`--local_regions`: Crop 3D local regions around object segments for inference. (only works with segmap)
+`--filter_grasps`: Filter grasp contacts such that they only lie on the surface of object segments. (only works with segmap)
+`--skip_border_objects` Ignore segments touching the depth map boundary.
+`--forward_passes` number of (batched) forward passes. Increase to sample more potential grasp contacts.
+`--z_range` [min, max] z values in meter used to crop the input point cloud, e.g. to avoid grasps in the foreground/background(as above).
+`--arg_configs TEST.second_thres:0.19 TEST.first_thres:0.23` Overwrite config confidence thresholds for successful grasp contacts to get more/less grasp proposals
+
+
+## Training
+
+### Download Data
+
+Download the Acronym dataset, ShapeNet meshes and make them watertight, following these [steps](https://github.com/NVlabs/acronym#using-the-full-acronym-dataset).
+
+Download the training data consisting of 10000 table top training scenes with contact grasp information from [here](https://drive.google.com/drive/folders/1eeEXAISPaStZyjMX8BHR08cdQY4HF4s0?usp=sharing) and extract it to the same folder:
+
+```
+acronym
+├── grasps
+├── meshes
+├── scene_contacts
+└── splits
+```
+
+### Train Contact-GraspNet
+
+When training on a headless server set the environment variable
+```shell
+export PYOPENGL_PLATFORM='egl'
+```
+
+Start training with config `contact_graspnet/config.yaml`
+```
+python contact_graspnet/train.py --ckpt_dir checkpoints/your_model_name \
+ --data_path /path/to/acronym/data
+```
+
+### Generate Contact Grasps and Scenes yourself (optional)
+
+The `scene_contacts` downloaded above are generated from the Acronym dataset. To generate/visualize table-top scenes yourself, also pip install the [acronym_tools]((https://github.com/NVlabs/acronym)) package in your conda environment as described in the acronym repository.
+
+In the first step, object-wise 6-DoF grasps are mapped to their contact points saved in `mesh_contacts`
+
+```
+python tools/create_contact_infos.py /path/to/acronym
+```
+
+From the generated `mesh_contacts` you can create table-top scenes which are saved in `scene_contacts` with
+
+```
+python tools/create_table_top_scenes.py /path/to/acronym
+```
+
+Takes ~3 days in a single thread. Run the command several times to process on multiple cores in parallel.
+
+You can also visualize existing table-top scenes and grasps
+
+```
+python tools/create_table_top_scenes.py /path/to/acronym \
+ --load_existing scene_contacts/000000.npz -vis
+```
+
+## Citation
+
+```
+@article{sundermeyer2021contact,
+ title={Contact-GraspNet: Efficient 6-DoF Grasp Generation in Cluttered Scenes},
+ author={Sundermeyer, Martin and Mousavian, Arsalan and Triebel, Rudolph and Fox, Dieter},
+ booktitle={2021 IEEE International Conference on Robotics and Automation (ICRA)},
+ year={2021}
+}
+```
diff --git a/checkpoints/.gitkeep b/checkpoints/.gitkeep
new file mode 100644
index 0000000..e69de29
diff --git a/contact_graspnet/__init__.py b/contact_graspnet/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/contact_graspnet/config.yaml b/contact_graspnet/config.yaml
new file mode 100644
index 0000000..78b736d
--- /dev/null
+++ b/contact_graspnet/config.yaml
@@ -0,0 +1,186 @@
+DATA:
+ scene_contacts_path: scene_contacts
+ gripper_width: 0.08
+ input_normals: false
+ use_uniform_quaternions: False
+ view_sphere:
+ elevation: [30,150]
+ distance_range: [0.9,1.3]
+ train_on_scenes: True
+ labels:
+ to_gpu: False
+ bin_weights:
+ - 0.16652107
+ - 0.21488856
+ - 0.37031708
+ - 0.55618503
+ - 0.75124664
+ - 0.93943357
+ - 1.07824539
+ - 1.19423112
+ - 1.55731375
+ - 3.17161779
+ filter_z: true
+ k: 1
+ max_radius: 0.005
+ num_neg_contacts: 0
+ num_pos_contacts: 8000
+ offset_bins:
+ - 0
+ - 0.00794435329
+ - 0.0158887021
+ - 0.0238330509
+ - 0.0317773996
+ - 0.0397217484
+ - 0.0476660972
+ - 0.055610446
+ - 0.0635547948
+ - 0.0714991435
+ - 0.08
+ z_val: -0.1
+ pc_augm:
+ occlusion_nclusters: 0
+ occlusion_dropout_rate: 0.0
+ sigma: 0.000
+ clip: 0.005
+ depth_augm:
+ sigma: 0.001
+ clip: 0.005
+ gaussian_kernel: 0
+ raw_num_points: 20000
+ ndataset_points: 20000
+ num_point: 2048
+ use_farthest_point: false
+ train_and_test: false
+ num_test_scenes: 1000
+ intrinsics: 'realsense'
+LOSS:
+ min_geom_loss_divisor: 1.0
+ offset_loss_type: sigmoid_cross_entropy
+ too_small_offset_pred_bin_factor: 0
+ topk_confidence: 512
+MODEL:
+ bin_offsets: true
+ dir_vec_length_offset: false
+ grasp_conf_head:
+ conv1d: 1
+ dropout_keep: 0.5
+ grasp_dir_head:
+ conv1d: 3
+ dropout_keep: 0.7
+ joint_head:
+ conv1d: 4
+ dropout_keep: 0.7
+ joint_heads: false
+ asymmetric_model: true
+ model: contact_graspnet
+ pointnet_fp_modules:
+ - mlp:
+ - 256
+ - 256
+ - mlp:
+ - 256
+ - 128
+ - mlp:
+ - 128
+ - 128
+ - 128
+ pointnet_sa_module:
+ group_all: true
+ mlp:
+ - 256
+ - 512
+ - 1024
+ pointnet_sa_modules_msg:
+ - mlp_list:
+ - - 32
+ - 32
+ - 64
+ - - 64
+ - 64
+ - 128
+ - - 64
+ - 96
+ - 128
+ npoint: 2048
+ nsample_list:
+ - 32
+ - 64
+ - 128
+ radius_list:
+ - 0.02
+ - 0.04
+ - 0.08
+ - mlp_list:
+ - - 64
+ - 64
+ - 128
+ - - 128
+ - 128
+ - 256
+ - - 128
+ - 128
+ - 256
+ npoint: 512
+ nsample_list:
+ - 64
+ - 64
+ - 128
+ radius_list:
+ - 0.04
+ - 0.08
+ - 0.16
+ - mlp_list:
+ - - 64
+ - 64
+ - 128
+ - - 128
+ - 128
+ - 256
+ - - 128
+ - 128
+ - 256
+ npoint: 128
+ nsample_list:
+ - 64
+ - 64
+ - 128
+ radius_list:
+ - 0.08
+ - 0.16
+ - 0.32
+ pred_contact_approach: false
+ pred_contact_base: false
+ pred_contact_offset: true
+ pred_contact_success: true
+ pred_grasps_adds: true
+ pred_grasps_adds_gt2pred: false
+OPTIMIZER:
+ max_epoch: 16
+ batch_size: 3
+ learning_rate: 0.001
+ optimizer: adam
+ momentum: 0.9
+ adds_gt2pred_loss_weight: 1
+ adds_loss_weight: 10
+ approach_cosine_loss_weight: 1
+ dir_cosine_loss_weight: 1
+ offset_loss_weight: 1
+ score_ce_loss_weight: 1
+ bn_decay_clip: 0.99
+ bn_decay_decay_rate: 0.5
+ bn_decay_decay_step: 200000
+ bn_init_decay: 0.5
+ decay_rate: 0.7
+ decay_step: 200000
+TEST:
+ first_thres: 0.23
+ second_thres: 0.19
+ allow_zero_margin: 0
+ bin_vals: max
+ center_to_tip: 0.0
+ extra_opening: 0.005
+ max_farthest_points: 150
+ num_samples: 200
+ with_replacement: false
+ filter_thres: 0.0001
diff --git a/contact_graspnet/config_utils.py b/contact_graspnet/config_utils.py
new file mode 100644
index 0000000..1815bb5
--- /dev/null
+++ b/contact_graspnet/config_utils.py
@@ -0,0 +1,66 @@
+import os
+import yaml
+
+def recursive_key_value_assign(d,ks,v):
+ """
+ Recursive value assignment to a nested dict
+
+ Arguments:
+ d {dict} -- dict
+ ks {list} -- list of hierarchical keys
+ v {value} -- value to assign
+ """
+
+ if len(ks) > 1:
+ recursive_key_value_assign(d[ks[0]],ks[1:],v)
+ elif len(ks) == 1:
+ d[ks[0]] = v
+
+def load_config(checkpoint_dir, batch_size=None, max_epoch=None, data_path=None, arg_configs=[], save=False):
+ """
+ Loads yaml config file and overwrites parameters with function arguments and --arg_config parameters
+
+ Arguments:
+ checkpoint_dir {str} -- Checkpoint directory where config file was copied to
+
+ Keyword Arguments:
+ batch_size {int} -- [description] (default: {None})
+ max_epoch {int} -- "epochs" (number of scenes) to train (default: {None})
+ data_path {str} -- path to scenes with contact grasp data (default: {None})
+ arg_configs {list} -- Overwrite config parameters by hierarchical command line arguments (default: {[]})
+ save {bool} -- Save overwritten config file (default: {False})
+
+ Returns:
+ [dict] -- Config
+ """
+
+ config_path = os.path.join(checkpoint_dir, 'config.yaml')
+ config_path = config_path if os.path.exists(config_path) else os.path.join(os.path.dirname(__file__),'config.yaml')
+ with open(config_path,'r') as f:
+ global_config = yaml.load(f)
+
+ for conf in arg_configs:
+ k_str, v = conf.split(':')
+ try:
+ v = eval(v)
+ except:
+ pass
+ ks = [int(k) if k.isdigit() else k for k in k_str.split('.')]
+
+ recursive_key_value_assign(global_config, ks, v)
+
+ if batch_size is not None:
+ global_config['OPTIMIZER']['batch_size'] = int(batch_size)
+ if max_epoch is not None:
+ global_config['OPTIMIZER']['max_epoch'] = int(max_epoch)
+ if data_path is not None:
+ global_config['DATA']['data_path'] = data_path
+
+ global_config['DATA']['classes'] = None
+
+ if save:
+ with open(os.path.join(checkpoint_dir, 'config.yaml'),'w') as f:
+ yaml.dump(global_config, f)
+
+ return global_config
+
diff --git a/contact_graspnet/contact_grasp_estimator.py b/contact_graspnet/contact_grasp_estimator.py
new file mode 100644
index 0000000..23b22bb
--- /dev/null
+++ b/contact_graspnet/contact_grasp_estimator.py
@@ -0,0 +1,388 @@
+import importlib
+import numpy as np
+import sys
+import os
+import time
+
+import tensorflow.compat.v1 as tf
+tf.disable_eager_execution()
+TF2 = True
+
+BASE_DIR = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))
+sys.path.append(os.path.join(BASE_DIR))
+sys.path.append(os.path.join(BASE_DIR, 'pointnet2', 'utils'))
+sys.path.append(os.path.abspath(__file__))
+
+from tf_train_ops import get_bn_decay
+import config_utils
+from data import farthest_points, distance_by_translation_point, preprocess_pc_for_inference, regularize_pc_point_count, depth2pc, reject_median_outliers
+
+class GraspEstimator:
+ """
+ Class for building and inferencing Contact-GraspNet
+
+ :param cfg: config dict
+ """
+ def __init__(self, cfg):
+
+ if 'surface_grasp_logdir_folder' in cfg:
+ # for sim evaluation
+ self._contact_grasp_cfg = config_utils.load_config(cfg['surface_grasp_logdir_folder'], batch_size=1, arg_configs=cfg.arg_configs)
+ self._cfg = cfg
+ self._num_samples = self._cfg.num_samples
+ else:
+ self._contact_grasp_cfg = cfg
+
+ self._model_func = importlib.import_module(self._contact_grasp_cfg['MODEL']['model'])
+ self._num_input_points = self._contact_grasp_cfg['DATA']['raw_num_points'] if 'raw_num_points' in self._contact_grasp_cfg['DATA'] else self._contact_grasp_cfg['DATA']['num_point']
+
+ self.placeholders = self._model_func.placeholder_inputs(self._contact_grasp_cfg['OPTIMIZER']['batch_size'],
+ self._num_input_points,
+ self._contact_grasp_cfg['DATA']['input_normals'])
+ self.model_ops = {}
+
+ def build_network(self):
+ """
+ Build tensorflow graph and grasp representation
+ :returns: tensorflow ops to infer the model predictions
+ """
+ global_config = self._contact_grasp_cfg
+
+ # Note the global_step=step parameter to minimize.
+ # That tells the optimizer to helpfully increment the 'step' parameter for you every time it trains.
+ step = tf.Variable(0)
+ bn_decay = get_bn_decay(step, global_config['OPTIMIZER'])
+ tf.summary.scalar('bn_decay', bn_decay)
+
+ print("--- Get model")
+ # Get model
+ end_points = self._model_func.get_model(self.placeholders['pointclouds_pl'], self.placeholders['is_training_pl'], global_config, bn_decay=bn_decay)
+
+ tf_bin_vals = self._model_func.get_bin_vals(global_config)
+ offset_bin_pred_vals = tf.gather_nd(tf_bin_vals, tf.expand_dims(tf.argmax(end_points['grasp_offset_head'], axis=2), axis=2)) if global_config['MODEL']['bin_offsets'] else end_points['grasp_offset_pred'][:,:,0]
+
+ grasp_preds = self._model_func.build_6d_grasp(end_points['approach_dir_head'], end_points['grasp_dir_head'], end_points['pred_points'], offset_bin_pred_vals, use_tf=True) # b x num_point x 4 x 4
+
+ self.model_ops = {'pointclouds_pl': self.placeholders['pointclouds_pl'],
+ 'cam_poses_pl': self.placeholders['cam_poses_pl'],
+ 'scene_idx_pl': self.placeholders['scene_idx_pl'],
+ 'is_training_pl': self.placeholders['is_training_pl'],
+ 'grasp_dir_pred': end_points['grasp_dir_head'],
+ 'binary_seg_head': end_points['binary_seg_head'],
+ 'binary_seg_pred': end_points['binary_seg_pred'],
+ 'grasp_offset_head': end_points['grasp_offset_head'],
+ 'grasp_offset_pred': end_points['grasp_offset_pred'],
+ 'approach_dir_pred': end_points['approach_dir_head'],
+ 'pred_points': end_points['pred_points'],
+ 'offset_pred_idcs_pc': tf.argmax(end_points['grasp_offset_head'], axis=2) if global_config['MODEL']['bin_offsets'] else None,
+ 'offset_bin_pred_vals': offset_bin_pred_vals,
+ 'grasp_preds': grasp_preds,
+ 'step': step,
+ 'end_points': end_points}
+
+ self.inference_ops = [self.model_ops['grasp_preds'], self.model_ops['binary_seg_pred'], self.model_ops['pred_points']]
+ if self.model_ops['offset_bin_pred_vals'] is None:
+ self.inference_ops.append(self.model_ops['grasp_offset_head'])
+ else:
+ self.inference_ops.append(self.model_ops['offset_bin_pred_vals'])
+
+ return self.model_ops
+
+ def load_weights(self, sess, saver, log_dir, mode='test'):
+ """
+ Load checkpoint weights
+ :param sess: tf.Session
+ :param saver: tf.train.Saver
+ """
+
+ chkpt = tf.train.get_checkpoint_state(log_dir)
+ if chkpt and chkpt.model_checkpoint_path:
+ print(('loading ', chkpt.model_checkpoint_path))
+ saver.restore(sess, chkpt.model_checkpoint_path)
+ else:
+ if mode == 'test':
+ print('no checkpoint in ', log_dir)
+ exit()
+ else:
+ sess.run(tf.global_variables_initializer())
+
+ def filter_segment(self, contact_pts, segment_pc, thres=0.00001):
+ """
+ Filter grasps to obtain contacts on specified point cloud segment
+
+ :param contact_pts: Nx3 contact points of all grasps in the scene
+ :param segment_pc: Mx3 segmented point cloud of the object of interest
+ :param thres: maximum distance in m of filtered contact points from segmented point cloud
+ :returns: Contact/Grasp indices that lie in the point cloud segment
+ """
+ filtered_grasp_idcs = np.array([],dtype=np.int32)
+
+ if contact_pts.shape[0] > 0 and segment_pc.shape[0] > 0:
+ try:
+ dists = contact_pts[:,:3].reshape(-1,1,3) - segment_pc.reshape(1,-1,3)
+ min_dists = np.min(np.linalg.norm(dists,axis=2),axis=1)
+ filtered_grasp_idcs = np.where(min_dists (obj_center - size/2), axis=1) & np.all(full_pc < (obj_center + size/2),axis=1)]
+ if np.any(partial_pc):
+ partial_pc = regularize_pc_point_count(partial_pc, self._contact_grasp_cfg['DATA']['raw_num_points'], use_farthest_point=self._contact_grasp_cfg['DATA']['use_farthest_point'])
+ pc_regions[i] = partial_pc
+ obj_centers[i] = obj_center
+
+ return pc_regions, obj_centers
+
+
+ def predict_grasps(self, sess, pc, constant_offset=False, convert_cam_coords=True, forward_passes=1):
+ """
+ Predict raw grasps on point cloud
+
+ :param sess: tf.Session
+ :param pc: Nx3 point cloud in camera coordinates
+ :param convert_cam_coords: Convert from OpenCV to internal training camera coordinates (x left, y up, z front) and converts grasps back to openCV coordinates
+ :param constant_offset: do not predict offset and place gripper at constant `extra_opening` distance from contact point
+ :param forward_passes: Number of forward passes to run on each point cloud. default: 1
+ :returns: (pred_grasps_cam, pred_scores, pred_points, gripper_openings) Predicted grasps/scores/contact-points/gripper-openings
+ """
+
+ # Convert point cloud coordinates from OpenCV to internal coordinates (x left, y up, z front)
+ pc, pc_mean = preprocess_pc_for_inference(pc.squeeze(), self._num_input_points, return_mean=True, convert_to_internal_coords=convert_cam_coords)
+
+ if len(pc.shape) == 2:
+ pc_batch = pc[np.newaxis,:,:]
+
+ if forward_passes > 1:
+ pc_batch = np.tile(pc_batch, (forward_passes,1,1))
+
+ feed_dict = {self.placeholders['pointclouds_pl']: pc_batch,
+ self.placeholders['is_training_pl']: False}
+
+ # Run model inference
+ pred_grasps_cam, pred_scores, pred_points, offset_pred = sess.run(self.inference_ops, feed_dict=feed_dict)
+
+ pred_grasps_cam = pred_grasps_cam.reshape(-1, *pred_grasps_cam.shape[-2:])
+ pred_points = pred_points.reshape(-1, pred_points.shape[-1])
+ pred_scores = pred_scores.reshape(-1)
+ offset_pred = offset_pred.reshape(-1)
+
+ # uncenter grasps
+ pred_grasps_cam[:,:3, 3] += pc_mean.reshape(-1,3)
+ pred_points[:,:3] += pc_mean.reshape(-1,3)
+
+ if constant_offset:
+ offset_pred = np.array([[self._contact_grasp_cfg['DATA']['gripper_width']-self._contact_grasp_cfg['TEST']['extra_opening']]*self._contact_grasp_cfg['DATA']['num_point']])
+
+ gripper_openings = np.minimum(offset_pred + self._contact_grasp_cfg['TEST']['extra_opening'], self._contact_grasp_cfg['DATA']['gripper_width'])
+
+ with_replacement = self._contact_grasp_cfg['TEST']['with_replacement'] if 'with_replacement' in self._contact_grasp_cfg['TEST'] else False
+
+ selection_idcs = self.select_grasps(pred_points[:,:3], pred_scores,
+ self._contact_grasp_cfg['TEST']['max_farthest_points'],
+ self._contact_grasp_cfg['TEST']['num_samples'],
+ self._contact_grasp_cfg['TEST']['first_thres'],
+ self._contact_grasp_cfg['TEST']['second_thres'] if 'second_thres' in self._contact_grasp_cfg['TEST'] else self._contact_grasp_cfg['TEST']['first_thres'],
+ with_replacement=self._contact_grasp_cfg['TEST']['with_replacement'])
+
+ if not np.any(selection_idcs):
+ selection_idcs=np.array([], dtype=np.int32)
+
+ if 'center_to_tip' in self._contact_grasp_cfg['TEST'] and self._contact_grasp_cfg['TEST']['center_to_tip']:
+ pred_grasps_cam[:,:3, 3] -= pred_grasps_cam[:,:3,2]*(self._contact_grasp_cfg['TEST']['center_to_tip']/2)
+
+ # convert back to opencv coordinates
+ if convert_cam_coords:
+ pred_grasps_cam[:,:2, :] *= -1
+ pred_points[:,:2] *= -1
+
+ return pred_grasps_cam[selection_idcs], pred_scores[selection_idcs], pred_points[selection_idcs].squeeze(), gripper_openings[selection_idcs].squeeze()
+
+ def predict_scene_grasps(self, sess, pc_full, pc_segments={}, local_regions=False, filter_grasps=False, forward_passes=1):
+ """
+ Predict num_point grasps on a full point cloud or in local box regions around point cloud segments.
+
+ Arguments:
+ sess {tf.Session} -- Tensorflow Session
+ pc_full {np.ndarray} -- Nx3 full scene point cloud
+
+ Keyword Arguments:
+ pc_segments {dict[int, np.ndarray]} -- Dict of Mx3 segmented point clouds of objects of interest (default: {{}})
+ local_regions {bool} -- crop 3D local regions around object segments for prediction (default: {False})
+ filter_grasps {bool} -- filter grasp contacts such that they only lie within object segments (default: {False})
+ forward_passes {int} -- Number of forward passes to run on each point cloud. (default: {1})
+
+ Returns:
+ [np.ndarray, np.ndarray, np.ndarray, np.ndarray] -- pred_grasps_cam, scores, contact_pts, gripper_openings
+ """
+
+ pred_grasps_cam, scores, contact_pts, gripper_openings = {}, {}, {}, {}
+
+ # Predict grasps in local regions or full pc
+ if local_regions:
+ pc_regions, _ = self.extract_3d_cam_boxes(pc_full, pc_segments)
+ for k, pc_region in pc_regions.items():
+ pred_grasps_cam[k], scores[k], contact_pts[k], gripper_openings[k] = self.predict_grasps(sess, pc_region, convert_cam_coords=True, forward_passes=forward_passes)
+ else:
+ pc_full = regularize_pc_point_count(pc_full, self._contact_grasp_cfg['DATA']['raw_num_points'])
+ pred_grasps_cam[-1], scores[-1], contact_pts[-1], gripper_openings[-1] = self.predict_grasps(sess, pc_full, convert_cam_coords=True, forward_passes=forward_passes)
+ print('Generated {} grasps'.format(len(pred_grasps_cam[-1])))
+
+ # Filter grasp contacts to lie within object segment
+ if filter_grasps:
+ segment_keys = contact_pts.keys() if local_regions else pc_segments.keys()
+ for k in segment_keys:
+ j = k if local_regions else -1
+ if np.any(pc_segments[k]) and np.any(contact_pts[j]):
+ segment_idcs = self.filter_segment(contact_pts[j], pc_segments[k], thres=self._contact_grasp_cfg['TEST']['filter_thres'])
+
+ pred_grasps_cam[k] = pred_grasps_cam[j][segment_idcs]
+ scores[k] = scores[j][segment_idcs]
+ contact_pts[k] = contact_pts[j][segment_idcs]
+ try:
+ gripper_openings[k] = gripper_openings[j][segment_idcs]
+ except:
+ print('skipped gripper openings {}'.format(gripper_openings[j]))
+
+ if local_regions and np.any(pred_grasps_cam[k]):
+ print('Generated {} grasps for object {}'.format(len(pred_grasps_cam[k]), k))
+ else:
+ print('skipping obj {} since np.any(pc_segments[k]) {} and np.any(contact_pts[j]) is {}'.format(k, np.any(pc_segments[k]), np.any(contact_pts[j])))
+
+ if not local_regions:
+ del pred_grasps_cam[-1], scores[-1], contact_pts[-1], gripper_openings[-1]
+
+ return pred_grasps_cam, scores, contact_pts, gripper_openings
+
+ def select_grasps(self, contact_pts, contact_conf, max_farthest_points = 150, num_grasps = 200, first_thres = 0.25, second_thres = 0.2, with_replacement=False):
+ """
+ Select subset of num_grasps by contact confidence thresholds and farthest contact point sampling.
+
+ 1.) Samples max_farthest_points among grasp contacts with conf > first_thres
+ 2.) Fills up remaining grasp contacts to a maximum of num_grasps with highest confidence contacts with conf > second_thres
+
+ Arguments:
+ contact_pts {np.ndarray} -- num_point x 3 subset of input point cloud for which we have predictions
+ contact_conf {[type]} -- num_point x 1 confidence of the points being a stable grasp contact
+
+ Keyword Arguments:
+ max_farthest_points {int} -- Maximum amount from num_grasps sampled with farthest point sampling (default: {150})
+ num_grasps {int} -- Maximum number of grasp proposals to select (default: {200})
+ first_thres {float} -- first confidence threshold for farthest point sampling (default: {0.6})
+ second_thres {float} -- second confidence threshold for filling up grasp proposals (default: {0.6})
+ with_replacement {bool} -- Return fixed number of num_grasps with conf > first_thres and repeat if there are not enough (default: {False})
+
+ Returns:
+ [np.ndarray] -- Indices of selected contact_pts
+ """
+
+ grasp_conf = contact_conf.squeeze()
+ contact_pts = contact_pts.squeeze()
+
+ conf_idcs_greater_than = np.nonzero(grasp_conf > first_thres)[0]
+ _, center_indexes = farthest_points(contact_pts[conf_idcs_greater_than,:3], np.minimum(max_farthest_points, len(conf_idcs_greater_than)), distance_by_translation_point, return_center_indexes = True)
+
+ remaining_confidences = np.setdiff1d(np.arange(len(grasp_conf)), conf_idcs_greater_than[center_indexes])
+ sorted_confidences = np.argsort(grasp_conf)[::-1]
+ mask = np.in1d(sorted_confidences, remaining_confidences)
+ sorted_remaining_confidence_idcs = sorted_confidences[mask]
+
+ if with_replacement:
+ selection_idcs = list(conf_idcs_greater_than[center_indexes])
+ j=len(selection_idcs)
+ while j < num_grasps and conf_idcs_greater_than.shape[0] > 0:
+ selection_idcs.append(conf_idcs_greater_than[j%len(conf_idcs_greater_than)])
+ j+=1
+ selection_idcs = np.array(selection_idcs)
+
+ else:
+ remaining_idcs = sorted_remaining_confidence_idcs[:num_grasps-len(conf_idcs_greater_than[center_indexes])]
+ remaining_conf_idcs_greater_than = np.nonzero(grasp_conf[remaining_idcs] > second_thres)[0]
+ selection_idcs = np.union1d(conf_idcs_greater_than[center_indexes], remaining_idcs[remaining_conf_idcs_greater_than])
+ return selection_idcs
+
+ def extract_point_clouds(self, depth, K, segmap=None, rgb=None, z_range=[0.2,1.8], segmap_id=0, skip_border_objects=False, margin_px=5):
+ """
+ Converts depth map + intrinsics to point cloud.
+ If segmap is given, also returns segmented point clouds. If rgb is given, also returns pc_colors.
+
+ Arguments:
+ depth {np.ndarray} -- HxW depth map in m
+ K {np.ndarray} -- 3x3 camera Matrix
+
+ Keyword Arguments:
+ segmap {np.ndarray} -- HxW integer array that describes segeents (default: {None})
+ rgb {np.ndarray} -- HxW rgb image (default: {None})
+ z_range {list} -- Clip point cloud at minimum/maximum z distance (default: {[0.2,1.8]})
+ segmap_id {int} -- Only return point cloud segment for the defined id (default: {0})
+ skip_border_objects {bool} -- Skip segments that are at the border of the depth map to avoid artificial edges (default: {False})
+ margin_px {int} -- Pixel margin of skip_border_objects (default: {5})
+
+ Returns:
+ [np.ndarray, dict[int:np.ndarray], np.ndarray] -- Full point cloud, point cloud segments, point cloud colors
+ """
+
+ if K is None:
+ raise ValueError('K is required either as argument --K or from the input numpy file')
+
+ # Convert to pc
+ pc_full, pc_colors = depth2pc(depth, K, rgb)
+
+ # Threshold distance
+ if pc_colors is not None:
+ pc_colors = pc_colors[(pc_full[:,2] < z_range[1]) & (pc_full[:,2] > z_range[0])]
+ pc_full = pc_full[(pc_full[:,2] < z_range[1]) & (pc_full[:,2] > z_range[0])]
+
+ # Extract instance point clouds from segmap and depth map
+ pc_segments = {}
+ if segmap is not None:
+ pc_segments = {}
+ obj_instances = [segmap_id] if segmap_id else np.unique(segmap[segmap>0])
+ for i in obj_instances:
+ if skip_border_objects and not i==segmap_id:
+ obj_i_y, obj_i_x = np.where(segmap==i)
+ if np.any(obj_i_x < margin_px) or np.any(obj_i_x > segmap.shape[1]-margin_px) or np.any(obj_i_y < margin_px) or np.any(obj_i_y > segmap.shape[0]-margin_px):
+ print('object {} not entirely in image bounds, skipping'.format(i))
+ continue
+ inst_mask = segmap==i
+ pc_segment,_ = depth2pc(depth*inst_mask, K)
+ pc_segments[i] = pc_segment[(pc_segment[:,2] < z_range[1]) & (pc_segment[:,2] > z_range[0])] #regularize_pc_point_count(pc_segment, grasp_estimator._contact_grasp_cfg['DATA']['num_point'])
+
+ return pc_full, pc_segments, pc_colors
+
+ def predict_scene_grasps_from_depth_K_and_2d_seg(self, sess, depth, segmap, K, z_range=[0.2,1.8], local_regions=False, filter_grasps=False, segmap_id=0, skip_border_objects=False, margin_px=5):
+ """ Combines converting to point cloud(s) and predicting scene grasps into one function """
+
+ pc_full, pc_segments = self.extract_point_clouds(depth, K, segmap=segmap, local_regions=local_regions, filter_grasps=filter_grasps,
+ segmap_id=segmap_id, skip_border_objects=skip_border_objects, margin_px=margin_px, z_range=z_range)
+
+ return self.predict_scene_grasps(sess, pc_full, pc_segments, local_regions=local_regions, filter_grasps=filter_grasps)
diff --git a/contact_graspnet/contact_graspnet.py b/contact_graspnet/contact_graspnet.py
new file mode 100644
index 0000000..805adca
--- /dev/null
+++ b/contact_graspnet/contact_graspnet.py
@@ -0,0 +1,438 @@
+import os
+import sys
+import numpy as np
+import tensorflow.compat.v1 as tf
+tf.disable_eager_execution()
+TF2 = True
+
+BASE_DIR = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))
+ROOT_DIR = os.path.dirname(os.path.dirname(BASE_DIR))
+
+sys.path.append(os.path.join(BASE_DIR))
+sys.path.append(os.path.join(BASE_DIR, 'pointnet2', 'utils'))
+sys.path.append(os.path.join(BASE_DIR, 'pointnet2'))
+
+import tf_util
+from pointnet_util import pointnet_sa_module, pointnet_fp_module, pointnet_sa_module_msg
+from tf_sampling import farthest_point_sample, gather_point
+from tf_grouping import query_ball_point, group_point, knn_point
+
+import mesh_utils
+
+def placeholder_inputs(batch_size, num_input_points=20000, input_normals=False):
+ """
+ Creates placeholders for input pointclouds, scene indices, camera poses and training/eval mode
+
+ Arguments:
+ batch_size {int} -- batch size
+ num_input_points {int} -- number of input points to the network (default: 20000)
+
+ Keyword Arguments:
+ input_normals {bool} -- whether to use normals as input (default: {False})
+
+ Returns:
+ dict[str:tf.placeholder] -- dict of placeholders
+ """
+
+ pl_dict = {}
+ dim = 6 if input_normals else 3
+ pl_dict['pointclouds_pl'] = tf.placeholder(tf.float32, shape=(batch_size, num_input_points, dim))
+ pl_dict['scene_idx_pl'] = tf.placeholder(tf.int32, ())
+ pl_dict['cam_poses_pl'] = tf.placeholder(tf.float32, shape=(batch_size, 4, 4))
+ pl_dict['is_training_pl'] = tf.placeholder(tf.bool, shape=())
+
+ return pl_dict
+
+def get_bin_vals(global_config):
+ """
+ Creates bin values for grasping widths according to bounds defined in config
+
+ Arguments:
+ global_config {dict} -- config
+
+ Returns:
+ tf.constant -- bin value tensor
+ """
+ bins_bounds = np.array(global_config['DATA']['labels']['offset_bins'])
+ if global_config['TEST']['bin_vals'] == 'max':
+ bin_vals = (bins_bounds[1:] + bins_bounds[:-1])/2
+ bin_vals[-1] = bins_bounds[-1]
+ elif global_config['TEST']['bin_vals'] == 'mean':
+ bin_vals = bins_bounds[1:]
+ else:
+ raise NotImplementedError
+
+ if not global_config['TEST']['allow_zero_margin']:
+ bin_vals = np.minimum(bin_vals, global_config['DATA']['gripper_width']-global_config['TEST']['extra_opening'])
+
+ tf_bin_vals = tf.constant(bin_vals, tf.float32)
+ return tf_bin_vals
+
+def get_model(point_cloud, is_training, global_config, bn_decay=None):
+ """
+ Contact-GraspNet model consisting of a PointNet++ backbone and multiple output heads
+
+ Arguments:
+ point_cloud {tf.placeholder} -- batch of point clouds
+ is_training {bool} -- train or eval mode
+ global_config {dict} -- config
+
+ Keyword Arguments:
+ bn_decay {tf.variable} -- batch norm decay (default: {None})
+
+ Returns:
+ [dict] -- endpoints of the network
+ """
+
+ model_config = global_config['MODEL']
+ data_config = global_config['DATA']
+
+ radius_list_0 = model_config['pointnet_sa_modules_msg'][0]['radius_list']
+ radius_list_1 = model_config['pointnet_sa_modules_msg'][1]['radius_list']
+ radius_list_2 = model_config['pointnet_sa_modules_msg'][2]['radius_list']
+
+ nsample_list_0 = model_config['pointnet_sa_modules_msg'][0]['nsample_list']
+ nsample_list_1 = model_config['pointnet_sa_modules_msg'][1]['nsample_list']
+ nsample_list_2 = model_config['pointnet_sa_modules_msg'][2]['nsample_list']
+
+ mlp_list_0 = model_config['pointnet_sa_modules_msg'][0]['mlp_list']
+ mlp_list_1 = model_config['pointnet_sa_modules_msg'][1]['mlp_list']
+ mlp_list_2 = model_config['pointnet_sa_modules_msg'][2]['mlp_list']
+
+ npoint_0 = model_config['pointnet_sa_modules_msg'][0]['npoint']
+ npoint_1 = model_config['pointnet_sa_modules_msg'][1]['npoint']
+ npoint_2 = model_config['pointnet_sa_modules_msg'][2]['npoint']
+
+ fp_mlp_0 = model_config['pointnet_fp_modules'][0]['mlp']
+ fp_mlp_1 = model_config['pointnet_fp_modules'][1]['mlp']
+ fp_mlp_2 = model_config['pointnet_fp_modules'][2]['mlp']
+
+ input_normals = data_config['input_normals']
+ offset_bins = data_config['labels']['offset_bins']
+ joint_heads = model_config['joint_heads']
+
+ # expensive, rather use random only
+ if 'raw_num_points' in data_config and data_config['raw_num_points'] != data_config['ndataset_points']:
+ point_cloud = gather_point(point_cloud, farthest_point_sample(data_config['ndataset_points'], point_cloud))
+
+ end_points = {}
+ l0_xyz = tf.slice(point_cloud, [0,0,0], [-1,-1,3])
+ l0_points = tf.slice(point_cloud, [0,0,3], [-1,-1,3]) if input_normals else None
+
+ # Set abstraction layers
+ l1_xyz, l1_points = pointnet_sa_module_msg(l0_xyz, l0_points, npoint_0, radius_list_0, nsample_list_0, mlp_list_0, is_training, bn_decay, scope='layer1')
+ l2_xyz, l2_points = pointnet_sa_module_msg(l1_xyz, l1_points, npoint_1, radius_list_1, nsample_list_1,mlp_list_1, is_training, bn_decay, scope='layer2')
+
+ if 'asymmetric_model' in model_config and model_config['asymmetric_model']:
+ l3_xyz, l3_points = pointnet_sa_module_msg(l2_xyz, l2_points, npoint_2, radius_list_2, nsample_list_2,mlp_list_2, is_training, bn_decay, scope='layer3')
+ l4_xyz, l4_points, _ = pointnet_sa_module(l3_xyz, l3_points, npoint=None, radius=None, nsample=None, mlp=model_config['pointnet_sa_module']['mlp'], mlp2=None, group_all=model_config['pointnet_sa_module']['group_all'], is_training=is_training, bn_decay=bn_decay, scope='layer4')
+
+ # Feature Propagation layers
+ l3_points = pointnet_fp_module(l3_xyz, l4_xyz, l3_points, l4_points, fp_mlp_0, is_training, bn_decay, scope='fa_layer1')
+ l2_points = pointnet_fp_module(l2_xyz, l3_xyz, l2_points, l3_points, fp_mlp_1, is_training, bn_decay, scope='fa_layer2')
+ l1_points = pointnet_fp_module(l1_xyz, l2_xyz, l1_points, l2_points, fp_mlp_2, is_training, bn_decay, scope='fa_layer3')
+
+ l0_points = l1_points
+ pred_points = l1_xyz
+ else:
+ l3_xyz, l3_points, _ = pointnet_sa_module(l2_xyz, l2_points, npoint=None, radius=None, nsample=None, mlp=model_config['pointnet_sa_module']['mlp'], mlp2=None, group_all=model_config['pointnet_sa_module']['group_all'], is_training=is_training, bn_decay=bn_decay, scope='layer3')
+
+ # Feature Propagation layers
+ l2_points = pointnet_fp_module(l2_xyz, l3_xyz, l2_points, l3_points, fp_mlp_0, is_training, bn_decay, scope='fa_layer1')
+ l1_points = pointnet_fp_module(l1_xyz, l2_xyz, l1_points, l2_points, fp_mlp_1, is_training, bn_decay, scope='fa_layer2')
+ l0_points = tf.concat([l0_xyz, l0_points],axis=-1) if input_normals else l0_xyz
+ l0_points = pointnet_fp_module(l0_xyz, l1_xyz, l0_points, l1_points, fp_mlp_2, is_training, bn_decay, scope='fa_layer3')
+ pred_points = l0_xyz
+
+ if joint_heads:
+ head = tf_util.conv1d(l0_points, 128, 1, padding='VALID', bn=True, is_training=is_training, scope='fc1', bn_decay=bn_decay)
+ head = tf_util.dropout(head, keep_prob=0.7, is_training=is_training, scope='dp1')
+ head = tf_util.conv1d(head, 4, 1, padding='VALID', activation_fn=None, scope='fc2')
+ grasp_dir_head = tf.slice(head, [0,0,0], [-1,-1,3])
+ grasp_dir_head = tf.math.l2_normalize(grasp_dir_head, axis=2)
+ binary_seg_head = tf.slice(head, [0,0,3], [-1,-1,1])
+ else:
+ # Head for grasp direction
+ grasp_dir_head = tf_util.conv1d(l0_points, 128, 1, padding='VALID', bn=True, is_training=is_training, scope='fc1', bn_decay=bn_decay)
+ grasp_dir_head = tf_util.dropout(grasp_dir_head, keep_prob=0.7, is_training=is_training, scope='dp1')
+ grasp_dir_head = tf_util.conv1d(grasp_dir_head, 3, 1, padding='VALID', activation_fn=None, scope='fc3')
+ grasp_dir_head_normed = tf.math.l2_normalize(grasp_dir_head, axis=2)
+
+ # Head for grasp approach
+ approach_dir_head = tf_util.conv1d(l0_points, 128, 1, padding='VALID', bn=True, is_training=is_training, scope='fc1_app', bn_decay=bn_decay)
+ approach_dir_head = tf_util.dropout(approach_dir_head, keep_prob=0.7, is_training=is_training, scope='dp1_app')
+ approach_dir_head = tf_util.conv1d(approach_dir_head, 3, 1, padding='VALID', activation_fn=None, scope='fc3_app')
+ approach_dir_head_orthog = tf.math.l2_normalize(approach_dir_head - tf.reduce_sum(tf.multiply(grasp_dir_head_normed, approach_dir_head), axis=2, keepdims=True)*grasp_dir_head_normed, axis=2)
+
+ # Head for grasp width
+ if model_config['dir_vec_length_offset']:
+ grasp_offset_head = tf.norm(grasp_dir_head, axis=2, keepdims=True)
+ elif model_config['bin_offsets']:
+ grasp_offset_head = tf_util.conv1d(l0_points, 128, 1, padding='VALID', bn=True, is_training=is_training, scope='fc1_off', bn_decay=bn_decay)
+ grasp_offset_head = tf_util.conv1d(grasp_offset_head, len(offset_bins)-1, 1, padding='VALID', activation_fn=None, scope='fc2_off')
+ else:
+ grasp_offset_head = tf_util.conv1d(l0_points, 128, 1, padding='VALID', bn=True, is_training=is_training, scope='fc1_off', bn_decay=bn_decay)
+ grasp_offset_head = tf_util.dropout(grasp_offset_head, keep_prob=0.7, is_training=is_training, scope='dp1_off')
+ grasp_offset_head = tf_util.conv1d(grasp_offset_head, 1, 1, padding='VALID', activation_fn=None, scope='fc2_off')
+
+ # Head for contact points
+ binary_seg_head = tf_util.conv1d(l0_points, 128, 1, padding='VALID', bn=True, is_training=is_training, scope='fc1_seg', bn_decay=bn_decay)
+ binary_seg_head = tf_util.dropout(binary_seg_head, keep_prob=0.5, is_training=is_training, scope='dp1_seg')
+ binary_seg_head = tf_util.conv1d(binary_seg_head, 1, 1, padding='VALID', activation_fn=None, scope='fc2_seg')
+
+ end_points['grasp_dir_head'] = grasp_dir_head_normed
+ end_points['binary_seg_head'] = binary_seg_head
+ end_points['binary_seg_pred'] = tf.math.sigmoid(binary_seg_head)
+ end_points['grasp_offset_head'] = grasp_offset_head
+ end_points['grasp_offset_pred'] = tf.math.sigmoid(grasp_offset_head) if model_config['bin_offsets'] else grasp_offset_head
+ end_points['approach_dir_head'] = approach_dir_head_orthog
+ end_points['pred_points'] = pred_points
+
+ return end_points
+
+def build_6d_grasp(approach_dirs, base_dirs, contact_pts, thickness, use_tf=False, gripper_depth = 0.1034):
+ """
+ Build 6-DoF grasps + width from point-wise network predictions
+
+ Arguments:
+ approach_dirs {np.ndarray/tf.tensor} -- Nx3 approach direction vectors
+ base_dirs {np.ndarray/tf.tensor} -- Nx3 base direction vectors
+ contact_pts {np.ndarray/tf.tensor} -- Nx3 contact points
+ thickness {np.ndarray/tf.tensor} -- Nx1 grasp width
+
+ Keyword Arguments:
+ use_tf {bool} -- whether inputs and outputs are tf tensors (default: {False})
+ gripper_depth {float} -- distance from gripper coordinate frame to gripper baseline in m (default: {0.1034})
+
+ Returns:
+ np.ndarray -- Nx4x4 grasp poses in camera coordinates
+ """
+ if use_tf:
+ grasps_R = tf.stack([base_dirs, tf.linalg.cross(approach_dirs,base_dirs),approach_dirs], axis=3)
+ grasps_t = contact_pts + tf.expand_dims(thickness,2)/2 * base_dirs - gripper_depth * approach_dirs
+ ones = tf.ones((contact_pts.shape[0], contact_pts.shape[1], 1, 1), dtype=tf.float32)
+ zeros = tf.zeros((contact_pts.shape[0], contact_pts.shape[1], 1, 3), dtype=tf.float32)
+ homog_vec = tf.concat([zeros, ones], axis=3)
+ grasps = tf.concat([tf.concat([grasps_R, tf.expand_dims(grasps_t, 3)], axis=3), homog_vec], axis=2)
+ else:
+ grasps = []
+ for i in range(len(contact_pts)):
+ grasp = np.eye(4)
+
+ grasp[:3,0] = base_dirs[i] / np.linalg.norm(base_dirs[i])
+ grasp[:3,2] = approach_dirs[i] / np.linalg.norm(approach_dirs[i])
+ grasp_y = np.cross( grasp[:3,2],grasp[:3,0])
+ grasp[:3,1] = grasp_y / np.linalg.norm(grasp_y)
+ # base_gripper xyz = contact + thickness / 2 * baseline_dir - gripper_d * approach_dir
+ grasp[:3,3] = contact_pts[i] + thickness[i] / 2 * grasp[:3,0] - gripper_depth * grasp[:3,2]
+ # grasp[0,3] = finger_width
+ grasps.append(grasp)
+ grasps = np.array(grasps)
+
+ return grasps
+
+def get_losses(pointclouds_pl, end_points, dir_labels_pc_cam, offset_labels_pc, grasp_success_labels_pc, approach_labels_pc_cam, global_config):
+ """
+ Computes loss terms from pointclouds, network predictions and labels
+
+ Arguments:
+ pointclouds_pl {tf.placeholder} -- bxNx3 input point clouds
+ end_points {dict[str:tf.variable]} -- endpoints of the network containing predictions
+ dir_labels_pc_cam {tf.variable} -- base direction labels in camera coordinates (bxNx3)
+ offset_labels_pc {tf.variable} -- grasp width labels (bxNx1)
+ grasp_success_labels_pc {tf.variable} -- contact success labels (bxNx1)
+ approach_labels_pc_cam {tf.variable} -- approach direction labels in camera coordinates (bxNx3)
+ global_config {dict} -- config dict
+
+ Returns:
+ [dir_cosine_loss, bin_ce_loss, offset_loss, approach_cosine_loss, adds_loss,
+ adds_loss_gt2pred, gt_control_points, pred_control_points, pos_grasps_in_view] -- All losses (not all are used for training)
+ """
+
+ grasp_dir_head = end_points['grasp_dir_head']
+ grasp_offset_head = end_points['grasp_offset_head']
+ approach_dir_head = end_points['approach_dir_head']
+
+ bin_weights = global_config['DATA']['labels']['bin_weights']
+ tf_bin_weights = tf.constant(bin_weights)
+
+ min_geom_loss_divisor = tf.constant(float(global_config['LOSS']['min_geom_loss_divisor'])) if 'min_geom_loss_divisor' in global_config['LOSS'] else tf.constant(1.)
+ pos_grasps_in_view = tf.math.maximum(tf.reduce_sum(grasp_success_labels_pc, axis=1), min_geom_loss_divisor)
+
+ ### ADS Gripper PC Loss
+ if global_config['MODEL']['bin_offsets']:
+ thickness_pred = tf.gather_nd(get_bin_vals(global_config), tf.expand_dims(tf.argmax(grasp_offset_head, axis=2), axis=2))
+ thickness_gt = tf.gather_nd(get_bin_vals(global_config), tf.expand_dims(tf.argmax(offset_labels_pc, axis=2), axis=2))
+ else:
+ thickness_pred = grasp_offset_head[:,:,0]
+ thickness_gt = offset_labels_pc[:,:,0]
+ pred_grasps = build_6d_grasp(approach_dir_head, grasp_dir_head, pointclouds_pl, thickness_pred, use_tf=True) # b x num_point x 4 x 4
+ gt_grasps_proj = build_6d_grasp(approach_labels_pc_cam, dir_labels_pc_cam, pointclouds_pl, thickness_gt, use_tf=True) # b x num_point x 4 x 4
+ pos_gt_grasps_proj = tf.where(tf.broadcast_to(tf.expand_dims(tf.expand_dims(tf.cast(grasp_success_labels_pc, tf.bool),2),3), gt_grasps_proj.shape), gt_grasps_proj, tf.ones_like(gt_grasps_proj)*100000)
+ # pos_gt_grasps_proj = tf.reshape(pos_gt_grasps_proj, (global_config['OPTIMIZER']['batch_size'], -1, 4, 4))
+
+ gripper = mesh_utils.create_gripper('panda')
+ gripper_control_points = gripper.get_control_point_tensor(global_config['OPTIMIZER']['batch_size']) # b x 5 x 3
+ sym_gripper_control_points = gripper.get_control_point_tensor(global_config['OPTIMIZER']['batch_size'], symmetric=True)
+
+ gripper_control_points_homog = tf.concat([gripper_control_points, tf.ones((global_config['OPTIMIZER']['batch_size'], gripper_control_points.shape[1], 1))], axis=2) # b x 5 x 4
+ sym_gripper_control_points_homog = tf.concat([sym_gripper_control_points, tf.ones((global_config['OPTIMIZER']['batch_size'], gripper_control_points.shape[1], 1))], axis=2) # b x 5 x 4
+
+ # only use per point pred grasps but not per point gt grasps
+ control_points = tf.keras.backend.repeat_elements(tf.expand_dims(gripper_control_points_homog,1), gt_grasps_proj.shape[1], axis=1) # b x num_point x 5 x 4
+ sym_control_points = tf.keras.backend.repeat_elements(tf.expand_dims(sym_gripper_control_points_homog,1), gt_grasps_proj.shape[1], axis=1) # b x num_point x 5 x 4
+ pred_control_points = tf.matmul(control_points, tf.transpose(pred_grasps, perm=[0, 1, 3, 2]))[:,:,:,:3] # b x num_point x 5 x 3
+
+ ### Pred Grasp to GT Grasp ADD-S Loss
+ gt_control_points = tf.matmul(control_points, tf.transpose(pos_gt_grasps_proj, perm=[0, 1, 3, 2]))[:,:,:,:3] # b x num_pos_grasp_point x 5 x 3
+ sym_gt_control_points = tf.matmul(sym_control_points, tf.transpose(pos_gt_grasps_proj, perm=[0, 1, 3, 2]))[:,:,:,:3] # b x num_pos_grasp_point x 5 x 3
+
+ squared_add = tf.reduce_sum((tf.expand_dims(pred_control_points,2)-tf.expand_dims(gt_control_points,1))**2, axis=(3,4)) # b x num_point x num_pos_grasp_point x ( 5 x 3)
+ sym_squared_add = tf.reduce_sum((tf.expand_dims(pred_control_points,2)-tf.expand_dims(sym_gt_control_points,1))**2, axis=(3,4)) # b x num_point x num_pos_grasp_point x ( 5 x 3)
+
+ # symmetric ADD-S
+ neg_squared_adds = -tf.concat([squared_add,sym_squared_add], axis=2) # b x num_point x 2num_pos_grasp_point
+ neg_squared_adds_k = tf.math.top_k(neg_squared_adds, k=1, sorted=False)[0] # b x num_point
+ # If any pos grasp exists
+ min_adds = tf.minimum(tf.reduce_sum(grasp_success_labels_pc, axis=1, keepdims=True), tf.ones_like(neg_squared_adds_k[:,:,0])) * tf.sqrt(-neg_squared_adds_k[:,:,0])#tf.minimum(tf.sqrt(-neg_squared_adds_k), tf.ones_like(neg_squared_adds_k)) # b x num_point
+ adds_loss = tf.reduce_mean(end_points['binary_seg_pred'][:,:,0] * min_adds)
+
+ ### GT Grasp to pred Grasp ADD-S Loss
+ gt_control_points = tf.matmul(control_points, tf.transpose(gt_grasps_proj, perm=[0, 1, 3, 2]))[:,:,:,:3] # b x num_pos_grasp_point x 5 x 3
+ sym_gt_control_points = tf.matmul(sym_control_points, tf.transpose(gt_grasps_proj, perm=[0, 1, 3, 2]))[:,:,:,:3] # b x num_pos_grasp_point x 5 x 3
+
+ neg_squared_adds = -tf.reduce_sum((tf.expand_dims(pred_control_points,1)-tf.expand_dims(gt_control_points,2))**2, axis=(3,4)) # b x num_point x num_pos_grasp_point x ( 5 x 3)
+ neg_squared_adds_sym = -tf.reduce_sum((tf.expand_dims(pred_control_points,1)-tf.expand_dims(sym_gt_control_points,2))**2, axis=(3,4)) # b x num_point x num_pos_grasp_point x ( 5 x 3)
+
+ neg_squared_adds_k_gt2pred, pred_grasp_idcs = tf.math.top_k(neg_squared_adds, k=1, sorted=False) # b x num_pos_grasp_point
+ neg_squared_adds_k_sym_gt2pred, pred_grasp_sym_idcs = tf.math.top_k(neg_squared_adds_sym, k=1, sorted=False) # b x num_pos_grasp_point
+ pred_grasp_idcs_joined = tf.where(neg_squared_adds_k_gt2pred= data.shape[0]:
+ if return_center_indexes:
+ return np.arange(data.shape[0], dtype=np.int32), np.arange(data.shape[0], dtype=np.int32)
+
+ return np.arange(data.shape[0], dtype=np.int32)
+
+ clusters = np.ones((data.shape[0],), dtype=np.int32) * -1
+ distances = np.ones((data.shape[0],), dtype=np.float32) * 1e7
+ centers = []
+ for iter in range(nclusters):
+ index = np.argmax(distances)
+ centers.append(index)
+ shape = list(data.shape)
+ for i in range(1, len(shape)):
+ shape[i] = 1
+
+ broadcasted_data = np.tile(np.expand_dims(data[index], 0), shape)
+ new_distances = dist_func(broadcasted_data, data)
+ distances = np.minimum(distances, new_distances)
+ clusters[distances == new_distances] = iter
+ if verbose:
+ print('farthest points max distance : {}'.format(np.max(distances)))
+
+ if return_center_indexes:
+ if return_distances:
+ return clusters, np.asarray(centers, dtype=np.int32), distances
+ return clusters, np.asarray(centers, dtype=np.int32)
+
+ return clusters
+
+def reject_median_outliers(data, m=0.4, z_only=False):
+ """
+ Reject outliers with median absolute distance m
+
+ Arguments:
+ data {[np.ndarray]} -- Numpy array such as point cloud
+
+ Keyword Arguments:
+ m {[float]} -- Maximum absolute distance from median in m (default: {0.4})
+ z_only {[bool]} -- filter only via z_component (default: {False})
+
+ Returns:
+ [np.ndarray] -- Filtered data without outliers
+ """
+ if z_only:
+ d = np.abs(data[:,2:3] - np.median(data[:,2:3]))
+ else:
+ d = np.abs(data - np.median(data, axis=0, keepdims=True))
+
+ return data[np.sum(d, axis=1) < m]
+
+def regularize_pc_point_count(pc, npoints, use_farthest_point=False):
+ """
+ If point cloud pc has less points than npoints, it oversamples.
+ Otherwise, it downsample the input pc to have npoint points.
+ use_farthest_point: indicates
+
+ :param pc: Nx3 point cloud
+ :param npoints: number of points the regularized point cloud should have
+ :param use_farthest_point: use farthest point sampling to downsample the points, runs slower.
+ :returns: npointsx3 regularized point cloud
+ """
+
+ if pc.shape[0] > npoints:
+ if use_farthest_point:
+ _, center_indexes = farthest_points(pc, npoints, distance_by_translation_point, return_center_indexes=True)
+ else:
+ center_indexes = np.random.choice(range(pc.shape[0]), size=npoints, replace=False)
+ pc = pc[center_indexes, :]
+ else:
+ required = npoints - pc.shape[0]
+ if required > 0:
+ index = np.random.choice(range(pc.shape[0]), size=required)
+ pc = np.concatenate((pc, pc[index, :]), axis=0)
+ return pc
+
+def depth2pc(depth, K, rgb=None):
+ """
+ Convert depth and intrinsics to point cloud and optionally point cloud color
+ :param depth: hxw depth map in m
+ :param K: 3x3 Camera Matrix with intrinsics
+ :returns: (Nx3 point cloud, point cloud color)
+ """
+
+ mask = np.where(depth > 0)
+ x,y = mask[1], mask[0]
+
+ normalized_x = (x.astype(np.float32) - K[0,2])
+ normalized_y = (y.astype(np.float32) - K[1,2])
+
+ world_x = normalized_x * depth[y, x] / K[0,0]
+ world_y = normalized_y * depth[y, x] / K[1,1]
+ world_z = depth[y, x]
+
+ if rgb is not None:
+ rgb = rgb[y,x,:]
+
+ pc = np.vstack((world_x, world_y, world_z)).T
+ return (pc, rgb)
+
+
+def estimate_normals_cam_from_pc(self, pc_cam, max_radius=0.05, k=12):
+ """
+ Estimates normals in camera coords from given point cloud.
+
+ Arguments:
+ pc_cam {np.ndarray} -- Nx3 point cloud in camera coordinates
+
+ Keyword Arguments:
+ max_radius {float} -- maximum radius for normal computation (default: {0.05})
+ k {int} -- Number of neighbors for normal computation (default: {12})
+
+ Returns:
+ [np.ndarray] -- Nx3 point cloud normals
+ """
+ tree = cKDTree(pc_cam, leafsize=pc_cam.shape[0]+1)
+ _, ndx = tree.query(pc_cam, k=k, distance_upper_bound=max_radius, n_jobs=-1) # num_points x k
+
+ for c,idcs in enumerate(ndx):
+ idcs[idcs==pc_cam.shape[0]] = c
+ ndx[c,:] = idcs
+ neighbors = np.array([pc_cam[ndx[:,n],:] for n in range(k)]).transpose((1,0,2))
+ pc_normals = vectorized_normal_computation(pc_cam, neighbors)
+ return pc_normals
+
+def vectorized_normal_computation(pc, neighbors):
+ """
+ Vectorized normal computation with numpy
+
+ Arguments:
+ pc {np.ndarray} -- Nx3 point cloud
+ neighbors {np.ndarray} -- Nxkx3 neigbours
+
+ Returns:
+ [np.ndarray] -- Nx3 normal directions
+ """
+ diffs = neighbors - np.expand_dims(pc, 1) # num_point x k x 3
+ covs = np.matmul(np.transpose(diffs, (0, 2, 1)), diffs) # num_point x 3 x 3
+ covs /= diffs.shape[1]**2
+ # takes most time: 6-7ms
+ eigen_values, eigen_vectors = np.linalg.eig(covs) # num_point x 3, num_point x 3 x 3
+ orders = np.argsort(-eigen_values, axis=1) # num_point x 3
+ orders_third = orders[:,2] # num_point
+ directions = eigen_vectors[np.arange(pc.shape[0]),:,orders_third] # num_point x 3
+ dots = np.sum(directions * pc, axis=1) # num_point
+ directions[dots >= 0] = -directions[dots >= 0]
+ return directions
+
+def load_available_input_data(p, K=None):
+ """
+ Load available data from input file path.
+
+ Numpy files .npz/.npy should have keys
+ 'depth' + 'K' + (optionally) 'segmap' + (optionally) 'rgb'
+ or for point clouds:
+ 'xyz' + (optionally) 'xyz_color'
+
+ png files with only depth data (in mm) can be also loaded.
+ If the image path is from the GraspNet dataset, corresponding rgb, segmap and intrinic are also loaded.
+
+ :param p: .png/.npz/.npy file path that contain depth/pointcloud and optionally intrinsics/segmentation/rgb
+ :param K: 3x3 Camera Matrix with intrinsics
+ :returns: All available data among segmap, rgb, depth, cam_K, pc_full, pc_colors
+ """
+
+ segmap, rgb, depth, pc_full, pc_colors = None, None, None, None, None
+
+ if K is not None:
+ if isinstance(K,str):
+ cam_K = eval(K)
+ cam_K = np.array(K).reshape(3,3)
+
+ if '.np' in p:
+ data = np.load(p, allow_pickle=True)
+ if '.npz' in p:
+ keys = data.files
+ else:
+ keys = []
+ if len(data.shape) == 0:
+ data = data.item()
+ keys = data.keys()
+ elif data.shape[-1] == 3:
+ pc_full = data
+ else:
+ depth = data
+
+ if 'depth' in keys:
+ depth = data['depth']
+ if K is None and 'K' in keys:
+ cam_K = data['K'].reshape(3,3)
+ if 'segmap' in keys:
+ segmap = data['segmap']
+ if 'seg' in keys:
+ segmap = data['seg']
+ if 'rgb' in keys:
+ rgb = data['rgb']
+ rgb = np.array(cv2.cvtColor(rgb, cv2.COLOR_BGR2RGB))
+ elif 'xyz' in keys:
+ pc_full = np.array(data['xyz']).reshape(-1,3)
+ if 'xyz_color' in keys:
+ pc_colors = data['xyz_color']
+ elif '.png' in p:
+ if os.path.exists(p.replace('depth', 'label')):
+ # graspnet data
+ depth, rgb, segmap, K = load_graspnet_data(p)
+ elif os.path.exists(p.replace('depths', 'images').replace('npy', 'png')):
+ rgb = np.array(Image.open(p.replace('depths', 'images').replace('npy', 'png')))
+ else:
+ depth = np.array(Image.open(p))
+ else:
+ raise ValueError('{} is neither png nor npz/npy file'.format(p))
+
+ return segmap, rgb, depth, cam_K, pc_full, pc_colors
+
+def load_graspnet_data(rgb_image_path):
+
+ """
+ Loads data from the GraspNet-1Billion dataset
+ # https://graspnet.net/
+
+ :param rgb_image_path: .png file path to depth image in graspnet dataset
+ :returns: (depth, rgb, segmap, K)
+ """
+
+ depth = np.array(Image.open(rgb_image_path))/1000. # m to mm
+ segmap = np.array(Image.open(rgb_image_path.replace('depth', 'label')))
+ rgb = np.array(Image.open(rgb_image_path.replace('depth', 'rgb')))
+
+ # graspnet images are upside down, rotate for inference
+ # careful: rotate grasp poses back for evaluation
+ depth = np.rot90(depth,2)
+ segmap = np.rot90(segmap,2)
+ rgb = np.rot90(rgb,2)
+
+ if 'kinect' in rgb_image_path:
+ # Kinect azure:
+ K=np.array([[631.54864502 , 0. , 638.43517329],
+ [ 0. , 631.20751953, 366.49904066],
+ [ 0. , 0. , 1. ]])
+ else:
+ # Realsense:
+ K=np.array([[616.36529541 , 0. , 310.25881958],
+ [ 0. , 616.20294189, 236.59980774],
+ [ 0. , 0. , 1. ]])
+
+ return depth, rgb, segmap, K
+
+def center_pc_convert_cam(cam_poses, batch_data):
+ """
+ Converts from OpenGL to OpenCV coordinates, computes inverse of camera pose and centers point cloud
+
+ :param cam_poses: (bx4x4) Camera poses in OpenGL format
+ :param batch_data: (bxNx3) point clouds
+ :returns: (cam_poses, batch_data) converted
+ """
+ # OpenCV OpenGL conversion
+ for j in range(len(cam_poses)):
+ cam_poses[j,:3,1] = -cam_poses[j,:3,1]
+ cam_poses[j,:3,2] = -cam_poses[j,:3,2]
+ cam_poses[j] = inverse_transform(cam_poses[j])
+
+ pc_mean = np.mean(batch_data, axis=1, keepdims=True)
+ batch_data[:,:,:3] -= pc_mean[:,:,:3]
+ cam_poses[:,:3,3] -= pc_mean[:,0,:3]
+
+ return cam_poses, batch_data
+
+
+class PointCloudReader:
+ """
+ Class to load scenes, render point clouds and augment them during training
+
+ Arguments:
+ root_folder {str} -- acronym root folder
+ batch_size {int} -- number of rendered point clouds per-batch
+
+ Keyword Arguments:
+ raw_num_points {int} -- Number of random/farthest point samples per scene (default: {20000})
+ estimate_normals {bool} -- compute normals from rendered point cloud (default: {False})
+ caching {bool} -- cache scenes in memory (default: {True})
+ use_uniform_quaternions {bool} -- use uniform quaternions for camera sampling (default: {False})
+ scene_obj_scales {list} -- object scales in scene (default: {None})
+ scene_obj_paths {list} -- object paths in scene (default: {None})
+ scene_obj_transforms {np.ndarray} -- object transforms in scene (default: {None})
+ num_train_samples {int} -- training scenes (default: {None})
+ num_test_samples {int} -- test scenes (default: {None})
+ use_farthest_point {bool} -- use farthest point sampling to reduce point cloud dimension (default: {False})
+ intrinsics {str} -- intrinsics to for rendering depth maps (default: {None})
+ distance_range {tuple} -- distance range from camera to center of table (default: {(0.9,1.3)})
+ elevation {tuple} -- elevation range (90 deg is top-down) (default: {(30,150)})
+ pc_augm_config {dict} -- point cloud augmentation config (default: {None})
+ depth_augm_config {dict} -- depth map augmentation config (default: {None})
+ """
+ def __init__(
+ self,
+ root_folder,
+ batch_size=1,
+ raw_num_points = 20000,
+ estimate_normals = False,
+ caching=True,
+ use_uniform_quaternions=False,
+ scene_obj_scales=None,
+ scene_obj_paths=None,
+ scene_obj_transforms=None,
+ num_train_samples=None,
+ num_test_samples=None,
+ use_farthest_point = False,
+ intrinsics = None,
+ distance_range = (0.9,1.3),
+ elevation = (30,150),
+ pc_augm_config = None,
+ depth_augm_config = None
+ ):
+ self._root_folder = root_folder
+ self._batch_size = batch_size
+ self._raw_num_points = raw_num_points
+ self._caching = caching
+ self._num_train_samples = num_train_samples
+ self._num_test_samples = num_test_samples
+ self._estimate_normals = estimate_normals
+ self._use_farthest_point = use_farthest_point
+ self._scene_obj_scales = scene_obj_scales
+ self._scene_obj_paths = scene_obj_paths
+ self._scene_obj_transforms = scene_obj_transforms
+ self._distance_range = distance_range
+ self._pc_augm_config = pc_augm_config
+ self._depth_augm_config = depth_augm_config
+
+ self._current_pc = None
+ self._cache = {}
+
+ self._renderer = SceneRenderer(caching=True, intrinsics=intrinsics)
+
+ if use_uniform_quaternions:
+ quat_path = os.path.join(self._root_folder, 'uniform_quaternions/data2_4608.qua')
+ quaternions = [l[:-1].split('\t') for l in open(quat_path, 'r').readlines()]
+
+ quaternions = [[float(t[0]),
+ float(t[1]),
+ float(t[2]),
+ float(t[3])] for t in quaternions]
+ quaternions = np.asarray(quaternions)
+ quaternions = np.roll(quaternions, 1, axis=1)
+ self._all_poses = [tra.quaternion_matrix(q) for q in quaternions]
+ else:
+ self._cam_orientations = []
+ self._elevation = np.array(elevation)/180.
+ for az in np.linspace(0, np.pi * 2, 30):
+ for el in np.linspace(self._elevation[0], self._elevation[1], 30):
+ self._cam_orientations.append(tra.euler_matrix(0, -el, az))
+ self._coordinate_transform = tra.euler_matrix(np.pi/2, 0, 0).dot(tra.euler_matrix(0, np.pi/2, 0))
+
+ def get_cam_pose(self, cam_orientation):
+ """
+ Samples camera pose on shell around table center
+
+ Arguments:
+ cam_orientation {np.ndarray} -- 3x3 camera orientation matrix
+
+ Returns:
+ [np.ndarray] -- 4x4 homogeneous camera pose
+ """
+
+ distance = self._distance_range[0] + np.random.rand()*(self._distance_range[1]-self._distance_range[0])
+
+ extrinsics = np.eye(4)
+ extrinsics[0, 3] += distance
+ extrinsics = cam_orientation.dot(extrinsics)
+
+ cam_pose = extrinsics.dot(self._coordinate_transform)
+ # table height
+ cam_pose[2,3] += self._renderer._table_dims[2]
+ cam_pose[:3,:2]= -cam_pose[:3,:2]
+ return cam_pose
+
+ def _augment_pc(self, pc):
+ """
+ Augments point cloud with jitter and dropout according to config
+
+ Arguments:
+ pc {np.ndarray} -- Nx3 point cloud
+
+ Returns:
+ np.ndarray -- augmented point cloud
+ """
+
+ # not used because no artificial occlusion
+ if 'occlusion_nclusters' in self._pc_augm_config and self._pc_augm_config['occlusion_nclusters'] > 0:
+ pc = self.apply_dropout(pc,
+ self._pc_augm_config['occlusion_nclusters'],
+ self._pc_augm_config['occlusion_dropout_rate'])
+
+ if 'sigma' in self._pc_augm_config and self._pc_augm_config['sigma'] > 0:
+ pc = provider.jitter_point_cloud(pc[np.newaxis, :, :],
+ sigma=self._pc_augm_config['sigma'],
+ clip=self._pc_augm_config['clip'])[0]
+
+
+ return pc[:,:3]
+
+ def _augment_depth(self, depth):
+ """
+ Augments depth map with z-noise and smoothing according to config
+
+ Arguments:
+ depth {np.ndarray} -- depth map
+
+ Returns:
+ np.ndarray -- augmented depth map
+ """
+
+ if 'sigma' in self._depth_augm_config and self._depth_augm_config['sigma'] > 0:
+ clip = self._depth_augm_config['clip']
+ sigma = self._depth_augm_config['sigma']
+ noise = np.clip(sigma*np.random.randn(*depth.shape), -clip, clip)
+ depth += noise
+ if 'gaussian_kernel' in self._depth_augm_config and self._depth_augm_config['gaussian_kernel'] > 0:
+ kernel = self._depth_augm_config['gaussian_kernel']
+ depth_copy = depth.copy()
+ depth = cv2.GaussianBlur(depth,(kernel,kernel),0)
+ depth[depth_copy==0] = depth_copy[depth_copy==0]
+
+ return depth
+
+ def apply_dropout(self, pc, occlusion_nclusters, occlusion_dropout_rate):
+ """
+ Remove occlusion_nclusters farthest points from point cloud with occlusion_dropout_rate probability
+
+ Arguments:
+ pc {np.ndarray} -- Nx3 point cloud
+ occlusion_nclusters {int} -- noof cluster to remove
+ occlusion_dropout_rate {float} -- prob of removal
+
+ Returns:
+ [np.ndarray] -- N > Mx3 point cloud
+ """
+ if occlusion_nclusters == 0 or occlusion_dropout_rate == 0.:
+ return pc
+
+ labels = farthest_points(pc, occlusion_nclusters, distance_by_translation_point)
+
+ removed_labels = np.unique(labels)
+ removed_labels = removed_labels[np.random.rand(removed_labels.shape[0]) < occlusion_dropout_rate]
+ if removed_labels.shape[0] == 0:
+ return pc
+ mask = np.ones(labels.shape, labels.dtype)
+ for l in removed_labels:
+ mask = np.logical_and(mask, labels != l)
+ return pc[mask]
+
+ def get_scene_batch(self, scene_idx=None, return_segmap=False, save=False):
+ """
+ Render a batch of scene point clouds
+
+ Keyword Arguments:
+ scene_idx {int} -- index of the scene (default: {None})
+ return_segmap {bool} -- whether to render a segmap of objects (default: {False})
+ save {bool} -- Save training/validation data to npz file for later inference (default: {False})
+
+ Returns:
+ [batch_data, cam_poses, scene_idx] -- batch of rendered point clouds, camera poses and the scene_idx
+ """
+ dims = 6 if self._estimate_normals else 3
+ batch_data = np.empty((self._batch_size, self._raw_num_points, dims), dtype=np.float32)
+ cam_poses = np.empty((self._batch_size, 4, 4), dtype=np.float32)
+
+ if scene_idx is None:
+ scene_idx = np.random.randint(0,self._num_train_samples)
+
+ obj_paths = [os.path.join(self._root_folder, p) for p in self._scene_obj_paths[scene_idx]]
+ mesh_scales = self._scene_obj_scales[scene_idx]
+ obj_trafos = self._scene_obj_transforms[scene_idx]
+
+ self.change_scene(obj_paths, mesh_scales, obj_trafos, visualize=False)
+
+ batch_segmap, batch_obj_pcs = [], []
+ for i in range(self._batch_size):
+ # 0.005s
+ pc_cam, pc_normals, camera_pose, depth = self.render_random_scene(estimate_normals = self._estimate_normals)
+
+ if return_segmap:
+ segmap, _, obj_pcs = self._renderer.render_labels(depth, obj_paths, mesh_scales, render_pc=True)
+ batch_obj_pcs.append(obj_pcs)
+ batch_segmap.append(segmap)
+
+ batch_data[i,:,0:3] = pc_cam[:,:3]
+ if self._estimate_normals:
+ batch_data[i,:,3:6] = pc_normals[:,:3]
+ cam_poses[i,:,:] = camera_pose
+
+ if save:
+ K = np.array([[616.36529541,0,310.25881958 ],[0,616.20294189,236.59980774],[0,0,1]])
+ data = {'depth':depth, 'K':K, 'camera_pose':camera_pose, 'scene_idx':scene_idx}
+ if return_segmap:
+ data.update(segmap=segmap)
+ np.savez('results/{}_acronym.npz'.format(scene_idx), data)
+
+ if return_segmap:
+ return batch_data, cam_poses, scene_idx, batch_segmap, batch_obj_pcs
+ else:
+ return batch_data, cam_poses, scene_idx
+
+ def render_random_scene(self, estimate_normals=False, camera_pose=None):
+ """
+ Renders scene depth map, transforms to regularized pointcloud and applies augmentations
+
+ Keyword Arguments:
+ estimate_normals {bool} -- calculate and return normals (default: {False})
+ camera_pose {[type]} -- camera pose to render the scene from. (default: {None})
+
+ Returns:
+ [pc, pc_normals, camera_pose, depth] -- [point cloud, point cloud normals, camera pose, depth]
+ """
+ if camera_pose is None:
+ viewing_index = np.random.randint(0, high=len(self._cam_orientations))
+ camera_orientation = self._cam_orientations[viewing_index]
+ camera_pose = self.get_cam_pose(camera_orientation)
+
+ in_camera_pose = copy.deepcopy(camera_pose)
+
+ # 0.005 s
+ _, depth, _, camera_pose = self._renderer.render(in_camera_pose, render_pc=False)
+ depth = self._augment_depth(depth)
+
+ pc = self._renderer._to_pointcloud(depth)
+ pc = regularize_pc_point_count(pc, self._raw_num_points, use_farthest_point=self._use_farthest_point)
+ pc = self._augment_pc(pc)
+
+ pc_normals = estimate_normals_cam_from_pc(pc[:,:3], raw_num_points=self._raw_num_points) if estimate_normals else []
+
+ return pc, pc_normals, camera_pose, depth
+
+ def change_object(self, cad_path, cad_scale):
+ """
+ Change object in pyrender scene
+
+ Arguments:
+ cad_path {str} -- path to CAD model
+ cad_scale {float} -- scale of CAD model
+ """
+
+ self._renderer.change_object(cad_path, cad_scale)
+
+ def change_scene(self, obj_paths, obj_scales, obj_transforms, visualize=False):
+ """
+ Change pyrender scene
+
+ Arguments:
+ obj_paths {list[str]} -- path to CAD models in scene
+ obj_scales {list[float]} -- scales of CAD models
+ obj_transforms {list[np.ndarray]} -- poses of CAD models
+
+ Keyword Arguments:
+ visualize {bool} -- whether to update the visualizer as well (default: {False})
+ """
+ self._renderer.change_scene(obj_paths, obj_scales, obj_transforms)
+ if visualize:
+ self._visualizer.change_scene(obj_paths, obj_scales, obj_transforms)
+
+
+
+ def __del__(self):
+ print('********** terminating renderer **************')
+
+
diff --git a/contact_graspnet/inference.py b/contact_graspnet/inference.py
new file mode 100644
index 0000000..32158e8
--- /dev/null
+++ b/contact_graspnet/inference.py
@@ -0,0 +1,110 @@
+import os
+import sys
+import argparse
+import numpy as np
+import time
+import glob
+import cv2
+
+import tensorflow.compat.v1 as tf
+tf.disable_eager_execution()
+physical_devices = tf.config.experimental.list_physical_devices('GPU')
+tf.config.experimental.set_memory_growth(physical_devices[0], True)
+
+BASE_DIR = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))
+sys.path.append(os.path.join(BASE_DIR))
+import config_utils
+from data import regularize_pc_point_count, depth2pc, load_available_input_data
+
+from contact_grasp_estimator import GraspEstimator
+from visualization_utils import visualize_grasps, show_image
+
+def inference(global_config, checkpoint_dir, input_paths, K=None, local_regions=True, skip_border_objects=False, filter_grasps=True, segmap_id=None, z_range=[0.2,1.8], forward_passes=1):
+ """
+ Predict 6-DoF grasp distribution for given model and input data
+
+ :param global_config: config.yaml from checkpoint directory
+ :param checkpoint_dir: checkpoint directory
+ :param input_paths: .png/.npz/.npy file paths that contain depth/pointcloud and optionally intrinsics/segmentation/rgb
+ :param K: Camera Matrix with intrinsics to convert depth to point cloud
+ :param local_regions: Crop 3D local regions around given segments.
+ :param skip_border_objects: When extracting local_regions, ignore segments at depth map boundary.
+ :param filter_grasps: Filter and assign grasp contacts according to segmap.
+ :param segmap_id: only return grasps from specified segmap_id.
+ :param z_range: crop point cloud at a minimum/maximum z distance from camera to filter out outlier points. Default: [0.2, 1.8] m
+ :param forward_passes: Number of forward passes to run on each point cloud. Default: 1
+ """
+
+ # Build the model
+ grasp_estimator = GraspEstimator(global_config)
+ grasp_estimator.build_network()
+
+ # Add ops to save and restore all the variables.
+ saver = tf.train.Saver(save_relative_paths=True)
+
+ # Create a session
+ config = tf.ConfigProto()
+ config.gpu_options.allow_growth = True
+ config.allow_soft_placement = True
+ sess = tf.Session(config=config)
+
+ # Load weights
+ grasp_estimator.load_weights(sess, saver, checkpoint_dir, mode='test')
+
+ os.makedirs('results', exist_ok=True)
+
+ # Process example test scenes
+ for p in glob.glob(input_paths):
+ print('Loading ', p)
+
+ pc_segments = {}
+ segmap, rgb, depth, cam_K, pc_full, pc_colors = load_available_input_data(p, K=K)
+
+ if segmap is None and (local_regions or filter_grasps):
+ raise ValueError('Need segmentation map to extract local regions or filter grasps')
+
+ if pc_full is None:
+ print('Converting depth to point cloud(s)...')
+ pc_full, pc_segments, pc_colors = grasp_estimator.extract_point_clouds(depth, cam_K, segmap=segmap, rgb=rgb,
+ skip_border_objects=skip_border_objects, z_range=z_range)
+
+ print('Generating Grasps...')
+ pred_grasps_cam, scores, contact_pts, _ = grasp_estimator.predict_scene_grasps(sess, pc_full, pc_segments=pc_segments,
+ local_regions=local_regions, filter_grasps=filter_grasps, forward_passes=forward_passes)
+
+ # Save results
+ np.savez('results/predictions_{}'.format(os.path.basename(p.replace('png','npz').replace('npy','npz'))),
+ pred_grasps_cam=pred_grasps_cam, scores=scores, contact_pts=contact_pts)
+
+ # Visualize results
+ show_image(rgb, segmap)
+ visualize_grasps(pc_full, pred_grasps_cam, scores, plot_opencv_cam=True, pc_colors=pc_colors)
+
+ if not glob.glob(input_paths):
+ print('No files found: ', input_paths)
+
+if __name__ == "__main__":
+
+ parser = argparse.ArgumentParser()
+ parser.add_argument('--ckpt_dir', default='checkpoints/scene_test_2048_bs3_hor_sigma_001', help='Log dir [default: checkpoints/scene_test_2048_bs3_hor_sigma_001]')
+ parser.add_argument('--np_path', default='test_data/7.npy', help='Input data: npz/npy file with keys either "depth" & camera matrix "K" or just point cloud "pc" in meters. Optionally, a 2D "segmap"')
+ parser.add_argument('--png_path', default='', help='Input data: depth map png in meters')
+ parser.add_argument('--K', default=None, help='Flat Camera Matrix, pass as "[fx, 0, cx, 0, fy, cy, 0, 0 ,1]"')
+ parser.add_argument('--z_range', default=[0.2,1.8], help='Z value threshold to crop the input point cloud')
+ parser.add_argument('--local_regions', action='store_true', default=False, help='Crop 3D local regions around given segments.')
+ parser.add_argument('--filter_grasps', action='store_true', default=False, help='Filter grasp contacts according to segmap.')
+ parser.add_argument('--skip_border_objects', action='store_true', default=False, help='When extracting local_regions, ignore segments at depth map boundary.')
+ parser.add_argument('--forward_passes', type=int, default=1, help='Run multiple parallel forward passes to mesh_utils more potential contact points.')
+ parser.add_argument('--segmap_id', type=int, default=0, help='Only return grasps of the given object id')
+ parser.add_argument('--arg_configs', nargs="*", type=str, default=[], help='overwrite config parameters')
+ FLAGS = parser.parse_args()
+
+ global_config = config_utils.load_config(FLAGS.ckpt_dir, batch_size=FLAGS.forward_passes, arg_configs=FLAGS.arg_configs)
+
+ print(str(global_config))
+ print('pid: %s'%(str(os.getpid())))
+
+ inference(global_config, FLAGS.ckpt_dir, FLAGS.np_path if not FLAGS.png_path else FLAGS.png_path, z_range=eval(str(FLAGS.z_range)),
+ K=FLAGS.K, local_regions=FLAGS.local_regions, filter_grasps=FLAGS.filter_grasps, segmap_id=FLAGS.segmap_id,
+ forward_passes=FLAGS.forward_passes, skip_border_objects=FLAGS.skip_border_objects)
+
diff --git a/contact_graspnet/mesh_utils.py b/contact_graspnet/mesh_utils.py
new file mode 100644
index 0000000..65831f9
--- /dev/null
+++ b/contact_graspnet/mesh_utils.py
@@ -0,0 +1,275 @@
+# -*- coding: utf-8 -*-
+"""Helper classes and functions to sample grasps for a given object mesh."""
+
+from __future__ import print_function
+
+import argparse
+from collections import OrderedDict
+import errno
+import json
+import os
+import numpy as np
+import pickle
+from tqdm import tqdm
+import trimesh
+import trimesh.transformations as tra
+
+import tensorflow.compat.v1 as tf
+
+class Object(object):
+ """Represents a graspable object."""
+
+ def __init__(self, filename):
+ """Constructor.
+
+ :param filename: Mesh to load
+ :param scale: Scaling factor
+ """
+ self.mesh = trimesh.load(filename)
+ self.scale = 1.0
+
+ # print(filename)
+ self.filename = filename
+ if isinstance(self.mesh, list):
+ # this is fixed in a newer trimesh version:
+ # https://github.com/mikedh/trimesh/issues/69
+ print("Warning: Will do a concatenation")
+ self.mesh = trimesh.util.concatenate(self.mesh)
+
+ self.collision_manager = trimesh.collision.CollisionManager()
+ self.collision_manager.add_object('object', self.mesh)
+
+ def rescale(self, scale=1.0):
+ """Set scale of object mesh.
+
+ :param scale
+ """
+ self.scale = scale
+ self.mesh.apply_scale(self.scale)
+
+ def resize(self, size=1.0):
+ """Set longest of all three lengths in Cartesian space.
+
+ :param size
+ """
+ self.scale = size / np.max(self.mesh.extents)
+ self.mesh.apply_scale(self.scale)
+
+ def in_collision_with(self, mesh, transform):
+ """Check whether the object is in collision with the provided mesh.
+
+ :param mesh:
+ :param transform:
+ :return: boolean value
+ """
+ return self.collision_manager.in_collision_single(mesh, transform=transform)
+
+
+class PandaGripper(object):
+ """An object representing a Franka Panda gripper."""
+
+ def __init__(self, q=None, num_contact_points_per_finger=10, root_folder=os.path.dirname(os.path.dirname(os.path.abspath(__file__)))):
+ """Create a Franka Panda parallel-yaw gripper object.
+
+ Keyword Arguments:
+ q {list of int} -- opening configuration (default: {None})
+ num_contact_points_per_finger {int} -- contact points per finger (default: {10})
+ root_folder {str} -- base folder for model files (default: {''})
+ """
+ self.joint_limits = [0.0, 0.04]
+ self.root_folder = root_folder
+
+ self.default_pregrasp_configuration = 0.04
+ if q is None:
+ q = self.default_pregrasp_configuration
+
+ self.q = q
+ fn_base = os.path.join(root_folder, 'gripper_models/panda_gripper/hand.stl')
+ fn_finger = os.path.join(root_folder, 'gripper_models/panda_gripper/finger.stl')
+
+ self.base = trimesh.load(fn_base)
+ self.finger_l = trimesh.load(fn_finger)
+ self.finger_r = self.finger_l.copy()
+
+ # transform fingers relative to the base
+ self.finger_l.apply_transform(tra.euler_matrix(0, 0, np.pi))
+ self.finger_l.apply_translation([+q, 0, 0.0584])
+ self.finger_r.apply_translation([-q, 0, 0.0584])
+
+ self.fingers = trimesh.util.concatenate([self.finger_l, self.finger_r])
+ self.hand = trimesh.util.concatenate([self.fingers, self.base])
+
+
+ self.contact_ray_origins = []
+ self.contact_ray_directions = []
+
+ # coords_path = os.path.join(root_folder, 'gripper_control_points/panda_gripper_coords.npy')
+ with open(os.path.join(root_folder,'gripper_control_points/panda_gripper_coords.pickle'), 'rb') as f:
+ self.finger_coords = pickle.load(f, encoding='latin1')
+ finger_direction = self.finger_coords['gripper_right_center_flat'] - self.finger_coords['gripper_left_center_flat']
+ self.contact_ray_origins.append(np.r_[self.finger_coords['gripper_left_center_flat'], 1])
+ self.contact_ray_origins.append(np.r_[self.finger_coords['gripper_right_center_flat'], 1])
+ self.contact_ray_directions.append(finger_direction / np.linalg.norm(finger_direction))
+ self.contact_ray_directions.append(-finger_direction / np.linalg.norm(finger_direction))
+
+ self.contact_ray_origins = np.array(self.contact_ray_origins)
+ self.contact_ray_directions = np.array(self.contact_ray_directions)
+
+ def get_meshes(self):
+ """Get list of meshes that this gripper consists of.
+
+ Returns:
+ list of trimesh -- visual meshes
+ """
+ return [self.finger_l, self.finger_r, self.base]
+
+ def get_closing_rays_contact(self, transform):
+ """Get an array of rays defining the contact locations and directions on the hand.
+
+ Arguments:
+ transform {[nump.array]} -- a 4x4 homogeneous matrix
+ contact_ray_origin {[nump.array]} -- a 4x1 homogeneous vector
+ contact_ray_direction {[nump.array]} -- a 4x1 homogeneous vector
+
+ Returns:
+ numpy.array -- transformed rays (origin and direction)
+ """
+ return transform[:3, :].dot(
+ self.contact_ray_origins.T).T, transform[:3, :3].dot(self.contact_ray_directions.T).T
+
+ def get_control_point_tensor(self, batch_size, use_tf=True, symmetric = False, convex_hull=True):
+ """
+ Outputs a 5 point gripper representation of shape (batch_size x 5 x 3).
+
+ Arguments:
+ batch_size {int} -- batch size
+
+ Keyword Arguments:
+ use_tf {bool} -- outputing a tf tensor instead of a numpy array (default: {True})
+ symmetric {bool} -- Output the symmetric control point configuration of the gripper (default: {False})
+ convex_hull {bool} -- Return control points according to the convex hull panda gripper model (default: {True})
+
+ Returns:
+ np.ndarray -- control points of the panda gripper
+ """
+
+ control_points = np.load(os.path.join(self.root_folder, 'gripper_control_points/panda.npy'))[:, :3]
+ if symmetric:
+ control_points = [[0, 0, 0], control_points[1, :],control_points[0, :], control_points[-1, :], control_points[-2, :]]
+ else:
+ control_points = [[0, 0, 0], control_points[0, :], control_points[1, :], control_points[-2, :], control_points[-1, :]]
+
+ control_points = np.asarray(control_points, dtype=np.float32)
+ if not convex_hull:
+ # actual depth of the gripper different from convex collision model
+ control_points[1:3, 2] = 0.0584
+ control_points = np.tile(np.expand_dims(control_points, 0), [batch_size, 1, 1])
+
+ if use_tf:
+ return tf.convert_to_tensor(control_points)
+
+ return control_points
+
+
+def create_gripper(name, configuration=None, root_folder=os.path.dirname(os.path.dirname(os.path.abspath(__file__)))):
+ """Create a gripper object.
+
+ Arguments:
+ name {str} -- name of the gripper
+
+ Keyword Arguments:
+ configuration {list of float} -- configuration (default: {None})
+ root_folder {str} -- base folder for model files (default: {''})
+
+ Raises:
+ Exception: If the gripper name is unknown.
+
+ Returns:
+ [type] -- gripper object
+ """
+ if name.lower() == 'panda':
+ return PandaGripper(q=configuration, root_folder=root_folder)
+ else:
+ raise Exception("Unknown gripper: {}".format(name))
+
+
+def in_collision_with_gripper(object_mesh, gripper_transforms, gripper_name, silent=False):
+ """Check collision of object with gripper.
+
+ Arguments:
+ object_mesh {trimesh} -- mesh of object
+ gripper_transforms {list of numpy.array} -- homogeneous matrices of gripper
+ gripper_name {str} -- name of gripper
+
+ Keyword Arguments:
+ silent {bool} -- verbosity (default: {False})
+
+ Returns:
+ [list of bool] -- Which gripper poses are in collision with object mesh
+ """
+ manager = trimesh.collision.CollisionManager()
+ manager.add_object('object', object_mesh)
+ gripper_meshes = [create_gripper(gripper_name).hand]
+ min_distance = []
+ for tf in tqdm(gripper_transforms, disable=silent):
+ min_distance.append(np.min([manager.min_distance_single(
+ gripper_mesh, transform=tf) for gripper_mesh in gripper_meshes]))
+
+ return [d == 0 for d in min_distance], min_distance
+
+def grasp_contact_location(transforms, successfuls, collisions, object_mesh, gripper_name='panda', silent=False):
+ """Computes grasp contacts on objects and normals, offsets, directions
+
+ Arguments:
+ transforms {[type]} -- grasp poses
+ collisions {[type]} -- collision information
+ object_mesh {trimesh} -- object mesh
+
+ Keyword Arguments:
+ gripper_name {str} -- name of gripper (default: {'panda'})
+ silent {bool} -- verbosity (default: {False})
+
+ Returns:
+ list of dicts of contact information per grasp ray
+ """
+ res = []
+ gripper = create_gripper(gripper_name)
+ if trimesh.ray.has_embree:
+ intersector = trimesh.ray.ray_pyembree.RayMeshIntersector(
+ object_mesh, scale_to_box=True)
+ else:
+ intersector = trimesh.ray.ray_triangle.RayMeshIntersector(object_mesh)
+ for p, colliding, outcome in tqdm(zip(transforms, collisions, successfuls), total=len(transforms), disable=silent):
+ contact_dict = {}
+ contact_dict['collisions'] = 0
+ contact_dict['valid_locations'] = 0
+ contact_dict['successful'] = outcome
+ contact_dict['grasp_transform'] = p
+ contact_dict['contact_points'] = []
+ contact_dict['contact_directions'] = []
+ contact_dict['contact_face_normals'] = []
+ contact_dict['contact_offsets'] = []
+
+ if colliding:
+ contact_dict['collisions'] = 1
+ else:
+ ray_origins, ray_directions = gripper.get_closing_rays_contact(p)
+
+ locations, index_ray, index_tri = intersector.intersects_location(
+ ray_origins, ray_directions, multiple_hits=False)
+
+ if len(locations) > 0:
+ # this depends on the width of the gripper
+ valid_locations = np.linalg.norm(ray_origins[index_ray]-locations, axis=1) <= 2.0*gripper.q
+
+ if sum(valid_locations) > 1:
+ contact_dict['valid_locations'] = 1
+ contact_dict['contact_points'] = locations[valid_locations]
+ contact_dict['contact_face_normals'] = object_mesh.face_normals[index_tri[valid_locations]]
+ contact_dict['contact_directions'] = ray_directions[index_ray[valid_locations]]
+ contact_dict['contact_offsets'] = np.linalg.norm(ray_origins[index_ray[valid_locations]] - locations[valid_locations], axis=1)
+ # dot_prods = (contact_dict['contact_face_normals'] * contact_dict['contact_directions']).sum(axis=1)
+ # contact_dict['contact_cosine_angles'] = np.cos(dot_prods)
+ res.append(contact_dict)
+
+ return res
\ No newline at end of file
diff --git a/contact_graspnet/scene_renderer.py b/contact_graspnet/scene_renderer.py
new file mode 100644
index 0000000..3cb6f6e
--- /dev/null
+++ b/contact_graspnet/scene_renderer.py
@@ -0,0 +1,305 @@
+from __future__ import print_function
+from __future__ import absolute_import
+
+import numpy as np
+import copy
+import cv2
+import math
+import os
+from copy import deepcopy
+import multiprocessing as mp
+import pyrender
+import trimesh
+import trimesh.transformations as tra
+
+from mesh_utils import Object
+
+class SceneRenderer:
+ def __init__(self, intrinsics=None, fov=np.pi / 6, caching=True, viewing_mode=False):
+ """Renders depth with given intrinsics during training.
+
+ Keyword Arguments:
+ intrinsics {str} -- camera name from 'kinect_azure', 'realsense' (default: {None})
+ fov {float} -- field of view, ignored if inrinsics is not None (default: {np.pi/6})
+ caching {bool} -- whether to cache object meshes (default: {True})
+ viewing_mode {bool} -- visualize scene (default: {False})
+ """
+
+ self._fov = fov
+
+ self._scene = pyrender.Scene()
+ self._table_dims = [1.0, 1.2, 0.6]
+ self._table_pose = np.eye(4)
+ self._viewer = viewing_mode
+ if viewing_mode:
+ self._viewer = pyrender.Viewer(
+ self._scene,
+ use_raymond_lighting=True,
+ run_in_thread=True)
+
+ self._intrinsics = intrinsics
+ if self._intrinsics == 'realsense':
+ self._fx=616.36529541
+ self._fy=616.20294189
+ self._cx=310.25881958
+ self._cy=236.59980774
+ self._znear=0.04
+ self._zfar=20
+ self._height=480
+ self._width=640
+ elif self._intrinsics == 'kinect_azure':
+ self._fx=631.54864502
+ self._fy=631.20751953
+ self._cx=638.43517329
+ self._cy=366.49904066
+ self._znear=0.04
+ self._zfar=20
+ self._height=720
+ self._width=1280
+
+ self._add_table_node()
+ self._init_camera_renderer()
+
+ self._current_context = None
+ self._cache = {} if caching else None
+ self._caching = caching
+
+ def _init_camera_renderer(self):
+ """
+ If not in visualizing mode, initialize camera with given intrinsics
+ """
+
+ if self._viewer:
+ return
+
+ if self._intrinsics in ['kinect_azure', 'realsense']:
+ camera = pyrender.IntrinsicsCamera(self._fx, self._fy, self._cx, self._cy, self._znear, self._zfar)
+ self._camera_node = self._scene.add(camera, pose=np.eye(4), name='camera')
+ self.renderer = pyrender.OffscreenRenderer(viewport_width=self._width,
+ viewport_height=self._height,
+ point_size=1.0)
+ else:
+ camera = pyrender.PerspectiveCamera(yfov=self._fov, aspectRatio=1.0, znear=0.001) # do not change aspect ratio
+ self._camera_node = self._scene.add(camera, pose=tra.euler_matrix(np.pi, 0, 0), name='camera')
+ self.renderer = pyrender.OffscreenRenderer(400, 400)
+
+
+ def _add_table_node(self):
+ """
+ Adds table mesh and sets pose
+ """
+ if self._viewer:
+ return
+ table_mesh = trimesh.creation.box(self._table_dims)
+ mesh = pyrender.Mesh.from_trimesh(table_mesh)
+
+ table_node = pyrender.Node(mesh=mesh, name='table')
+ self._scene.add_node(table_node)
+ self._scene.set_pose(table_node, self._table_pose)
+
+
+ def _load_object(self, path, scale):
+ """
+ Load a mesh, scale and center it
+
+ Arguments:
+ path {str} -- path to mesh
+ scale {float} -- scale of the mesh
+
+ Returns:
+ dict -- contex with loaded mesh info
+ """
+ if (path, scale) in self._cache:
+ return self._cache[(path, scale)]
+ obj = Object(path)
+ obj.rescale(scale)
+
+ tmesh = obj.mesh
+ tmesh_mean = np.mean(tmesh.vertices, 0)
+ tmesh.vertices -= np.expand_dims(tmesh_mean, 0)
+
+ lbs = np.min(tmesh.vertices, 0)
+ ubs = np.max(tmesh.vertices, 0)
+ object_distance = np.max(ubs - lbs) * 5
+
+ mesh = pyrender.Mesh.from_trimesh(tmesh)
+
+ context = {
+ 'name': path + '_' + str(scale),
+ 'tmesh': copy.deepcopy(tmesh),
+ 'distance': object_distance,
+ 'node': pyrender.Node(mesh=mesh, name=path + '_' + str(scale)),
+ 'mesh_mean': np.expand_dims(tmesh_mean, 0),
+ }
+
+ self._cache[(path, scale)] = context
+
+ return self._cache[(path, scale)]
+
+ def change_scene(self, obj_paths, obj_scales, obj_transforms):
+ """Remove current objects and add new ones to the scene
+
+ Arguments:
+ obj_paths {list} -- list of object mesh paths
+ obj_scales {list} -- list of object scales
+ obj_transforms {list} -- list of object transforms
+ """
+ if self._viewer:
+ self._viewer.render_lock.acquire()
+ for n in self._scene.get_nodes():
+ if n.name not in ['table', 'camera', 'parent']:
+ self._scene.remove_node(n)
+
+ if not self._caching:
+ self._cache = {}
+
+ for p,t,s in zip(obj_paths, obj_transforms, obj_scales):
+
+ object_context = self._load_object(p, s)
+ object_context = deepcopy(object_context)
+
+ self._scene.add_node(object_context['node'])
+ self._scene.set_pose(object_context['node'], t)
+
+ if self._viewer:
+ self._viewer.render_lock.release()
+
+ def _to_pointcloud(self, depth):
+ """Convert depth map to point cloud
+
+ Arguments:
+ depth {np.ndarray} -- HxW depth map
+
+ Returns:
+ np.ndarray -- Nx4 homog. point cloud
+ """
+ if self._intrinsics in ['kinect_azure', 'realsense']:
+ fy = self._fy
+ fx = self._fx
+ height = self._height
+ width = self._width
+ cx = self._cx
+ cy = self._cy
+
+ mask = np.where(depth > 0)
+
+ x = mask[1]
+ y = mask[0]
+
+ normalized_x = (x.astype(np.float32) - cx)
+ normalized_y = (y.astype(np.float32) - cy)
+ else:
+ fy = fx = 0.5 / np.tan(self._fov * 0.5) # aspectRatio is one.
+ height = depth.shape[0]
+ width = depth.shape[1]
+
+ mask = np.where(depth > 0)
+
+ x = mask[1]
+ y = mask[0]
+
+ normalized_x = (x.astype(np.float32) - width * 0.5) / width
+ normalized_y = (y.astype(np.float32) - height * 0.5) / height
+
+ world_x = normalized_x * depth[y, x] / fx
+ world_y = normalized_y * depth[y, x] / fy
+ world_z = depth[y, x]
+ ones = np.ones(world_z.shape[0], dtype=np.float32)
+
+ return np.vstack((world_x, world_y, world_z, ones)).T
+
+
+ def render(self, pose, render_pc=True):
+ """Render object or scene in camera pose
+
+ Arguments:
+ pose {np.ndarray} -- 4x4 camera pose
+
+ Keyword Arguments:
+ render_pc {bool} -- whether to convert depth map to point cloud (default: {True})
+
+ Returns:
+ [np.ndarray, np.ndarray, np.ndarray, np.ndarray] -- HxWx3 color, HxW depth, Nx4 point cloud, 4x4 camera pose
+ """
+
+ transferred_pose = pose.copy()
+ self._scene.set_pose(self._camera_node, transferred_pose)
+
+ color, depth = self.renderer.render(self._scene)
+
+ if render_pc:
+ pc = self._to_pointcloud(depth)
+ else:
+ pc = None
+
+ return color, depth, pc, transferred_pose
+
+ def render_labels(self, full_depth, obj_paths, obj_scales, render_pc=False):
+ """Render instance segmentation map
+
+ Arguments:
+ full_depth {np.ndarray} -- HxW depth map
+ obj_paths {list} -- list of object paths in scene
+ obj_scales {list} -- list of object scales in scene
+
+ Keyword Arguments:
+ render_pc {bool} -- whether to return object-wise point clouds (default: {False})
+
+ Returns:
+ [np.ndarray, list, dict] -- integer segmap with 0=background, list of
+ corresponding object names, dict of corresponding point clouds
+ """
+
+ scene_object_nodes = []
+ for n in self._scene.get_nodes():
+ if n.name not in ['camera', 'parent']:
+ n.mesh.is_visible = False
+ if n.name != 'table':
+ scene_object_nodes.append(n)
+
+ obj_names = [path + '_' + str(scale) for path, scale in zip(obj_paths,obj_scales)]
+
+
+ pcs = {}
+ output = np.zeros(full_depth.shape, np.uint8)
+ for n in scene_object_nodes:
+ n.mesh.is_visible = True
+
+ depth = self.renderer.render(self._scene)[1]
+ mask = np.logical_and(
+ (np.abs(depth - full_depth) < 1e-6), np.abs(full_depth) > 0
+ )
+ if not np.any(mask):
+ continue
+ if np.any(output[mask] != 0):
+ raise ValueError('wrong label')
+
+ indices = [i+1 for i, x in enumerate(obj_names) if x == n.name]
+ for i in indices:
+ if not np.any(output==i):
+ print('')
+ output[mask] = i
+ break
+
+ n.mesh.is_visible = False
+
+ if render_pc:
+ pcs[i] = self._to_pointcloud(depth*mask)
+
+ for n in self._scene.get_nodes():
+ if n.name not in ['camera', 'parent']:
+ n.mesh.is_visible = True
+
+ return output, ['BACKGROUND'] + obj_names, pcs
+
+
+
+
+
+
+
+
+
+
+
+
diff --git a/contact_graspnet/summaries.py b/contact_graspnet/summaries.py
new file mode 100644
index 0000000..cb6fadb
--- /dev/null
+++ b/contact_graspnet/summaries.py
@@ -0,0 +1,127 @@
+
+import numpy as np
+import os
+
+try:
+ import tensorflow.compat.v1 as tf
+ tf.disable_eager_execution()
+ TF2 = True
+except:
+ import tensorflow as tf
+ TF2 = False
+
+from tensorboard import summary as summary_lib
+
+
+def top_grasp_acc_summaries(ops, thres=[0.62,0.65,0.68]):
+ """
+ Calculates the accuracy of grasp contact predictions at different thresholds
+
+ Arguments:
+ ops {dict} -- dict of tf tensors
+
+ Keyword Arguments:
+ thres {list} -- thresholds to report (default: {[0.62,0.65,0.68]})
+
+ Returns:
+ [tf.variable] -- summary update ops
+ """
+
+ binary_seg = tf.reshape(ops['binary_seg_pred'],[ops['binary_seg_pred'].shape[0],ops['binary_seg_pred'].shape[1]])
+ max_conf_idcs = tf.argmax(binary_seg, axis=1)
+ max_confs = tf.math.reduce_max(binary_seg, axis=1)
+
+ row_idcs = tf.cast(tf.range(ops['grasp_suc_labels_pc'].shape[0]), tf.int64)
+ nd_gather_idcs = tf.stack((row_idcs, max_conf_idcs), axis=1)
+ top_labels = tf.gather_nd(ops['grasp_suc_labels_pc'], nd_gather_idcs)
+
+ acc_update_ops = [0] * len(thres)
+ accs = [0] * len(thres)
+ for i,thr in enumerate(thres):
+ accs[i], acc_update_ops[i] = tf.metrics.accuracy(top_labels, tf.greater(max_confs, tf.constant(thr)))
+ tf.summary.scalar('Top Grasp Accuracy Thres %s' % thr, accs[i])
+
+ return acc_update_ops
+
+def build_summary_ops(ops, sess, global_config):
+ """
+ Collect tensorboard summaries
+
+ Arguments:
+ ops {dict} -- dict of tf tensors
+ sess {tf.Session} -- tf session
+ global_config {dict} -- global config
+
+ Returns:
+ [dict] -- summary update ops
+ """
+
+ dir_loss = ops['dir_loss']
+ bin_ce_loss = ops['bin_ce_loss']
+ grasp_suc_labels_pc = ops['grasp_suc_labels_pc']
+ binary_seg_pred = ops['binary_seg_pred']
+
+ tf.summary.scalar('total loss', ops['loss'])
+ tf.summary.scalar('dir_loss', ops['dir_loss'])
+ tf.summary.scalar('approach_loss', ops['approach_loss'])
+ tf.summary.scalar('adds_loss', ops['adds_loss'])
+ tf.summary.scalar('adds_gt2pred_loss', ops['adds_gt2pred_loss'])
+ tf.summary.scalar('bin_ce_loss', ops['bin_ce_loss'])
+ tf.summary.scalar('offset_loss_x%s' % global_config['OPTIMIZER']['offset_loss_weight'], ops['offset_loss'])
+
+ tf.summary.histogram('labels_grasp_suc', ops['grasp_suc_labels_pc'])
+ tf.summary.histogram('preds_grasp_suc', ops['binary_seg_pred'])
+
+ tf.summary.histogram('offset_predictions', ops['grasp_offset_pred'])
+ tf.summary.histogram('offset_labels', ops['offset_labels_pc'])
+
+ # classification:
+ if global_config['MODEL']['bin_offsets']:
+
+ tf.summary.histogram('offset_predictions_binned', ops['offset_pred_idcs_pc'])
+ tf.summary.histogram('offset_labels_binned', ops['offset_label_idcs_pc'])
+ tf.summary.scalar('offset_bin_classification_accuracy', tf.reduce_mean(tf.cast(tf.equal(ops['offset_pred_idcs_pc'], ops['offset_label_idcs_pc']),tf.float32)))
+
+ bin_mean_preds = ops['offset_bin_pred_vals']
+ tf.summary.scalar('offset_mean_abs_error', tf.reduce_mean(tf.abs(bin_mean_preds - tf.layers.flatten(tf.abs(ops['offset_orig_labels_vals'])))))
+ tf.summary.scalar('offset_max_abs_error', tf.reduce_max(tf.abs(bin_mean_preds - tf.layers.flatten(tf.abs(ops['offset_orig_labels_vals'])))))
+
+ merged = tf.summary.merge_all()
+
+ acc_update_ops = top_grasp_acc_summaries(ops, thres=[0.62,0.65,0.68])
+
+ auc, auc_update_op = tf.metrics.auc(tf.layers.flatten(tf.cast(ops['grasp_suc_labels_pc'], tf.bool)),
+ tf.layers.flatten(ops['binary_seg_pred']), curve='PR', summation_method='careful_interpolation')
+ tf.summary.scalar('AUCPR', auc)
+
+ pr_curve_streaming_func = summary_lib.v1.pr_curve_streaming_op if TF2 else summary_lib.pr_curve_streaming_op
+ _, pr_update_op = pr_curve_streaming_func(name='pr_contact_success',
+ predictions=tf.layers.flatten(ops['binary_seg_pred']),
+ labels=tf.layers.flatten(tf.cast(ops['grasp_suc_labels_pc'], tf.bool)),
+ num_thresholds = 201)
+
+ pr_reset_op = tf.variables_initializer(tf.get_collection(tf.GraphKeys.METRIC_VARIABLES))
+ merged_eval = tf.summary.merge_all()
+
+ sess.run(tf.local_variables_initializer())
+
+ summary_ops = {'merged': merged, 'merged_eval': merged_eval, 'pr_update_op':pr_update_op, 'auc_update_op':auc_update_op, 'acc_update_ops':acc_update_ops, 'pr_reset_op': pr_reset_op}
+ return summary_ops
+
+def build_file_writers(sess, log_dir):
+ """
+ Create TF FileWriters for train and test
+
+ Arguments:
+ sess {tf.Session} -- tf session
+ log_dir {str} -- Checkpoint directory
+
+ Returns:
+ [dict] -- tf.summary.FileWriter
+ """
+
+ train_writer = tf.summary.FileWriter(os.path.join(log_dir, 'train'))#, sess.graph) creates large event files!
+ test_writer = tf.summary.FileWriter(os.path.join(log_dir, 'test'))#, sess.graph)
+ writers ={'train_writer': train_writer, 'test_writer': test_writer}
+
+ return writers
\ No newline at end of file
diff --git a/contact_graspnet/tf_train_ops.py b/contact_graspnet/tf_train_ops.py
new file mode 100644
index 0000000..2bc52b5
--- /dev/null
+++ b/contact_graspnet/tf_train_ops.py
@@ -0,0 +1,256 @@
+
+import numpy as np
+import tensorflow.compat.v1 as tf
+tf.disable_eager_execution()
+TF2 = True
+
+from data import farthest_points
+
+def get_learning_rate(step, optimizer_config):
+ """
+ Return learning rate at training step
+
+ Arguments:
+ step {tf.variable} -- training step
+ optimizer_config {dict} -- optimizer config_path
+
+ Returns:
+ tf.variable -- learning rate
+ """
+
+ batch_size = optimizer_config['batch_size']
+ base_learning_rate = optimizer_config['learning_rate']
+ decay_step = float(optimizer_config['decay_step'])
+ decay_rate = float(optimizer_config['decay_rate'])
+
+ learning_rate = tf.train.exponential_decay(
+ base_learning_rate, # base learning rate.
+ step * batch_size, # current index into the dataset.
+ decay_step, # decay step.
+ decay_rate, # decay rate.
+ staircase=True)
+
+ learning_rate = tf.maximum(learning_rate, 0.00001) # clip the learning rate!
+ return learning_rate
+
+def get_bn_decay(step, optimizer_config):
+ """
+ Return batch norm decay at training step.
+
+ Arguments:
+ step {tf.variable} -- training step
+ optimizer_config {dict} -- optimizer config
+
+ Returns:
+ tf.variable -- batch norm decay
+ """
+
+ batch_size = optimizer_config['batch_size']
+ bn_init_decay = optimizer_config['bn_init_decay']
+ bn_decay_decay_step = optimizer_config['bn_decay_decay_step']
+ bn_decay_decay_rate = optimizer_config['bn_decay_decay_rate']
+ bn_decay_clip = optimizer_config['bn_decay_clip']
+
+ bn_momentum = tf.train.exponential_decay(
+ bn_init_decay,
+ step*batch_size,
+ bn_decay_decay_step,
+ bn_decay_decay_rate,
+ staircase=True)
+ bn_decay = tf.minimum(bn_decay_clip, 1 - bn_momentum)
+ return bn_decay
+
+
+def load_labels_and_losses(grasp_estimator, contact_infos, global_config, train=True):
+ """
+ Loads labels to memory and builds graph for computing losses
+
+ Arguments:
+ grasp_estimator {class} -- Grasp Estimator Instance
+ contact_infos {list(dicts)} -- Per scene mesh: grasp contact information
+ global_config {dict} -- global config
+
+ Keyword Arguments:
+ train {bool} -- training mode (default: {True})
+
+ Returns:
+ dict[str:tf.variables] -- tf references to labels and losses
+ """
+
+ end_points = grasp_estimator.model_ops['end_points']
+ target_point_cloud = end_points['pred_points']
+ scene_idx_pl = grasp_estimator.placeholders['scene_idx_pl']
+ cam_poses_pl = grasp_estimator.placeholders['cam_poses_pl']
+
+ tf_pos_contact_points, tf_pos_contact_dirs, tf_pos_contact_approaches, \
+ tf_pos_finger_diffs, tf_scene_idcs = load_contact_grasps(contact_infos, global_config['DATA'])
+
+ iterator = None
+ idx = scene_idx_pl
+ if train:
+ grasp_dataset = tf.data.Dataset.from_tensor_slices((tf_pos_contact_points, tf_pos_contact_dirs, \
+ tf_pos_contact_approaches, tf_pos_finger_diffs, tf_scene_idcs))
+
+ grasp_dataset = grasp_dataset.repeat()
+ grasp_dataset = grasp_dataset.batch(1)
+ # grasp_dataset = grasp_dataset.prefetch_to_device(5)
+ grasp_dataset = grasp_dataset.prefetch(3)
+ grasp_dataset = grasp_dataset.apply(tf.data.experimental.copy_to_device("/gpu:0"))
+ iterator = grasp_dataset.make_initializable_iterator()
+ next_element = iterator.get_next()
+
+ tf_pos_contact_points_idx, tf_pos_contact_dirs_idx, \
+ tf_pos_contact_approaches_idx, tf_pos_finger_diffs_idx, tf_scene_idcs = next_element
+ idx = 0
+
+ # Get labels
+ dir_labels_pc_cam, offset_labels_pc, \
+ grasp_suc_labels_pc, approach_labels_pc = grasp_estimator._model_func.compute_labels(tf_pos_contact_points_idx[idx], tf_pos_contact_dirs_idx[idx], tf_pos_contact_approaches_idx[idx],
+ tf_pos_finger_diffs_idx[idx], target_point_cloud, cam_poses_pl, global_config)
+
+
+ if global_config['MODEL']['bin_offsets']:
+ orig_offset_labels = offset_labels_pc
+ offset_labels_pc = tf.abs(offset_labels_pc)
+ offset_labels_pc = grasp_estimator._model_func.multi_bin_labels(offset_labels_pc, global_config['DATA']['labels']['offset_bins'])
+
+ # Get losses
+ dir_loss, bin_ce_loss, offset_loss, approach_loss, adds_loss, adds_loss_gt2pred = grasp_estimator._model_func.get_losses(target_point_cloud, end_points, dir_labels_pc_cam,
+ offset_labels_pc, grasp_suc_labels_pc, approach_labels_pc,
+ global_config)
+
+ total_loss = 0
+ if global_config['MODEL']['pred_contact_base']:
+ total_loss += global_config['OPTIMIZER']['dir_cosine_loss_weight'] * dir_loss
+ if global_config['MODEL']['pred_contact_success']:
+ total_loss += global_config['OPTIMIZER']['score_ce_loss_weight'] * bin_ce_loss
+ if global_config['MODEL']['pred_contact_offset']:
+ total_loss += global_config['OPTIMIZER']['offset_loss_weight'] * offset_loss
+ if global_config['MODEL']['pred_contact_approach']:
+ total_loss += global_config['OPTIMIZER']['approach_cosine_loss_weight'] * approach_loss
+ if global_config['MODEL']['pred_grasps_adds']:
+ total_loss += global_config['OPTIMIZER']['adds_loss_weight'] * adds_loss
+ if global_config['MODEL']['pred_grasps_adds_gt2pred']:
+ total_loss += global_config['OPTIMIZER']['adds_gt2pred_loss_weight'] * adds_loss_gt2pred
+
+ tf_bin_vals = grasp_estimator._model_func.get_bin_vals(global_config)
+
+ loss_label_ops = {'loss': total_loss,
+ 'dir_loss': dir_loss,
+ 'bin_ce_loss': bin_ce_loss,
+ 'offset_loss': offset_loss,
+ 'approach_loss': approach_loss,
+ 'adds_loss': adds_loss,
+ 'adds_gt2pred_loss': adds_loss_gt2pred,
+ 'dir_labels_pc_cam': dir_labels_pc_cam,
+ 'offset_labels_pc': offset_labels_pc,
+ 'offset_label_idcs_pc': tf.argmax(offset_labels_pc, axis=2) if global_config['MODEL']['bin_offsets'] else None,
+ 'offset_orig_labels_vals': orig_offset_labels if global_config['MODEL']['bin_offsets'] else None,
+ 'offset_bin_label_vals': tf.gather_nd(tf_bin_vals, tf.expand_dims(tf.argmax(offset_labels_pc, axis=2), axis=2)) if global_config['MODEL']['bin_offsets'] else None,
+ 'grasp_suc_labels_pc': grasp_suc_labels_pc,
+ 'approach_labels_pc': approach_labels_pc,
+ 'tf_bin_vals': tf_bin_vals,
+ 'scene_idx': tf_scene_idcs,
+ 'iterator': iterator
+ }
+
+ return loss_label_ops
+
+def build_train_op(total_loss, step, global_config):
+ """
+ Initializes optimizer and learning rate scheduler
+
+ Arguments:
+ total_loss {tf.variable} -- Weighted sum of all loss terms
+ step {tf.variable} -- training step
+ global_config {dict} -- global config
+
+ Returns:
+ [train_op] -- Operation to run during training
+ """
+
+ print("--- Get training operator")
+ # Get training operator
+ learning_rate = get_learning_rate(step, global_config['OPTIMIZER'])
+ tf.summary.scalar('learning_rate', learning_rate)
+ if global_config['OPTIMIZER']['optimizer'] == 'momentum':
+ momentum = global_config['OPTIMIZER']['momentum']
+ optimizer = tf.train.MomentumOptimizer(learning_rate, momentum=momentum)
+ elif global_config['OPTIMIZER']['optimizer'] == 'adam':
+ optimizer = tf.train.AdamOptimizer(learning_rate)
+ else:
+ optimizer = tf.train.GradientDescentOptimizer(learning_rate)
+
+ train_op = optimizer.minimize(total_loss, global_step=step, var_list=tf.global_variables())
+ if TF2:
+ update_ops = tf.get_collection(tf.GraphKeys.UPDATE_OPS)
+ train_op = tf.group([train_op, update_ops])
+
+ return train_op
+
+def load_contact_grasps(contact_list, data_config):
+ """
+ Loads fixed amount of contact grasp data per scene into tf CPU/GPU memory
+
+ Arguments:
+ contact_infos {list(dicts)} -- Per scene mesh: grasp contact information
+ data_config {dict} -- data config
+
+ Returns:
+ [tf_pos_contact_points, tf_pos_contact_dirs, tf_pos_contact_offsets,
+ tf_pos_contact_approaches, tf_pos_finger_diffs, tf_scene_idcs,
+ all_obj_paths, all_obj_transforms] -- tf.constants with per scene grasp data, object paths/transforms in scene
+ """
+
+ num_pos_contacts = data_config['labels']['num_pos_contacts']
+
+ pos_contact_points = []
+ pos_contact_dirs = []
+ pos_finger_diffs = []
+ pos_approach_dirs = []
+
+ for i,c in enumerate(contact_list):
+ contact_directions_01 = c['scene_contact_points'][:,0,:] - c['scene_contact_points'][:,1,:]
+ all_contact_points = c['scene_contact_points'].reshape(-1,3)
+ all_finger_diffs = np.maximum(np.linalg.norm(contact_directions_01,axis=1), np.finfo(np.float32).eps)
+ all_contact_directions = np.empty((contact_directions_01.shape[0]*2, contact_directions_01.shape[1],))
+ all_contact_directions[0::2] = -contact_directions_01 / all_finger_diffs[:,np.newaxis]
+ all_contact_directions[1::2] = contact_directions_01 / all_finger_diffs[:,np.newaxis]
+ all_contact_suc = np.ones_like(all_contact_points[:,0])
+ all_grasp_transform = c['grasp_transforms'].reshape(-1,4,4)
+ all_approach_directions = all_grasp_transform[:,:3,2]
+
+ pos_idcs = np.where(all_contact_suc>0)[0]
+ if len(pos_idcs) == 0:
+ continue
+ print('total positive contact points ', len(pos_idcs))
+
+ all_pos_contact_points = all_contact_points[pos_idcs]
+ all_pos_finger_diffs = all_finger_diffs[pos_idcs//2]
+ all_pos_contact_dirs = all_contact_directions[pos_idcs]
+ all_pos_approach_dirs = all_approach_directions[pos_idcs//2]
+
+ # Use all positive contacts then mesh_utils with replacement
+ if num_pos_contacts > len(all_pos_contact_points)/2:
+ pos_sampled_contact_idcs = np.arange(len(all_pos_contact_points))
+ pos_sampled_contact_idcs_replacement = np.random.choice(np.arange(len(all_pos_contact_points)), num_pos_contacts*2 - len(all_pos_contact_points) , replace=True)
+ pos_sampled_contact_idcs= np.hstack((pos_sampled_contact_idcs, pos_sampled_contact_idcs_replacement))
+ else:
+ pos_sampled_contact_idcs = np.random.choice(np.arange(len(all_pos_contact_points)), num_pos_contacts*2, replace=False)
+
+ pos_contact_points.append(all_pos_contact_points[pos_sampled_contact_idcs,:])
+ pos_contact_dirs.append(all_pos_contact_dirs[pos_sampled_contact_idcs,:])
+ pos_finger_diffs.append(all_pos_finger_diffs[pos_sampled_contact_idcs])
+ pos_approach_dirs.append(all_pos_approach_dirs[pos_sampled_contact_idcs])
+
+ device = "/cpu:0" if 'to_gpu' in data_config['labels'] and not data_config['labels']['to_gpu'] else "/gpu:0"
+ print("grasp label device: ", device)
+
+ with tf.device(device):
+ tf_scene_idcs = tf.constant(np.arange(0,len(pos_contact_points)), tf.int32)
+ tf_pos_contact_points = tf.constant(np.array(pos_contact_points), tf.float32)
+ tf_pos_contact_dirs = tf.math.l2_normalize(tf.constant(np.array(pos_contact_dirs), tf.float32),axis=2)
+ tf_pos_finger_diffs = tf.constant(np.array(pos_finger_diffs), tf.float32)
+ tf_pos_contact_approaches = tf.math.l2_normalize(tf.constant(np.array(pos_approach_dirs), tf.float32),axis=2)
+
+ return tf_pos_contact_points, tf_pos_contact_dirs, tf_pos_contact_approaches, tf_pos_finger_diffs, tf_scene_idcs
diff --git a/contact_graspnet/train.py b/contact_graspnet/train.py
new file mode 100644
index 0000000..57342df
--- /dev/null
+++ b/contact_graspnet/train.py
@@ -0,0 +1,223 @@
+from genericpath import exists
+import os
+import sys
+import argparse
+from datetime import datetime
+import numpy as np
+import time
+from tqdm import tqdm
+
+CONTACT_DIR = os.path.dirname(os.path.abspath(__file__))
+BASE_DIR = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))
+ROOT_DIR = os.path.dirname(os.path.dirname(BASE_DIR))
+sys.path.append(os.path.join(BASE_DIR))
+sys.path.append(os.path.join(ROOT_DIR))
+sys.path.append(os.path.join(BASE_DIR, 'pointnet2', 'models'))
+sys.path.append(os.path.join(BASE_DIR, 'pointnet2', 'utils'))
+
+import tensorflow.compat.v1 as tf
+tf.disable_eager_execution()
+TF2 = True
+physical_devices = tf.config.experimental.list_physical_devices('GPU')
+tf.config.experimental.set_memory_growth(physical_devices[0], True)
+
+import config_utils
+from data import PointCloudReader, load_scene_contacts, center_pc_convert_cam
+from summaries import build_summary_ops, build_file_writers
+from tf_train_ops import load_labels_and_losses, build_train_op
+from contact_grasp_estimator import GraspEstimator
+
+def train(global_config, log_dir):
+ """
+ Trains Contact-GraspNet
+
+ Arguments:
+ global_config {dict} -- config dict
+ log_dir {str} -- Checkpoint directory
+ """
+
+ contact_infos = load_scene_contacts(global_config['DATA']['data_path'],
+ scene_contacts_path=global_config['DATA']['scene_contacts_path'])
+
+ num_train_samples = len(contact_infos)-global_config['DATA']['num_test_scenes']
+ num_test_samples = global_config['DATA']['num_test_scenes']
+
+ print('using %s meshes' % (num_train_samples + num_test_samples))
+ if 'train_and_test' in global_config['DATA'] and global_config['DATA']['train_and_test']:
+ num_train_samples = num_train_samples + num_test_samples
+ num_test_samples = 0
+ print('using train and test data')
+
+ pcreader = PointCloudReader(
+ root_folder=global_config['DATA']['data_path'],
+ batch_size=global_config['OPTIMIZER']['batch_size'],
+ estimate_normals=global_config['DATA']['input_normals'],
+ raw_num_points=global_config['DATA']['raw_num_points'],
+ use_uniform_quaternions = global_config['DATA']['use_uniform_quaternions'],
+ scene_obj_scales = [c['obj_scales'] for c in contact_infos],
+ scene_obj_paths = [c['obj_paths'] for c in contact_infos],
+ scene_obj_transforms = [c['obj_transforms'] for c in contact_infos],
+ num_train_samples = num_train_samples,
+ num_test_samples = num_test_samples,
+ use_farthest_point = global_config['DATA']['use_farthest_point'],
+ intrinsics=global_config['DATA']['intrinsics'],
+ elevation=global_config['DATA']['view_sphere']['elevation'],
+ distance_range=global_config['DATA']['view_sphere']['distance_range'],
+ pc_augm_config=global_config['DATA']['pc_augm'],
+ depth_augm_config=global_config['DATA']['depth_augm']
+ )
+
+ with tf.Graph().as_default():
+
+ # Build the model
+ grasp_estimator = GraspEstimator(global_config)
+ ops = grasp_estimator.build_network()
+
+ # contact_tensors = load_contact_grasps(contact_infos, global_config['DATA'])
+
+ loss_ops = load_labels_and_losses(grasp_estimator, contact_infos, global_config)
+
+ ops.update(loss_ops)
+ ops['train_op'] = build_train_op(ops['loss'], ops['step'], global_config)
+
+ # Add ops to save and restore all the variables.
+ saver = tf.train.Saver(save_relative_paths=True, keep_checkpoint_every_n_hours=4)
+
+ # Create a session
+ config = tf.ConfigProto()
+ config.gpu_options.allow_growth = True
+ config.allow_soft_placement = True
+ sess = tf.Session(config=config)
+
+ # Log summaries
+ summary_ops = build_summary_ops(ops, sess, global_config)
+
+ # Init/Load weights
+ grasp_estimator.load_weights(sess, saver, log_dir, mode='train')
+
+ # sess = tf_debug.LocalCLIDebugWrapperSession(sess)
+ # sess.add_tensor_filter("has_inf_or_nan", tf_debug.has_inf_or_nan)
+ file_writers = build_file_writers(sess, log_dir)
+
+ ## define: epoch = arbitrary number of views of every training scene
+ cur_epoch = sess.run(ops['step']) // num_train_samples
+ for epoch in range(cur_epoch, global_config['OPTIMIZER']['max_epoch']):
+ log_string('**** EPOCH %03d ****' % (epoch))
+
+ sess.run(ops['iterator'].initializer)
+ epoch_time = time.time()
+ step = train_one_epoch(sess, ops, summary_ops, file_writers, pcreader)
+ log_string('trained %s batches in: ' % steps_per_epoch, time.time()-epoch_time)
+
+ # Save the variables to disk.
+ save_path = saver.save(sess, os.path.join(log_dir, "model.ckpt"), global_step=step, write_meta_graph=False)
+ log_string("Model saved in file: %s" % save_path)
+
+ if num_test_samples > 0:
+ eval_time = time.time()
+ eval_validation_scenes(sess, ops, summary_ops, file_writers, pcreader)
+ log_string('evaluation time: ', time.time()-eval_time)
+
+def train_one_epoch(sess, ops, summary_ops, file_writers, pcreader):
+ """ ops: dict mapping from string to tf ops """
+
+ log_string(str(datetime.now()))
+ loss_log = np.zeros((10,7))
+ get_time = time.time()
+
+ for batch_idx in range(pcreader._num_train_samples):
+
+ batch_data, cam_poses, scene_idx = pcreader.get_scene_batch(scene_idx=batch_idx)
+
+ # OpenCV OpenGL conversion
+ cam_poses, batch_data = center_pc_convert_cam(cam_poses, batch_data)
+
+ feed_dict = {ops['pointclouds_pl']: batch_data, ops['cam_poses_pl']: cam_poses,
+ ops['scene_idx_pl']: scene_idx, ops['is_training_pl']: True}
+
+ step, summary, _, loss_val, dir_loss, bin_ce_loss, \
+ offset_loss, approach_loss, adds_loss, adds_gt2pred_loss, scene_idx = sess.run([ops['step'], summary_ops['merged'], ops['train_op'], ops['loss'], ops['dir_loss'],
+ ops['bin_ce_loss'], ops['offset_loss'], ops['approach_loss'], ops['adds_loss'],
+ ops['adds_gt2pred_loss'], ops['scene_idx']], feed_dict=feed_dict)
+ assert scene_idx[0] == scene_idx
+
+ loss_log[batch_idx%10,:] = loss_val, dir_loss, bin_ce_loss, offset_loss, approach_loss, adds_loss, adds_gt2pred_loss
+
+ if (batch_idx+1)%10 == 0:
+ file_writers['train_writer'].add_summary(summary, step)
+ f = tuple(np.mean(loss_log, axis=0)) + ((time.time() - get_time) / 10., )
+ log_string('total loss: %f \t dir loss: %f \t ce loss: %f \t off loss: %f \t app loss: %f adds loss: %f \t adds_gt2pred loss: %f \t batch time: %f' % f)
+ get_time = time.time()
+
+ return step
+
+def eval_validation_scenes(sess, ops, summary_ops, file_writers, pcreader, max_eval_objects=500):
+ """ ops: dict mapping from string to tf ops """
+ is_training = False
+ log_string(str(datetime.now()))
+ loss_log = np.zeros((min(pcreader._num_test_samples, max_eval_objects),7))
+
+ # resets accumulation of pr and auc data
+ sess.run(summary_ops['pr_reset_op'])
+
+ for batch_idx in np.arange(min(pcreader._num_test_samples, max_eval_objects)):
+
+ batch_data, cam_poses, scene_idx = pcreader.get_scene_batch(scene_idx=pcreader._num_train_samples + batch_idx)
+
+ # OpenCV OpenGL conversion
+ cam_poses, batch_data = center_pc_convert_cam(cam_poses, batch_data)
+
+ feed_dict = {ops['pointclouds_pl']: batch_data, ops['cam_poses_pl']: cam_poses,
+ ops['scene_idx_pl']: scene_idx, ops['is_training_pl']: False}
+
+ scene_idx, step, loss_val, dir_loss, bin_ce_loss, offset_loss, approach_loss, adds_loss, adds_gt2pred_loss, pr_summary,_,_,_ = sess.run([ops['scene_idx'], ops['step'], ops['loss'], ops['dir_loss'], ops['bin_ce_loss'],
+ ops['offset_loss'], ops['approach_loss'], ops['adds_loss'], ops['adds_gt2pred_loss'],
+ summary_ops['merged_eval'], summary_ops['pr_update_op'],
+ summary_ops['auc_update_op']] + [summary_ops['acc_update_ops']], feed_dict=feed_dict)
+ assert scene_idx[0] == (pcreader._num_train_samples + batch_idx)
+
+ loss_log[batch_idx,:] = loss_val, dir_loss, bin_ce_loss, offset_loss, approach_loss, adds_loss, adds_gt2pred_loss
+
+ file_writers['test_writer'].add_summary(pr_summary, step)
+ f = tuple(np.mean(loss_log, axis=0))
+ log_string('mean val loss: %f \t mean val dir loss: %f \t mean val ce loss: %f \t mean off loss: %f \t mean app loss: %f \t mean adds loss: %f \t mean adds_gt2pred loss: %f' % f)
+
+ return step
+
+if __name__ == "__main__":
+
+ parser = argparse.ArgumentParser()
+ parser.add_argument('--gpu', type=int, default=0, help='GPU to use [default: GPU 0]')
+ parser.add_argument('--ckpt_dir', default='checkpoints/contact_graspnet', help='Checkpoint dir')
+ parser.add_argument('--data_path', type=str, default=None, help='Grasp data root dir')
+ parser.add_argument('--max_epoch', type=int, default=None, help='Epochs to run')
+ parser.add_argument('--batch_size', type=int, default=None, help='Batch Size during training')
+ parser.add_argument('--arg_configs', nargs="*", type=str, default=[], help='overwrite config parameters')
+ FLAGS = parser.parse_args()
+
+ ckpt_dir = FLAGS.ckpt_dir
+ if not os.path.exists(ckpt_dir):
+ if not os.path.exists(os.path.dirname(ckpt_dir)):
+ ckpt_dir = os.path.join(BASE_DIR, ckpt_dir)
+ os.makedirs(ckpt_dir, exist_ok=True)
+
+ os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID"
+ os.system('cp {} {}'.format(os.path.join(CONTACT_DIR, 'contact_graspnet.py'), ckpt_dir)) # bkp of model def
+ os.system('cp {} {}'.format(os.path.join(CONTACT_DIR, 'train.py'), ckpt_dir)) # bkp of train procedure
+
+ LOG_FOUT = open(os.path.join(ckpt_dir, 'log_train.txt'), 'w')
+ LOG_FOUT.write(str(FLAGS)+'\n')
+ def log_string(out_str):
+ LOG_FOUT.write(out_str+'\n')
+ LOG_FOUT.flush()
+ print(out_str)
+
+ global_config = config_utils.load_config(ckpt_dir, batch_size=FLAGS.batch_size, max_epoch=FLAGS.max_epoch,
+ data_path= FLAGS.data_path, arg_configs=FLAGS.arg_configs, save=True)
+
+ log_string(str(global_config))
+ log_string('pid: %s'%(str(os.getpid())))
+
+ train(global_config, ckpt_dir)
+
+ LOG_FOUT.close()
diff --git a/contact_graspnet/visualization_utils.py b/contact_graspnet/visualization_utils.py
new file mode 100644
index 0000000..ba70d82
--- /dev/null
+++ b/contact_graspnet/visualization_utils.py
@@ -0,0 +1,197 @@
+import numpy as np
+import mayavi.mlab as mlab
+import matplotlib.pyplot as plt
+from matplotlib import cm
+
+import mesh_utils
+
+def plot_mesh(mesh, cam_trafo=np.eye(4), mesh_pose=np.eye(4)):
+ """
+ Plots mesh in mesh_pose from
+
+ Arguments:
+ mesh {trimesh.base.Trimesh} -- input mesh, e.g. gripper
+
+ Keyword Arguments:
+ cam_trafo {np.ndarray} -- 4x4 transformation from world to camera coords (default: {np.eye(4)})
+ mesh_pose {np.ndarray} -- 4x4 transformation from mesh to world coords (default: {np.eye(4)})
+ """
+
+ homog_mesh_vert = np.pad(mesh.vertices, (0, 1), 'constant', constant_values=(0, 1))
+ mesh_cam = homog_mesh_vert.dot(mesh_pose.T).dot(cam_trafo.T)[:,:3]
+ mlab.triangular_mesh(mesh_cam[:, 0],
+ mesh_cam[:, 1],
+ mesh_cam[:, 2],
+ mesh.faces,
+ colormap='Blues',
+ opacity=0.5)
+
+def plot_coordinates(t,r, tube_radius=0.005):
+ """
+ plots coordinate frame
+
+ Arguments:
+ t {np.ndarray} -- translation vector
+ r {np.ndarray} -- rotation matrix
+
+ Keyword Arguments:
+ tube_radius {float} -- radius of the plotted tubes (default: {0.005})
+ """
+ mlab.plot3d([t[0],t[0]+0.2*r[0,0]], [t[1],t[1]+0.2*r[1,0]], [t[2],t[2]+0.2*r[2,0]], color=(1,0,0), tube_radius=tube_radius, opacity=1)
+ mlab.plot3d([t[0],t[0]+0.2*r[0,1]], [t[1],t[1]+0.2*r[1,1]], [t[2],t[2]+0.2*r[2,1]], color=(0,1,0), tube_radius=tube_radius, opacity=1)
+ mlab.plot3d([t[0],t[0]+0.2*r[0,2]], [t[1],t[1]+0.2*r[1,2]], [t[2],t[2]+0.2*r[2,2]], color=(0,0,1), tube_radius=tube_radius, opacity=1)
+
+def show_image(rgb, segmap):
+ """
+ Overlay rgb image with segmentation and imshow segment
+
+ Arguments:
+ rgb {np.ndarray} -- color image
+ segmap {np.ndarray} -- integer segmap of same size as rgb
+ """
+ plt.figure()
+ figManager = plt.get_current_fig_manager()
+ figManager.window.showMaximized()
+
+ plt.ion()
+ plt.show()
+
+ if rgb is not None:
+ plt.imshow(rgb)
+ if segmap is not None:
+ cmap = plt.get_cmap('rainbow')
+ cmap.set_under(alpha=0.0)
+ plt.imshow(segmap, cmap=cmap, alpha=0.5, vmin=0.0001)
+ plt.draw()
+ plt.pause(0.001)
+
+def visualize_grasps(full_pc, pred_grasps_cam, scores, plot_opencv_cam=False, pc_colors=None, gripper_openings=None, gripper_width=0.08):
+ """Visualizes colored point cloud and predicted grasps. If given, colors grasps by segmap regions.
+ Thick grasp is most confident per segment. For scene point cloud predictions, colors grasps according to confidence.
+
+ Arguments:
+ full_pc {np.ndarray} -- Nx3 point cloud of the scene
+ pred_grasps_cam {dict[int:np.ndarray]} -- Predicted 4x4 grasp trafos per segment or for whole point cloud
+ scores {dict[int:np.ndarray]} -- Confidence scores for grasps
+
+ Keyword Arguments:
+ plot_opencv_cam {bool} -- plot camera coordinate frame (default: {False})
+ pc_colors {np.ndarray} -- Nx3 point cloud colors (default: {None})
+ gripper_openings {dict[int:np.ndarray]} -- Predicted grasp widths (default: {None})
+ gripper_width {float} -- If gripper_openings is None, plot grasp widths (default: {0.008})
+ """
+
+ print('Visualizing...takes time')
+ cm = plt.get_cmap('rainbow')
+ cm2 = plt.get_cmap('gist_rainbow')
+
+ fig = mlab.figure('Pred Grasps')
+ mlab.view(azimuth=180, elevation=180, distance=0.2)
+ draw_pc_with_colors(full_pc, pc_colors)
+ colors = [cm(1. * i/len(pred_grasps_cam))[:3] for i in range(len(pred_grasps_cam))]
+ colors2 = {k:cm2(0.5*np.max(scores[k]))[:3] for k in pred_grasps_cam if np.any(pred_grasps_cam[k])}
+
+ if plot_opencv_cam:
+ plot_coordinates(np.zeros(3,),np.eye(3,3))
+ for i,k in enumerate(pred_grasps_cam):
+ if np.any(pred_grasps_cam[k]):
+ gripper_openings_k = np.ones(len(pred_grasps_cam[k]))*gripper_width if gripper_openings is None else gripper_openings[k]
+ if len(pred_grasps_cam) > 1:
+ draw_grasps(pred_grasps_cam[k], np.eye(4), color=colors[i], gripper_openings=gripper_openings_k)
+ draw_grasps([pred_grasps_cam[k][np.argmax(scores[k])]], np.eye(4), color=colors2[k],
+ gripper_openings=[gripper_openings_k[np.argmax(scores[k])]], tube_radius=0.0025)
+ else:
+ colors3 = [cm2(0.5*score)[:3] for score in scores[k]]
+ draw_grasps(pred_grasps_cam[k], np.eye(4), colors=colors3, gripper_openings=gripper_openings_k)
+ mlab.show()
+
+def draw_pc_with_colors(pc, pc_colors=None, single_color=(0.3,0.3,0.3), mode='2dsquare', scale_factor=0.0018):
+ """
+ Draws colored point clouds
+
+ Arguments:
+ pc {np.ndarray} -- Nx3 point cloud
+ pc_colors {np.ndarray} -- Nx3 point cloud colors
+
+ Keyword Arguments:
+ single_color {tuple} -- single color for point cloud (default: {(0.3,0.3,0.3)})
+ mode {str} -- primitive type to plot (default: {'point'})
+ scale_factor {float} -- Scale of primitives. Does not work for points. (default: {0.002})
+
+ """
+
+ if pc_colors is None:
+ mlab.points3d(pc[:, 0], pc[:, 1], pc[:, 2], color=single_color, scale_factor=scale_factor, mode=mode)
+ else:
+ #create direct grid as 256**3 x 4 array
+ def create_8bit_rgb_lut():
+ xl = np.mgrid[0:256, 0:256, 0:256]
+ lut = np.vstack((xl[0].reshape(1, 256**3),
+ xl[1].reshape(1, 256**3),
+ xl[2].reshape(1, 256**3),
+ 255 * np.ones((1, 256**3)))).T
+ return lut.astype('int32')
+
+ scalars = pc_colors[:,0]*256**2 + pc_colors[:,1]*256 + pc_colors[:,2]
+ rgb_lut = create_8bit_rgb_lut()
+ points_mlab = mlab.points3d(pc[:, 0], pc[:, 1], pc[:, 2], scalars, mode=mode, scale_factor=.0018)
+ points_mlab.glyph.scale_mode = 'scale_by_vector'
+ points_mlab.module_manager.scalar_lut_manager.lut._vtk_obj.SetTableRange(0, rgb_lut.shape[0])
+ points_mlab.module_manager.scalar_lut_manager.lut.number_of_colors = rgb_lut.shape[0]
+ points_mlab.module_manager.scalar_lut_manager.lut.table = rgb_lut
+
+def draw_grasps(grasps, cam_pose, gripper_openings, color=(0,1.,0), colors=None, show_gripper_mesh=False, tube_radius=0.0008):
+ """
+ Draws wireframe grasps from given camera pose and with given gripper openings
+
+ Arguments:
+ grasps {np.ndarray} -- Nx4x4 grasp pose transformations
+ cam_pose {np.ndarray} -- 4x4 camera pose transformation
+ gripper_openings {np.ndarray} -- Nx1 gripper openings
+
+ Keyword Arguments:
+ color {tuple} -- color of all grasps (default: {(0,1.,0)})
+ colors {np.ndarray} -- Nx3 color of each grasp (default: {None})
+ tube_radius {float} -- Radius of the grasp wireframes (default: {0.0008})
+ show_gripper_mesh {bool} -- Renders the gripper mesh for one of the grasp poses (default: {False})
+ """
+
+ gripper = mesh_utils.create_gripper('panda')
+ gripper_control_points = gripper.get_control_point_tensor(1, False, convex_hull=False).squeeze()
+ mid_point = 0.5*(gripper_control_points[1, :] + gripper_control_points[2, :])
+ grasp_line_plot = np.array([np.zeros((3,)), mid_point, gripper_control_points[1], gripper_control_points[3],
+ gripper_control_points[1], gripper_control_points[2], gripper_control_points[4]])
+
+ if show_gripper_mesh and len(grasps) > 0:
+ plot_mesh(gripper.hand, cam_pose, grasps[0])
+
+ all_pts = []
+ connections = []
+ index = 0
+ N = 7
+ for i,(g,g_opening) in enumerate(zip(grasps, gripper_openings)):
+ gripper_control_points_closed = grasp_line_plot.copy()
+ gripper_control_points_closed[2:,0] = np.sign(grasp_line_plot[2:,0]) * g_opening/2
+
+ pts = np.matmul(gripper_control_points_closed, g[:3, :3].T)
+ pts += np.expand_dims(g[:3, 3], 0)
+ pts_homog = np.concatenate((pts, np.ones((7, 1))),axis=1)
+ pts = np.dot(pts_homog, cam_pose.T)[:,:3]
+
+ color = color if colors is None else colors[i]
+
+ all_pts.append(pts)
+ connections.append(np.vstack([np.arange(index, index + N - 1.5),
+ np.arange(index + 1, index + N - .5)]).T)
+ index += N
+ # mlab.plot3d(pts[:, 0], pts[:, 1], pts[:, 2], color=color, tube_radius=tube_radius, opacity=1.0)
+
+ # speeds up plot3d because only one vtk object
+ all_pts = np.vstack(all_pts)
+ connections = np.vstack(connections)
+ src = mlab.pipeline.scalar_scatter(all_pts[:,0], all_pts[:,1], all_pts[:,2])
+ src.mlab_source.dataset.lines = connections
+ src.update()
+ lines =mlab.pipeline.tube(src, tube_radius=tube_radius, tube_sides=12)
+ mlab.pipeline.surface(lines, color=color, opacity=1.0)
+
diff --git a/contact_graspnet_env.yml b/contact_graspnet_env.yml
new file mode 100644
index 0000000..3701e8c
--- /dev/null
+++ b/contact_graspnet_env.yml
@@ -0,0 +1,151 @@
+name: contact_graspnet_env
+channels:
+ - conda-forge
+ - anaconda
+ - defaults
+dependencies:
+ - _libgcc_mutex=0.1=main
+ - apptools=4.5.0=py_0
+ - blas=1.0=mkl
+ - bzip2=1.0.8=h7b6447c_0
+ - ca-certificates=2020.10.14=0
+ - certifi=2020.6.20=py37_0
+ - clang=10.0.1=default_hb85057a_2
+ - clang-tools=10.0.1=default_hb85057a_2
+ - clangdev=10.0.1=default_hb85057a_2
+ - clangxx=10.0.1=default_hb85057a_2
+ - configobj=5.0.6=py37_1
+ - cudatoolkit=10.1.243=h6bb024c_0
+ - cudnn=7.6.0=cuda10.1_0
+ - curl=7.71.1=hbc83047_1
+ - cycler=0.10.0=py37_0
+ - dbus=1.13.18=hb2f20db_0
+ - envisage=4.9.2=py_0
+ - expat=2.2.10=he6710b0_2
+ - fontconfig=2.13.0=h9420a91_0
+ - freetype=2.10.4=h5ab3b9f_0
+ - future=0.18.2=py37_1
+ - glib=2.66.1=h92f7085_0
+ - gst-plugins-base=1.14.0=hbbd80ab_1
+ - gstreamer=1.14.0=hb31296c_0
+ - h5py=2.10.0=py37h7918eee_0
+ - hdf4=4.2.13=h3ca952b_2
+ - hdf5=1.10.4=hb1b8bf9_0
+ - icu=58.2=he6710b0_3
+ - intel-openmp=2020.2=254
+ - jpeg=9b=h024ee3a_2
+ - jsoncpp=1.8.4=hfd86e86_0
+ - kiwisolver=1.3.0=py37h2531618_0
+ - krb5=1.18.2=h173b8e3_0
+ - lcms2=2.11=h396b838_0
+ - ld_impl_linux-64=2.33.1=h53a641e_7
+ - libclang=10.0.1=default_hb85057a_2
+ - libclang-cpp=10.0.1=default_hb85057a_2
+ - libclang-cpp10=10.0.1=default_hb85057a_2
+ - libcurl=7.71.1=h20c2e04_1
+ - libedit=3.1.20191231=h14c3975_1
+ - libffi=3.3=he6710b0_2
+ - libgcc-ng=9.1.0=hdf63c60_0
+ - libgfortran-ng=7.3.0=hdf63c60_0
+ - libllvm10=10.0.1=hbcb73fb_5
+ - libnetcdf=4.6.1=h11d0813_2
+ - libogg=1.3.2=h7b6447c_0
+ - libpng=1.6.37=hbc83047_0
+ - libssh2=1.9.0=h1ba5d50_1
+ - libstdcxx-ng=9.1.0=hdf63c60_0
+ - libtheora=1.1.1=h5ab3b9f_1
+ - libtiff=4.1.0=h2733197_0
+ - libuuid=1.0.3=h1bed415_2
+ - libvorbis=1.3.7=h7b6447c_0
+ - libxcb=1.14=h7b6447c_0
+ - libxml2=2.9.10=hb55368b_3
+ - libxslt=1.1.34=hc22bd24_0
+ - llvm-tools=10.0.1=h4a3c616_5
+ - llvmdev=10.0.1=h4a3c616_5
+ - lz4-c=1.8.1.2=h14c3975_0
+ - matplotlib=3.3.2=0
+ - matplotlib-base=3.3.2=py37h817c723_0
+ - mayavi=4.7.1=py37h94891b3_2
+ - mkl=2020.2=256
+ - mkl-service=2.3.0=py37he904b0f_0
+ - mkl_fft=1.2.0=py37h23d657b_0
+ - mkl_random=1.1.1=py37h0573a6f_0
+ - ncurses=6.2=he6710b0_1
+ - numpy=1.19.2=py37h54aff64_0
+ - numpy-base=1.19.2=py37hfa32c7d_0
+ - olefile=0.46=py37_0
+ - openssl=1.1.1h=h7b6447c_0
+ - pcre=8.44=he6710b0_0
+ - pillow=8.0.1=py37he98fc37_0
+ - pip=20.2.4=py37h06a4308_0
+ - pyface=7.1.0=py37_1
+ - pygments=2.7.2=pyhd3eb1b0_0
+ - pyparsing=2.4.7=py_0
+ - pyqt=5.9.2=py37h05f1152_2
+ - pyside2=5.9.0a1=py37h4dc837a_0
+ - python=3.7.9=h7579374_0
+ - python-dateutil=2.8.1=py_0
+ - qt=5.9.7=h5867ecd_1
+ - readline=8.0=h7b6447c_0
+ - setuptools=50.3.1=py37h06a4308_1
+ - shapely=1.7.1
+ - sip=4.19.8=py37hf484d3e_0
+ - six=1.15.0=py_0
+ - sqlite=3.33.0=h62c20be_0
+ - tbb=2020.3=hfd86e86_0
+ - tk=8.6.10=hbc83047_0
+ - tornado=6.0.4=py37h7b6447c_1
+ - tqdm=4.51.0=pyh9f0ad1d_0
+ - traits=6.1.1=py37h7b6447c_0
+ - traitsui=7.1.0=py_0
+ - trimesh=3.8.12=pyh9f0ad1d_0
+ - vtk=8.2.0=py37haa4764d_200
+ - wheel=0.35.1=py_0
+ - xz=5.2.5=h7b6447c_0
+ - zlib=1.2.11=h7b6447c_3
+ - zstd=1.3.7=h0b5b093_0
+ - pip:
+ - absl-py==0.11.0
+ - astor==0.8.1
+ - astunparse==1.6.3
+ - cachetools==4.1.1
+ - chardet==3.0.4
+ - decorator==4.4.2
+ - freetype-py==2.2.0
+ - gast==0.3.3
+ - google-auth==1.23.0
+ - google-auth-oauthlib==0.4.2
+ - google-pasta==0.2.0
+ - grpcio==1.33.2
+ - idna==2.10
+ - imageio==2.9.0
+ - importlib-metadata==2.0.0
+ - keras-applications==1.0.8
+ - keras-preprocessing==1.1.2
+ - markdown==3.3.3
+ - networkx==2.5
+ - oauthlib==3.1.0
+ - opencv-python==4.4.0.46
+ - opt-einsum==3.3.0
+ - protobuf==3.13.0
+ - pyasn1==0.4.8
+ - pyasn1-modules==0.2.8
+ - pyglet==1.5.9
+ - pyopengl==3.1.0
+ - pyrender==0.1.43
+ - pyyaml==5.3.1
+ - requests==2.24.0
+ - requests-oauthlib==1.3.0
+ - rsa==4.6
+ - rtree
+ - scipy==1.4.1
+ - tensorboard==2.2.2
+ - tensorboard-plugin-wit==1.7.0
+ - tensorflow-estimator==2.2.0
+ - tensorflow-gpu==2.2.0
+ - termcolor==1.1.0
+ - urllib3==1.25.11
+ - werkzeug==1.0.1
+ - wrapt==1.12.1
+ - zipp==3.4.0
+ - python-fcl==0.0.12
diff --git a/examples/10.png b/examples/10.png
new file mode 100644
index 0000000..ef1e3f4
Binary files /dev/null and b/examples/10.png differ
diff --git a/examples/10_segmap.png b/examples/10_segmap.png
new file mode 100644
index 0000000..558c0b5
Binary files /dev/null and b/examples/10_segmap.png differ
diff --git a/examples/2.gif b/examples/2.gif
new file mode 100644
index 0000000..a060f02
Binary files /dev/null and b/examples/2.gif differ
diff --git a/examples/2.png b/examples/2.png
new file mode 100644
index 0000000..5038959
Binary files /dev/null and b/examples/2.png differ
diff --git a/examples/2_segmap.png b/examples/2_segmap.png
new file mode 100644
index 0000000..c745f51
Binary files /dev/null and b/examples/2_segmap.png differ
diff --git a/examples/7.gif b/examples/7.gif
new file mode 100644
index 0000000..c95493c
Binary files /dev/null and b/examples/7.gif differ
diff --git a/examples/7.png b/examples/7.png
new file mode 100644
index 0000000..01bf38d
Binary files /dev/null and b/examples/7.png differ
diff --git a/examples/7_segmap.png b/examples/7_segmap.png
new file mode 100644
index 0000000..de5431f
Binary files /dev/null and b/examples/7_segmap.png differ
diff --git a/examples/graspnet_153_kinectazure_0002.png b/examples/graspnet_153_kinectazure_0002.png
new file mode 100644
index 0000000..8147ebb
Binary files /dev/null and b/examples/graspnet_153_kinectazure_0002.png differ
diff --git a/examples/realsense_crop_sigma_001.png b/examples/realsense_crop_sigma_001.png
new file mode 100644
index 0000000..5c72aaa
Binary files /dev/null and b/examples/realsense_crop_sigma_001.png differ
diff --git a/examples/synthetic_test.png b/examples/synthetic_test.png
new file mode 100644
index 0000000..1b7d949
Binary files /dev/null and b/examples/synthetic_test.png differ
diff --git a/gripper_control_points/panda.npy b/gripper_control_points/panda.npy
new file mode 100644
index 0000000..91712dd
Binary files /dev/null and b/gripper_control_points/panda.npy differ
diff --git a/gripper_control_points/panda_gripper_coords.pickle b/gripper_control_points/panda_gripper_coords.pickle
new file mode 100644
index 0000000..a7e38d7
--- /dev/null
+++ b/gripper_control_points/panda_gripper_coords.pickle
@@ -0,0 +1,164 @@
+(dp0
+S'gripper_left_tip_flat'
+p1
+cnumpy.core.multiarray
+_reconstruct
+p2
+(cnumpy
+ndarray
+p3
+(I0
+tp4
+S'b'
+p5
+tp6
+Rp7
+(I1
+(I3
+tp8
+cnumpy
+dtype
+p9
+(S'f8'
+p10
+I0
+I1
+tp11
+Rp12
+(I3
+S'<'
+p13
+NNNI-1
+I-1
+I0
+tp14
+bI00
+S'Y\x868\xd6\xc5m\xa4?\x00\x00\x00\x00\x00\x00\x00\x00r\xfaz\xbef\xb9\xbc?'
+p15
+tp16
+bsS'gripper_right_tip_flat'
+p17
+g2
+(g3
+(I0
+tp18
+g5
+tp19
+Rp20
+(I1
+(I3
+tp21
+g12
+I00
+S'Y\x868\xd6\xc5m\xa4\xbf\x00\x00\x00\x00\x00\x00\x00\x00r\xfaz\xbef\xb9\xbc?'
+p22
+tp23
+bsS'gripper_left_tip_indent'
+p24
+g2
+(g3
+(I0
+tp25
+g5
+tp26
+Rp27
+(I1
+(I3
+tp28
+g12
+I00
+S'\xd0\x98I\xd4\x0b>\xa5?\x00\x00\x00\x00\x00\x00\x00\x00r\xfaz\xbef\xb9\xbc?'
+p29
+tp30
+bsS'gripper_right_center_indent'
+p31
+g2
+(g3
+(I0
+tp32
+g5
+tp33
+Rp34
+(I1
+(I3
+tp35
+g12
+I00
+S'\xd0\x98I\xd4\x0b>\xa5\xbf\x00\x00\x00\x00\x00\x00\x00\x00\xd5\th"lx\xba?'
+p36
+tp37
+bsS'l_y'
+p38
+F0.01754
+sS'gripper_left_center_flat'
+p39
+g2
+(g3
+(I0
+tp40
+g5
+tp41
+Rp42
+(I1
+(I3
+tp43
+g12
+I00
+S'Y\x868\xd6\xc5m\xa4?\x00\x00\x00\x00\x00\x00\x00\x00\xd5\th"lx\xba?'
+p44
+tp45
+bsS'l_z'
+p46
+F0.01754
+sS'gripper_left_center_indent'
+p47
+g2
+(g3
+(I0
+tp48
+g5
+tp49
+Rp50
+(I1
+(I3
+tp51
+g12
+I00
+S'\xd0\x98I\xd4\x0b>\xa5?\x00\x00\x00\x00\x00\x00\x00\x00\xd5\th"lx\xba?'
+p52
+tp53
+bsS'gripper_right_center_flat'
+p54
+g2
+(g3
+(I0
+tp55
+g5
+tp56
+Rp57
+(I1
+(I3
+tp58
+g12
+I00
+S'Y\x868\xd6\xc5m\xa4\xbf\x00\x00\x00\x00\x00\x00\x00\x00\xd5\th"lx\xba?'
+p59
+tp60
+bsS'gripper_right_tip_indent'
+p61
+g2
+(g3
+(I0
+tp62
+g5
+tp63
+Rp64
+(I1
+(I3
+tp65
+g12
+I00
+S'\xd0\x98I\xd4\x0b>\xa5\xbf\x00\x00\x00\x00\x00\x00\x00\x00r\xfaz\xbef\xb9\xbc?'
+p66
+tp67
+bs.
\ No newline at end of file
diff --git a/gripper_control_points/panda_gripper_coords.yml b/gripper_control_points/panda_gripper_coords.yml
new file mode 100644
index 0000000..343ab77
--- /dev/null
+++ b/gripper_control_points/panda_gripper_coords.yml
@@ -0,0 +1,10 @@
+gripper_left_center_indent: [0.041489, 0, 0.1034]
+gripper_left_center_flat: [0.0399, 0, 0.1034]
+gripper_right_center_indent: [-0.041489, 0, 0.1034]
+gripper_right_center_flat: [-0.0399, 0, 0.1034]
+gripper_left_tip_indent: [0.041489, 0, 0.112204]
+gripper_left_tip_flat: [0.0399, 0, 0.112204]
+gripper_right_tip_indent: [-0.041489, 0, 0.112204]
+gripper_right_tip_flat: [-0.0399, 0, 0.112204]
+l_z: 0.01754
+l_y: 0.01754
diff --git a/gripper_models/featuretype.STL b/gripper_models/featuretype.STL
new file mode 100644
index 0000000..c884893
Binary files /dev/null and b/gripper_models/featuretype.STL differ
diff --git a/gripper_models/panda_gripper/finger.stl b/gripper_models/panda_gripper/finger.stl
new file mode 100644
index 0000000..311b278
Binary files /dev/null and b/gripper_models/panda_gripper/finger.stl differ
diff --git a/gripper_models/panda_gripper/hand.stl b/gripper_models/panda_gripper/hand.stl
new file mode 100644
index 0000000..de404b5
Binary files /dev/null and b/gripper_models/panda_gripper/hand.stl differ
diff --git a/gripper_models/panda_gripper/panda_gripper.obj b/gripper_models/panda_gripper/panda_gripper.obj
new file mode 100644
index 0000000..b1f1e54
--- /dev/null
+++ b/gripper_models/panda_gripper/panda_gripper.obj
@@ -0,0 +1,402 @@
+v 0.05421821303665638 0.007778378669172524 0.11076592143774033
+v 0.039979396890921635 -0.00613801833242178 0.11197762053608895
+v 0.042534183906391264 0.010387184098362923 0.0585316962443525
+v 0.054274293556809426 -0.00583982700482011 0.11220345135927201
+v 0.06640338242053986 -0.01035996433347464 0.05855462865121663
+v 0.03997647545023938 0.008730395697057247 0.09456484627127648
+v 0.03994319871620974 0.008622935973107815 0.10935282196998597
+v 0.05610156148672104 0.010479452088475226 0.07738816600441933
+v 0.0652202693372965 0.010388848371803757 0.07758761990964413
+v 0.06525340951979161 -0.01040047220885754 0.07743658919036389
+v 0.05391758117824793 0.008841173723340033 0.10898935657143594
+v 0.05510264165699482 -0.010494819842278959 0.07683558996915818
+v 0.03990887965395814 0.005481416825205088 0.11212470989823342
+v 0.053988714665174485 -0.008616076782345774 0.1097279139995575
+v 0.05429311186075211 0.005277918651700018 0.11224903401136399
+v 0.039867356615141035 -0.00869277399033308 0.10856622692346574
+v 0.06630941011011601 0.010401263833045956 0.058566509751579725
+v 0.04258330418728292 -0.010448622517287731 0.05854680107415188
+v -0.05421821303665638 -0.007778378669172525 0.11076592143774033
+v -0.039979396890921635 0.00613801833242178 0.11197762053608895
+v -0.042534183906391264 -0.010387184098362923 0.0585316962443525
+v -0.054274293556809426 0.005839827004820108 0.11220345135927201
+v -0.06640338242053986 0.010359964333474636 0.05855462865121663
+v -0.03997647545023938 -0.008730395697057247 0.09456484627127648
+v -0.03994319871620974 -0.008622935973107815 0.10935282196998597
+v -0.05610156148672104 -0.010479452088475227 0.07738816600441933
+v -0.0652202693372965 -0.01038884837180376 0.07758761990964413
+v -0.06525340951979161 0.010400472208857536 0.07743658919036389
+v -0.05391758117824793 -0.008841173723340034 0.10898935657143594
+v -0.05510264165699482 0.010494819842278957 0.07683558996915818
+v -0.03990887965395814 -0.005481416825205088 0.11212470989823342
+v -0.053988714665174485 0.008616076782345772 0.1097279139995575
+v -0.05429311186075211 -0.00527791865170002 0.11224903401136399
+v -0.039867356615141035 0.00869277399033308 0.10856622692346574
+v -0.06630941011011601 -0.01040126383304596 0.058566509751579725
+v -0.04258330418728292 0.010448622517287731 0.05854680107415188
+v -0.04178430512547493 -0.028010861948132515 -0.0063964021392166615
+v -0.09769713878631592 -0.019066786393523216 0.024627480655908585
+v -0.09701105952262878 0.01980205439031124 0.020913975313305855
+v -0.09099503606557846 -0.00017339896294288337 0.0005767836119048297
+v 0.0005787304835394025 -0.031635917723178864 0.005973074585199356
+v -0.09544170647859573 -0.021822135895490646 0.021756364032626152
+v -0.10028521716594696 0.016218392178416252 0.04586976766586304
+v 0.1000911220908165 -0.014017123728990555 0.056026946753263474
+v -0.09460194408893585 0.018555866554379463 0.056617286056280136
+v -0.09433312714099884 0.021342597901821136 0.008942007087171078
+v 0.08797474205493927 -0.0006270006415434182 -0.024961603805422783
+v -0.09127645939588547 -0.014421950094401836 0.06568973511457443
+v -0.09320925921201706 -0.01604551635682583 0.06361687183380127
+v -0.10042587667703629 -0.004494380671530962 0.058119092136621475
+v 0.09249575436115265 -0.012987935915589333 0.06571194529533386
+v -0.09116631746292114 -0.023555776104331017 0.004607920069247484
+v 0.09070632606744766 -0.015471714548766613 0.06519009917974472
+v -0.08543447405099869 -0.022732771933078766 -0.004120331723242998
+v -0.09289686381816864 -0.023026082664728165 0.009876862168312073
+v 0.09790761768817902 -0.01751038245856762 0.05166616290807724
+v 0.0005585200269706547 0.03158979117870331 0.006214227061718702
+v 0.10119467973709106 0.003602118231356144 -0.012627636082470417
+v 0.09665588289499283 0.0004695942625403404 0.06307835876941681
+v 0.09384757280349731 0.017607156187295914 0.058448486030101776
+v -0.04204234480857849 0.02801508456468582 -0.006349603645503521
+v 0.09945143014192581 3.1802206649445e-05 -0.017161205410957336
+v 0.04551994055509567 0.0019174328772351146 -0.025659434497356415
+v -0.09025220572948456 -0.01676723174750805 0.06433220207691193
+v 0.10030148178339005 0.001190581009723246 0.05862313136458397
+v -0.07437754422426224 0.024816755205392838 -0.007155700121074915
+v 0.10259784758090973 -0.0034295637160539627 -0.00896429643034935
+v 0.1027156412601471 0.003494761884212494 -0.008029340766370296
+v -0.08589234948158264 -0.02449524775147438 -0.0018327292054891586
+v 0.09406288713216782 0.0131387272849679 0.06468318402767181
+v -0.08206511288881302 -0.025270354002714157 0.0051970407366752625
+v -0.09466791152954102 -0.02065763622522354 0.009537984617054462
+v -0.08824997395277023 0.022314293310046196 -0.0019331998191773891
+v -0.09747105836868286 -0.0016167220892384648 0.06230733543634415
+v 0.09552478045225143 -0.017053674906492233 0.02212120220065117
+v -0.08335519582033157 0.022376984357833862 -0.005526112858206034
+v -0.09936285763978958 -0.016994841396808624 0.05411478504538536
+v 0.0968022570014 0.017033156007528305 0.030322037637233734
+v 0.09160291403532028 0.01695552095770836 0.005562833044677973
+v -0.09012892097234726 0.016734914854168892 0.06443186104297638
+v 0.09177957475185394 0.01571837067604065 0.06491253525018692
+v 0.0840023085474968 0.0018427835311740637 -0.02552490122616291
+v 0.08797289431095123 0.0030759950168430805 -0.02397872507572174
+v 0.09962863475084305 -0.016013137996196747 0.04930143058300018
+v -0.09201552718877792 -0.01844867318868637 0.058393169194459915
+v -0.08025997132062912 -0.0008337647304870188 -0.007321717217564583
+v -0.07576971501111984 -0.025980981066823006 -0.005082232877612114
+v -0.10019978880882263 0.015550931915640831 0.05467259883880615
+v 0.09941626340150833 0.015804897993803024 0.05497027188539505
+v 0.10374269634485245 -1.7281157852266915e-05 -0.00919930450618267
+v 0.08254846930503845 -0.0008678357116878033 -0.025870200246572495
+v 0.0875329002737999 -0.016812244430184364 -0.0012064524926245213
+v 0.08223627507686615 -0.016532698646187782 -0.005118109285831451
+v -0.09373555332422256 0.022707808762788773 0.014340022578835487
+v -0.09371249377727509 -0.012566703371703625 0.06516847014427185
+v -0.07666800171136856 -0.024650242179632187 -0.0069321258924901485
+v 0.08927122503519058 0.01713424362242222 0.0636143907904625
+v 0.08776598423719406 -0.0032150978222489357 -0.023884393274784088
+v -0.09726057201623917 -0.019229214638471603 0.05058842897415161
+v -0.09369184076786041 0.020670883357524872 0.04330829158425331
+v 0.09740705043077469 0.017585095018148422 0.051984645426273346
+v 0.09855398535728455 -0.01663215272128582 0.05473393574357033
+v 0.09344169497489929 -0.014617033302783966 0.06450004875659943
+v 0.08296618610620499 0.00381033169105649 -0.024449335411190987
+v -0.09092690050601959 -0.021324951201677322 0.0009798021055758
+v -0.09280849248170853 -0.0001125619382946752 0.06596215069293976
+v -0.0917946845293045 0.021482910960912704 0.0026841284707188606
+v 0.09998264163732529 -0.009323876351118088 0.058489199727773666
+v 0.08358591049909592 -0.0036368216387927532 -0.024606257677078247
+v 0.1001875177025795 0.012505676597356796 0.056894149631261826
+v -0.09290558844804764 0.015396904200315475 0.06455627083778381
+v 0.0851321741938591 0.016558213159441948 -0.0038727361243218184
+v 0.09294531494379044 -0.0005056463996879756 0.06595310568809509
+v 0.10115781426429749 -0.0036167786456644535 -0.012610324658453465
+v -0.07790137827396393 0.02295910380780697 -0.007399038877338171
+v -0.0857401043176651 0.024729391559958458 -0.0012316935462877154
+v -0.10016821324825287 -0.014623090624809265 0.055734917521476746
+v -0.09951794147491455 -0.018192630261182785 0.043814171105623245
+v 0.09070031344890594 -0.017254667356610298 0.0630820095539093
+v 0.0919061228632927 -0.016804175451397896 0.006295484956353903
+v 0.09953752160072327 0.016230100765824318 0.051584091037511826
+v -0.08118050545454025 0.025447947904467583 0.0035006047692149878
+v -0.09906721860170364 0.017129460349678993 0.05430515855550766
+v -0.08656162023544312 -0.00033731618896126747 -0.004163281060755253
+v -0.09461534768342972 -0.00031412430689670146 0.007574658375233412
+v -0.07529757916927338 0.026034310460090637 -0.005030847620218992
+v -0.08017436414957047 -0.02276112325489521 -0.006909539457410574
+v 0.0018608596874400973 0.03161578252911568 0.0011797059560194612
+v 0.0458698496222496 -0.0015001518186181784 -0.02592480182647705
+v -0.0817025899887085 0.024515172466635704 -0.005051423329859972
+v -0.10003473609685898 0.009941554628312588 0.05834079533815384
+v -0.09267213940620422 0.013539588078856468 0.0656878799200058
+v -0.09849356859922409 0.019268833100795746 0.0449417382478714
+v -0.09040140360593796 0.023869164288043976 0.004368236754089594
+v 0.0019865017384290695 -0.031597502529621124 0.001152931246906519
+v -0.09849606454372406 -1.593970591784455e-05 0.027081793174147606
+v 0.10398972034454346 -4.109224391868338e-05 0.005690876394510269
+v 0.09192700684070587 0.01342480443418026 0.06573130935430527
+f 5 18 3
+f 3 8 17
+f 17 8 9
+f 18 6 3
+f 10 9 4
+f 3 17 5
+f 14 12 10
+f 12 16 18
+f 14 16 12
+f 7 3 6
+f 18 16 6
+f 16 13 6
+f 10 12 18
+f 10 18 5
+f 10 5 9
+f 9 15 4
+f 1 15 9
+f 7 13 1
+f 3 7 8
+f 10 4 14
+f 5 17 9
+f 8 11 9
+f 11 1 9
+f 4 13 2
+f 15 13 4
+f 16 2 13
+f 2 16 14
+f 13 7 6
+f 1 13 15
+f 7 11 8
+f 2 14 4
+f 1 11 7
+f 23 36 21
+f 21 26 35
+f 35 26 27
+f 36 24 21
+f 28 27 22
+f 21 35 23
+f 32 30 28
+f 30 34 36
+f 32 34 30
+f 25 21 24
+f 36 34 24
+f 34 31 24
+f 28 30 36
+f 28 36 23
+f 28 23 27
+f 27 33 22
+f 19 33 27
+f 25 31 19
+f 21 25 26
+f 28 22 32
+f 23 35 27
+f 26 29 27
+f 29 19 27
+f 22 31 20
+f 33 31 22
+f 34 20 31
+f 20 34 32
+f 31 25 24
+f 19 31 33
+f 25 29 26
+f 20 32 22
+f 19 29 25
+f 80 97 57
+f 75 56 135
+f 87 135 41
+f 78 128 101
+f 128 57 101
+f 45 80 57
+f 120 135 92
+f 41 135 56
+f 75 135 120
+f 121 137 90
+f 114 67 120
+f 71 87 41
+f 37 135 87
+f 106 95 48
+f 119 53 64
+f 79 128 78
+f 97 60 57
+f 60 101 57
+f 110 137 121
+f 88 133 43
+f 63 61 104
+f 100 57 122
+f 135 109 93
+f 119 41 56
+f 44 84 137
+f 114 92 98
+f 106 48 51
+f 51 113 106
+f 132 106 113
+f 113 138 132
+f 71 41 99
+f 78 101 121
+f 104 128 112
+f 68 79 78
+f 128 104 61
+f 45 100 133
+f 100 45 57
+f 100 122 134
+f 100 94 133
+f 94 100 134
+f 128 61 126
+f 128 126 122
+f 128 122 57
+f 66 61 63
+f 129 86 115
+f 86 129 127
+f 115 66 63
+f 109 135 37
+f 62 114 98
+f 93 109 98
+f 92 93 98
+f 92 135 93
+f 102 119 56
+f 62 58 90
+f 84 102 56
+f 137 84 90
+f 74 106 132
+f 106 74 95
+f 80 132 81
+f 138 81 132
+f 119 85 41
+f 85 119 64
+f 85 99 41
+f 47 62 98
+f 83 104 112
+f 81 97 80
+f 43 133 39
+f 131 74 132
+f 133 123 45
+f 125 136 39
+f 126 61 66
+f 124 73 76
+f 105 54 69
+f 82 129 63
+f 129 96 127
+f 75 84 56
+f 68 121 90
+f 62 90 114
+f 87 71 69
+f 48 53 51
+f 64 53 48
+f 113 70 138
+f 44 137 108
+f 38 136 125
+f 74 50 95
+f 43 117 50
+f 112 79 58
+f 58 79 68
+f 58 68 90
+f 81 89 60
+f 89 110 121
+f 70 89 81
+f 89 70 110
+f 78 121 68
+f 89 121 101
+f 101 60 89
+f 50 74 131
+f 63 104 82
+f 125 39 46
+f 136 43 39
+f 127 54 124
+f 73 40 107
+f 124 76 86
+f 86 76 115
+f 63 129 115
+f 37 96 129
+f 37 87 96
+f 130 73 116
+f 109 37 129
+f 72 38 125
+f 117 95 50
+f 79 112 128
+f 65 70 59
+f 88 43 131
+f 131 43 50
+f 134 46 94
+f 123 133 88
+f 132 111 131
+f 111 88 131
+f 111 45 123
+f 54 105 124
+f 116 126 130
+f 46 134 107
+f 105 125 40
+f 40 125 107
+f 91 129 82
+f 109 129 91
+f 92 114 120
+f 84 44 102
+f 67 90 84
+f 67 75 120
+f 113 59 70
+f 65 59 108
+f 137 110 65
+f 65 108 137
+f 52 69 71
+f 83 62 47
+f 47 82 83
+f 62 83 58
+f 112 58 83
+f 97 81 60
+f 70 81 138
+f 70 65 110
+f 82 104 83
+f 111 123 88
+f 111 132 80
+f 45 111 80
+f 125 46 107
+f 39 94 46
+f 94 39 133
+f 115 130 66
+f 126 116 122
+f 116 134 122
+f 105 40 124
+f 124 40 73
+f 86 127 124
+f 84 75 67
+f 67 114 90
+f 103 108 51
+f 108 59 51
+f 44 103 102
+f 53 103 51
+f 55 42 72
+f 118 43 136
+f 117 43 118
+f 52 105 69
+f 91 82 47
+f 73 130 76
+f 126 66 130
+f 73 107 134
+f 116 73 134
+f 44 108 103
+f 51 59 113
+f 119 103 53
+f 49 99 85
+f 85 64 49
+f 77 99 49
+f 52 55 72
+f 99 42 71
+f 42 55 71
+f 55 52 71
+f 52 72 105
+f 117 49 95
+f 64 48 49
+f 130 115 76
+f 69 54 96
+f 96 54 127
+f 96 87 69
+f 77 117 118
+f 72 42 38
+f 99 118 42
+f 118 99 77
+f 105 72 125
+f 117 77 49
+f 48 95 49
+f 98 91 47
+f 119 102 103
+f 38 118 136
+f 98 109 91
+f 118 38 42
diff --git a/gripper_models/panda_pc.npy b/gripper_models/panda_pc.npy
new file mode 100644
index 0000000..24d4abe
Binary files /dev/null and b/gripper_models/panda_pc.npy differ
diff --git a/gripper_models/yumi_gripper/base.stl b/gripper_models/yumi_gripper/base.stl
new file mode 100644
index 0000000..81e64db
Binary files /dev/null and b/gripper_models/yumi_gripper/base.stl differ
diff --git a/gripper_models/yumi_gripper/base_coarse.stl b/gripper_models/yumi_gripper/base_coarse.stl
new file mode 100644
index 0000000..e88c3ac
Binary files /dev/null and b/gripper_models/yumi_gripper/base_coarse.stl differ
diff --git a/gripper_models/yumi_gripper/finger.stl b/gripper_models/yumi_gripper/finger.stl
new file mode 100644
index 0000000..b74c695
Binary files /dev/null and b/gripper_models/yumi_gripper/finger.stl differ
diff --git a/gripper_models/yumi_gripper/finger_coarse.stl b/gripper_models/yumi_gripper/finger_coarse.stl
new file mode 100644
index 0000000..f825ded
Binary files /dev/null and b/gripper_models/yumi_gripper/finger_coarse.stl differ
diff --git a/pointnet2/LICENSE b/pointnet2/LICENSE
new file mode 100644
index 0000000..41987f9
--- /dev/null
+++ b/pointnet2/LICENSE
@@ -0,0 +1,25 @@
+PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space.
+
+Copyright (c) 2017, Geometric Computation Group of Stanford University
+
+The MIT License (MIT)
+
+Copyright (c) 2017 Charles R. Qi
+
+Permission is hereby granted, free of charge, to any person obtaining a copy
+of this software and associated documentation files (the "Software"), to deal
+in the Software without restriction, including without limitation the rights
+to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
+copies of the Software, and to permit persons to whom the Software is
+furnished to do so, subject to the following conditions:
+
+The above copyright notice and this permission notice shall be included in all
+copies or substantial portions of the Software.
+
+THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
+IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
+FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
+AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
+LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
+OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
+SOFTWARE.
diff --git a/pointnet2/README.md b/pointnet2/README.md
new file mode 100644
index 0000000..04a1528
--- /dev/null
+++ b/pointnet2/README.md
@@ -0,0 +1,93 @@
+### PointNet++: *Deep Hierarchical Feature Learning on Point Sets in a Metric Space*
+Created by Charles R. Qi, Li (Eric) Yi, Hao Su, Leonidas J. Guibas from Stanford University.
+
+![prediction example](https://github.com/charlesq34/pointnet2/blob/master/doc/teaser.jpg)
+
+### Citation
+If you find our work useful in your research, please consider citing:
+
+ @article{qi2017pointnetplusplus,
+ title={PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space},
+ author={Qi, Charles R and Yi, Li and Su, Hao and Guibas, Leonidas J},
+ journal={arXiv preprint arXiv:1706.02413},
+ year={2017}
+ }
+
+### Introduction
+This work is based on our NIPS'17 paper. You can find arXiv version of the paper here or check project webpage for a quick overview. PointNet++ is a follow-up project that builds on and extends PointNet. It is version 2.0 of the PointNet architecture.
+
+PointNet (the v1 model) either transforms features of *individual points* independently or process global features of the *entire point set*. However, in many cases there are well defined distance metrics such as Euclidean distance for 3D point clouds collected by 3D sensors or geodesic distance for manifolds like isometric shape surfaces. In PointNet++ we want to respect *spatial localities* of those point sets. PointNet++ learns hierarchical features with increasing scales of contexts, just like that in convolutional neural networks. Besides, we also observe one challenge that is not present in convnets (with images) -- non-uniform densities in natural point clouds. To deal with those non-uniform densities, we further propose special layers that are able to intelligently aggregate information from different scales.
+
+In this repository we release code and data for our PointNet++ classification and segmentation networks as well as a few utility scripts for training, testing and data processing and visualization.
+
+### Installation
+
+Install TensorFlow. The code is tested under TF1.2 GPU version and Python 2.7 (version 3 should also work) on Ubuntu 14.04. There are also some dependencies for a few Python libraries for data processing and visualizations like `cv2`, `h5py` etc. It's highly recommended that you have access to GPUs.
+
+#### Compile Customized TF Operators
+The TF operators are included under `tf_ops`, you need to compile them (check `tf_xxx_compile.sh` under each ops subfolder) first. Update `nvcc` and `python` path if necessary. The code is tested under TF1.2.0. If you are using earlier version it's possible that you need to remove the `-D_GLIBCXX_USE_CXX11_ABI=0` flag in g++ command in order to compile correctly.
+
+To compile the operators in TF version >=1.4, you need to modify the compile scripts slightly.
+
+First, find Tensorflow include and library paths.
+
+ TF_INC=$(python -c 'import tensorflow as tf; print(tf.sysconfig.get_include())')
+ TF_LIB=$(python -c 'import tensorflow as tf; print(tf.sysconfig.get_lib())')
+
+Then, add flags of `-I$TF_INC/external/nsync/public -L$TF_LIB -ltensorflow_framework` to the `g++` commands.
+
+### Usage
+
+#### Shape Classification
+
+To train a PointNet++ model to classify ModelNet40 shapes (using point clouds with XYZ coordinates):
+
+ python train.py
+
+To see all optional arguments for training:
+
+ python train.py -h
+
+If you have multiple GPUs on your machine, you can also run the multi-GPU version training (our implementation is similar to the tensorflow cifar10 tutorial):
+
+ CUDA_VISIBLE_DEVICES=0,1 python train_multi_gpu.py --num_gpus 2
+
+After training, to evaluate the classification accuracies (with optional multi-angle voting):
+
+ python evaluate.py --num_votes 12
+
+Side Note: For the XYZ+normal experiment reported in our paper: (1) 5000 points are used and (2) a further random data dropout augmentation is used during training (see commented line after `augment_batch_data` in `train.py` and (3) the model architecture is updated such that the `nsample=128` in the first two set abstraction levels, which is suited for the larger point density in 5000-point samplings.
+
+To use normal features for classification: You can get our sampled point clouds of ModelNet40 (XYZ and normal from mesh, 10k points per shape) here (1.6GB). Move the uncompressed data folder to `data/modelnet40_normal_resampled`
+
+#### Object Part Segmentation
+
+To train a model to segment object parts for ShapeNet models:
+
+ cd part_seg
+ python train.py
+
+Preprocessed ShapeNetPart dataset (XYZ, normal and part labels) can be found here (674MB). Move the uncompressed data folder to `data/shapenetcore_partanno_segmentation_benchmark_v0_normal`
+
+#### Semantic Scene Parsing
+
+See `scannet/README` and `scannet/train.py` for details.
+
+#### Visualization Tools
+We have provided a handy point cloud visualization tool under `utils`. Run `sh compile_render_balls_so.sh` to compile it and then you can try the demo with `python show3d_balls.py` The original code is from here.
+
+#### Prepare Your Own Data
+You can refer to here on how to prepare your own HDF5 files for either classification or segmentation. Or you can refer to `modelnet_dataset.py` on how to read raw data files and prepare mini-batches from them. A more advanced way is to use TensorFlow's dataset APIs, for which you can find more documentations here.
+
+### License
+Our code is released under MIT License (see LICENSE file for details).
+
+### Updates
+* 02/23/2018: Added support for multi-gpu training for the classification task.
+* 02/23/2018: Adopted a new way for data loading. No longer require manual data downloading to train a classification network.
+* 02/06/2018: Added sample training code for ScanNet semantic segmentation.
+
+### Related Projects
+
+* PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation by Qi et al. (CVPR 2017 Oral Presentation). Code and data released in GitHub.
+* Frustum PointNets for 3D Object Detection from RGB-D Data by Qi et al. (CVPR 2018) A novel framework for 3D object detection with RGB-D data. Based on 2D boxes from a 2D object detector on RGB images, we extrude the depth maps in 2D boxes to point clouds in 3D space and then realize instance segmentation and 3D bounding box estimation using PointNet/PointNet++. The method proposed has achieved first place on KITTI 3D object detection benchmark on all categories (last checked on 11/30/2017). Code and data release TBD.
diff --git a/pointnet2/data/README.md b/pointnet2/data/README.md
new file mode 100644
index 0000000..1538b83
--- /dev/null
+++ b/pointnet2/data/README.md
@@ -0,0 +1,4 @@
+#### Point Cloud Data
+You can get our sampled point clouds of ModelNet40 (XYZ and normal from mesh, 10k points per shape) at this link. The ShapeNetPart dataset (XYZ, normal and part labels) can be found here.
+
+Uncompress the downloaded data in this directory.
diff --git a/pointnet2/doc/teaser.jpg b/pointnet2/doc/teaser.jpg
new file mode 100644
index 0000000..4a7389c
Binary files /dev/null and b/pointnet2/doc/teaser.jpg differ
diff --git a/pointnet2/evaluate.py b/pointnet2/evaluate.py
new file mode 100644
index 0000000..b547703
--- /dev/null
+++ b/pointnet2/evaluate.py
@@ -0,0 +1,164 @@
+'''
+ Evaluate classification performance with optional voting.
+ Will use H5 dataset in default. If using normal, will shift to the normal dataset.
+'''
+import tensorflow as tf
+import numpy as np
+import argparse
+import socket
+import importlib
+import time
+import os
+import scipy.misc
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+ROOT_DIR = BASE_DIR
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(ROOT_DIR, 'models'))
+sys.path.append(os.path.join(ROOT_DIR, 'utils'))
+import provider
+import modelnet_dataset
+import modelnet_h5_dataset
+
+parser = argparse.ArgumentParser()
+parser.add_argument('--gpu', type=int, default=0, help='GPU to use [default: GPU 0]')
+parser.add_argument('--model', default='pointnet2_cls_ssg', help='Model name. [default: pointnet2_cls_ssg]')
+parser.add_argument('--batch_size', type=int, default=16, help='Batch Size during training [default: 16]')
+parser.add_argument('--num_point', type=int, default=1024, help='Point Number [256/512/1024/2048] [default: 1024]')
+parser.add_argument('--model_path', default='log/model.ckpt', help='model checkpoint file path [default: log/model.ckpt]')
+parser.add_argument('--dump_dir', default='dump', help='dump folder path [dump]')
+parser.add_argument('--normal', action='store_true', help='Whether to use normal information')
+parser.add_argument('--num_votes', type=int, default=1, help='Aggregate classification scores from multiple rotations [default: 1]')
+FLAGS = parser.parse_args()
+
+
+BATCH_SIZE = FLAGS.batch_size
+NUM_POINT = FLAGS.num_point
+MODEL_PATH = FLAGS.model_path
+GPU_INDEX = FLAGS.gpu
+MODEL = importlib.import_module(FLAGS.model) # import network module
+DUMP_DIR = FLAGS.dump_dir
+if not os.path.exists(DUMP_DIR): os.mkdir(DUMP_DIR)
+LOG_FOUT = open(os.path.join(DUMP_DIR, 'log_evaluate.txt'), 'w')
+LOG_FOUT.write(str(FLAGS)+'\n')
+
+NUM_CLASSES = 40
+SHAPE_NAMES = [line.rstrip() for line in \
+ open(os.path.join(ROOT_DIR, 'data/modelnet40_ply_hdf5_2048/shape_names.txt'))]
+
+HOSTNAME = socket.gethostname()
+
+# Shapenet official train/test split
+if FLAGS.normal:
+ assert(NUM_POINT<=10000)
+ DATA_PATH = os.path.join(ROOT_DIR, 'data/modelnet40_normal_resampled')
+ TRAIN_DATASET = modelnet_dataset.ModelNetDataset(root=DATA_PATH, npoints=NUM_POINT, split='train', normal_channel=FLAGS.normal, batch_size=BATCH_SIZE)
+ TEST_DATASET = modelnet_dataset.ModelNetDataset(root=DATA_PATH, npoints=NUM_POINT, split='test', normal_channel=FLAGS.normal, batch_size=BATCH_SIZE)
+else:
+ assert(NUM_POINT<=2048)
+ TRAIN_DATASET = modelnet_h5_dataset.ModelNetH5Dataset(os.path.join(BASE_DIR, 'data/modelnet40_ply_hdf5_2048/train_files.txt'), batch_size=BATCH_SIZE, npoints=NUM_POINT, shuffle=True)
+ TEST_DATASET = modelnet_h5_dataset.ModelNetH5Dataset(os.path.join(BASE_DIR, 'data/modelnet40_ply_hdf5_2048/test_files.txt'), batch_size=BATCH_SIZE, npoints=NUM_POINT, shuffle=False)
+
+def log_string(out_str):
+ LOG_FOUT.write(out_str+'\n')
+ LOG_FOUT.flush()
+ print(out_str)
+
+def evaluate(num_votes):
+ is_training = False
+
+ with tf.device('/gpu:'+str(GPU_INDEX)):
+ pointclouds_pl, labels_pl = MODEL.placeholder_inputs(BATCH_SIZE, NUM_POINT)
+ is_training_pl = tf.placeholder(tf.bool, shape=())
+
+ # simple model
+ pred, end_points = MODEL.get_model(pointclouds_pl, is_training_pl)
+ MODEL.get_loss(pred, labels_pl, end_points)
+ losses = tf.get_collection('losses')
+ total_loss = tf.add_n(losses, name='total_loss')
+
+ # Add ops to save and restore all the variables.
+ saver = tf.train.Saver()
+
+ # Create a session
+ config = tf.ConfigProto()
+ config.gpu_options.allow_growth = True
+ config.allow_soft_placement = True
+ config.log_device_placement = False
+ sess = tf.Session(config=config)
+
+ # Restore variables from disk.
+ saver.restore(sess, MODEL_PATH)
+ log_string("Model restored.")
+
+ ops = {'pointclouds_pl': pointclouds_pl,
+ 'labels_pl': labels_pl,
+ 'is_training_pl': is_training_pl,
+ 'pred': pred,
+ 'loss': total_loss}
+
+ eval_one_epoch(sess, ops, num_votes)
+
+def eval_one_epoch(sess, ops, num_votes=1, topk=1):
+ is_training = False
+
+ # Make sure batch data is of same size
+ cur_batch_data = np.zeros((BATCH_SIZE,NUM_POINT,TEST_DATASET.num_channel()))
+ cur_batch_label = np.zeros((BATCH_SIZE), dtype=np.int32)
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ batch_idx = 0
+ shape_ious = []
+ total_seen_class = [0 for _ in range(NUM_CLASSES)]
+ total_correct_class = [0 for _ in range(NUM_CLASSES)]
+
+ while TEST_DATASET.has_next_batch():
+ batch_data, batch_label = TEST_DATASET.next_batch(augment=False)
+ bsize = batch_data.shape[0]
+ print('Batch: %03d, batch size: %d'%(batch_idx, bsize))
+ # for the last batch in the epoch, the bsize:end are from last batch
+ cur_batch_data[0:bsize,...] = batch_data
+ cur_batch_label[0:bsize] = batch_label
+
+ batch_pred_sum = np.zeros((BATCH_SIZE, NUM_CLASSES)) # score for classes
+ for vote_idx in range(num_votes):
+ # Shuffle point order to achieve different farthest samplings
+ shuffled_indices = np.arange(NUM_POINT)
+ np.random.shuffle(shuffled_indices)
+ if FLAGS.normal:
+ rotated_data = provider.rotate_point_cloud_by_angle_with_normal(cur_batch_data[:, shuffled_indices, :],
+ vote_idx/float(num_votes) * np.pi * 2)
+ else:
+ rotated_data = provider.rotate_point_cloud_by_angle(cur_batch_data[:, shuffled_indices, :],
+ vote_idx/float(num_votes) * np.pi * 2)
+ feed_dict = {ops['pointclouds_pl']: rotated_data,
+ ops['labels_pl']: cur_batch_label,
+ ops['is_training_pl']: is_training}
+ loss_val, pred_val = sess.run([ops['loss'], ops['pred']], feed_dict=feed_dict)
+ batch_pred_sum += pred_val
+ pred_val = np.argmax(batch_pred_sum, 1)
+ correct = np.sum(pred_val[0:bsize] == batch_label[0:bsize])
+ total_correct += correct
+ total_seen += bsize
+ loss_sum += loss_val
+ batch_idx += 1
+ for i in range(bsize):
+ l = batch_label[i]
+ total_seen_class[l] += 1
+ total_correct_class[l] += (pred_val[i] == l)
+
+ log_string('eval mean loss: %f' % (loss_sum / float(batch_idx)))
+ log_string('eval accuracy: %f'% (total_correct / float(total_seen)))
+ log_string('eval avg class acc: %f' % (np.mean(np.array(total_correct_class)/np.array(total_seen_class,dtype=np.float))))
+
+ class_accuracies = np.array(total_correct_class)/np.array(total_seen_class,dtype=np.float)
+ for i, name in enumerate(SHAPE_NAMES):
+ log_string('%10s:\t%0.3f' % (name, class_accuracies[i]))
+
+
+if __name__=='__main__':
+ with tf.Graph().as_default():
+ evaluate(num_votes=FLAGS.num_votes)
+ LOG_FOUT.close()
diff --git a/pointnet2/modelnet_dataset.py b/pointnet2/modelnet_dataset.py
new file mode 100644
index 0000000..78f326e
--- /dev/null
+++ b/pointnet2/modelnet_dataset.py
@@ -0,0 +1,144 @@
+'''
+ ModelNet dataset. Support ModelNet40, ModelNet10, XYZ and normal channels. Up to 10000 points.
+'''
+
+import os
+import os.path
+import json
+import numpy as np
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+ROOT_DIR = BASE_DIR
+sys.path.append(os.path.join(ROOT_DIR, 'utils'))
+import provider
+
+def pc_normalize(pc):
+ l = pc.shape[0]
+ centroid = np.mean(pc, axis=0)
+ pc = pc - centroid
+ m = np.max(np.sqrt(np.sum(pc**2, axis=1)))
+ pc = pc / m
+ return pc
+
+class ModelNetDataset():
+ def __init__(self, root, batch_size = 32, npoints = 1024, split='train', normalize=True, normal_channel=False, modelnet10=False, cache_size=15000, shuffle=None):
+ self.root = root
+ self.batch_size = batch_size
+ self.npoints = npoints
+ self.normalize = normalize
+ if modelnet10:
+ self.catfile = os.path.join(self.root, 'modelnet10_shape_names.txt')
+ else:
+ self.catfile = os.path.join(self.root, 'shape_names.txt')
+ self.cat = [line.rstrip() for line in open(self.catfile)]
+ self.classes = dict(zip(self.cat, range(len(self.cat))))
+ self.normal_channel = normal_channel
+
+ shape_ids = {}
+ if modelnet10:
+ shape_ids['train'] = [line.rstrip() for line in open(os.path.join(self.root, 'modelnet10_train.txt'))]
+ shape_ids['test']= [line.rstrip() for line in open(os.path.join(self.root, 'modelnet10_test.txt'))]
+ else:
+ shape_ids['train'] = [line.rstrip() for line in open(os.path.join(self.root, 'modelnet40_train.txt'))]
+ shape_ids['test']= [line.rstrip() for line in open(os.path.join(self.root, 'modelnet40_test.txt'))]
+ assert(split=='train' or split=='test')
+ shape_names = ['_'.join(x.split('_')[0:-1]) for x in shape_ids[split]]
+ # list of (shape_name, shape_txt_file_path) tuple
+ self.datapath = [(shape_names[i], os.path.join(self.root, shape_names[i], shape_ids[split][i])+'.txt') for i in range(len(shape_ids[split]))]
+
+ self.cache_size = cache_size # how many data points to cache in memory
+ self.cache = {} # from index to (point_set, cls) tuple
+
+ if shuffle is None:
+ if split == 'train': self.shuffle = True
+ else: self.shuffle = False
+ else:
+ self.shuffle = shuffle
+
+ self.reset()
+
+ def _augment_batch_data(self, batch_data):
+ if self.normal_channel:
+ rotated_data = provider.rotate_point_cloud_with_normal(batch_data)
+ rotated_data = provider.rotate_perturbation_point_cloud_with_normal(rotated_data)
+ else:
+ rotated_data = provider.rotate_point_cloud(batch_data)
+ rotated_data = provider.rotate_perturbation_point_cloud(rotated_data)
+
+ jittered_data = provider.random_scale_point_cloud(rotated_data[:,:,0:3])
+ jittered_data = provider.shift_point_cloud(jittered_data)
+ jittered_data = provider.jitter_point_cloud(jittered_data)
+ rotated_data[:,:,0:3] = jittered_data
+ return provider.shuffle_points(rotated_data)
+
+
+ def _get_item(self, index):
+ if index in self.cache:
+ point_set, cls = self.cache[index]
+ else:
+ fn = self.datapath[index]
+ cls = self.classes[self.datapath[index][0]]
+ cls = np.array([cls]).astype(np.int32)
+ point_set = np.loadtxt(fn[1],delimiter=',').astype(np.float32)
+ # Take the first npoints
+ point_set = point_set[0:self.npoints,:]
+ if self.normalize:
+ point_set[:,0:3] = pc_normalize(point_set[:,0:3])
+ if not self.normal_channel:
+ point_set = point_set[:,0:3]
+ if len(self.cache) < self.cache_size:
+ self.cache[index] = (point_set, cls)
+ return point_set, cls
+
+ def __getitem__(self, index):
+ return self._get_item(index)
+
+ def __len__(self):
+ return len(self.datapath)
+
+ def num_channel(self):
+ if self.normal_channel:
+ return 6
+ else:
+ return 3
+
+ def reset(self):
+ self.idxs = np.arange(0, len(self.datapath))
+ if self.shuffle:
+ np.random.shuffle(self.idxs)
+ self.num_batches = (len(self.datapath)+self.batch_size-1) // self.batch_size
+ self.batch_idx = 0
+
+ def has_next_batch(self):
+ return self.batch_idx < self.num_batches
+
+ def next_batch(self, augment=False):
+ ''' returned dimension may be smaller than self.batch_size '''
+ start_idx = self.batch_idx * self.batch_size
+ end_idx = min((self.batch_idx+1) * self.batch_size, len(self.datapath))
+ bsize = end_idx - start_idx
+ batch_data = np.zeros((bsize, self.npoints, self.num_channel()))
+ batch_label = np.zeros((bsize), dtype=np.int32)
+ for i in range(bsize):
+ ps,cls = self._get_item(self.idxs[i+start_idx])
+ batch_data[i] = ps
+ batch_label[i] = cls
+ self.batch_idx += 1
+ if augment: batch_data = self._augment_batch_data(batch_data)
+ return batch_data, batch_label
+
+if __name__ == '__main__':
+ d = ModelNetDataset(root = '../data/modelnet40_normal_resampled', split='test')
+ print(d.shuffle)
+ print(len(d))
+ import time
+ tic = time.time()
+ for i in range(10):
+ ps, cls = d[i]
+ print(time.time() - tic)
+ print(ps.shape, type(ps), cls)
+
+ print(d.has_next_batch())
+ ps_batch, cls_batch = d.next_batch(True)
+ print(ps_batch.shape)
+ print(cls_batch.shape)
diff --git a/pointnet2/modelnet_h5_dataset.py b/pointnet2/modelnet_h5_dataset.py
new file mode 100644
index 0000000..ecd6e16
--- /dev/null
+++ b/pointnet2/modelnet_h5_dataset.py
@@ -0,0 +1,126 @@
+'''
+ ModelNet dataset. Support ModelNet40, XYZ channels. Up to 2048 points.
+ Faster IO than ModelNetDataset in the first epoch.
+'''
+
+import os
+import sys
+import numpy as np
+import h5py
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+sys.path.append(BASE_DIR)
+ROOT_DIR = BASE_DIR
+sys.path.append(os.path.join(ROOT_DIR, 'utils'))
+import provider
+
+
+# Download dataset for point cloud classification
+DATA_DIR = os.path.join(ROOT_DIR, 'data')
+if not os.path.exists(DATA_DIR):
+ os.mkdir(DATA_DIR)
+if not os.path.exists(os.path.join(DATA_DIR, 'modelnet40_ply_hdf5_2048')):
+ www = 'https://shapenet.cs.stanford.edu/media/modelnet40_ply_hdf5_2048.zip'
+ zipfile = os.path.basename(www)
+ os.system('wget %s; unzip %s' % (www, zipfile))
+ os.system('mv %s %s' % (zipfile[:-4], DATA_DIR))
+ os.system('rm %s' % (zipfile))
+
+
+def shuffle_data(data, labels):
+ """ Shuffle data and labels.
+ Input:
+ data: B,N,... numpy array
+ label: B,... numpy array
+ Return:
+ shuffled data, label and shuffle indices
+ """
+ idx = np.arange(len(labels))
+ np.random.shuffle(idx)
+ return data[idx, ...], labels[idx], idx
+
+def getDataFiles(list_filename):
+ return [line.rstrip() for line in open(list_filename)]
+
+def load_h5(h5_filename):
+ f = h5py.File(h5_filename)
+ data = f['data'][:]
+ label = f['label'][:]
+ return (data, label)
+
+def loadDataFile(filename):
+ return load_h5(filename)
+
+
+class ModelNetH5Dataset(object):
+ def __init__(self, list_filename, batch_size = 32, npoints = 1024, shuffle=True):
+ self.list_filename = list_filename
+ self.batch_size = batch_size
+ self.npoints = npoints
+ self.shuffle = shuffle
+ self.h5_files = getDataFiles(self.list_filename)
+ self.reset()
+
+ def reset(self):
+ ''' reset order of h5 files '''
+ self.file_idxs = np.arange(0, len(self.h5_files))
+ if self.shuffle: np.random.shuffle(self.file_idxs)
+ self.current_data = None
+ self.current_label = None
+ self.current_file_idx = 0
+ self.batch_idx = 0
+
+ def _augment_batch_data(self, batch_data):
+ rotated_data = provider.rotate_point_cloud(batch_data)
+ rotated_data = provider.rotate_perturbation_point_cloud(rotated_data)
+ jittered_data = provider.random_scale_point_cloud(rotated_data[:,:,0:3])
+ jittered_data = provider.shift_point_cloud(jittered_data)
+ jittered_data = provider.jitter_point_cloud(jittered_data)
+ rotated_data[:,:,0:3] = jittered_data
+ return provider.shuffle_points(rotated_data)
+
+
+ def _get_data_filename(self):
+ return self.h5_files[self.file_idxs[self.current_file_idx]]
+
+ def _load_data_file(self, filename):
+ self.current_data,self.current_label = load_h5(filename)
+ self.current_label = np.squeeze(self.current_label)
+ self.batch_idx = 0
+ if self.shuffle:
+ self.current_data, self.current_label, _ = shuffle_data(self.current_data,self.current_label)
+
+ def _has_next_batch_in_file(self):
+ return self.batch_idx*self.batch_size < self.current_data.shape[0]
+
+ def num_channel(self):
+ return 3
+
+ def has_next_batch(self):
+ # TODO: add backend thread to load data
+ if (self.current_data is None) or (not self._has_next_batch_in_file()):
+ if self.current_file_idx >= len(self.h5_files):
+ return False
+ self._load_data_file(self._get_data_filename())
+ self.batch_idx = 0
+ self.current_file_idx += 1
+ return self._has_next_batch_in_file()
+
+ def next_batch(self, augment=False):
+ ''' returned dimension may be smaller than self.batch_size '''
+ start_idx = self.batch_idx * self.batch_size
+ end_idx = min((self.batch_idx+1) * self.batch_size, self.current_data.shape[0])
+ bsize = end_idx - start_idx
+ batch_label = np.zeros((bsize), dtype=np.int32)
+ data_batch = self.current_data[start_idx:end_idx, 0:self.npoints, :].copy()
+ label_batch = self.current_label[start_idx:end_idx].copy()
+ self.batch_idx += 1
+ if augment: data_batch = self._augment_batch_data(data_batch)
+ return data_batch, label_batch
+
+if __name__=='__main__':
+ d = ModelNetH5Dataset('data/modelnet40_ply_hdf5_2048/train_files.txt')
+ print(d.shuffle)
+ print(d.has_next_batch())
+ ps_batch, cls_batch = d.next_batch(True)
+ print(ps_batch.shape)
+ print(cls_batch.shape)
diff --git a/pointnet2/models/frustrum_pontnets_v2.py b/pointnet2/models/frustrum_pontnets_v2.py
new file mode 100644
index 0000000..79ebb47
--- /dev/null
+++ b/pointnet2/models/frustrum_pontnets_v2.py
@@ -0,0 +1,182 @@
+''' Frustum PointNets v2 Model.
+'''
+from __future__ import print_function
+
+import sys
+import os
+import tensorflow as tf
+import numpy as np
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+ROOT_DIR = os.path.dirname(BASE_DIR)
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(ROOT_DIR, 'utils'))
+import tf_util
+from pointnet_util import pointnet_sa_module, pointnet_sa_module_msg, pointnet_fp_module
+from model_util import NUM_HEADING_BIN, NUM_SIZE_CLUSTER, NUM_OBJECT_POINT
+from model_util import point_cloud_masking, get_center_regression_net
+from model_util import placeholder_inputs, parse_output_to_tensors, get_loss
+
+
+def get_instance_seg_v2_net(point_cloud, one_hot_vec,
+ is_training, bn_decay, end_points):
+ ''' 3D instance segmentation PointNet v2 network.
+ Input:
+ point_cloud: TF tensor in shape (B,N,4)
+ frustum point clouds with XYZ and intensity in point channels
+ XYZs are in frustum coordinate
+ one_hot_vec: TF tensor in shape (B,3)
+ length-3 vectors indicating predicted object type
+ is_training: TF boolean scalar
+ bn_decay: TF float scalar
+ end_points: dict
+ Output:
+ logits: TF tensor in shape (B,N,2), scores for bkg/clutter and object
+ end_points: dict
+ '''
+
+ l0_xyz = tf.slice(point_cloud, [0,0,0], [-1,-1,3])
+ l0_points = tf.slice(point_cloud, [0,0,3], [-1,-1,1])
+
+ # Set abstraction layers
+ l1_xyz, l1_points = pointnet_sa_module_msg(l0_xyz, l0_points,
+ 128, [0.2,0.4,0.8], [32,64,128],
+ [[32,32,64], [64,64,128], [64,96,128]],
+ is_training, bn_decay, scope='layer1')
+ l2_xyz, l2_points = pointnet_sa_module_msg(l1_xyz, l1_points,
+ 32, [0.4,0.8,1.6], [64,64,128],
+ [[64,64,128], [128,128,256], [128,128,256]],
+ is_training, bn_decay, scope='layer2')
+ l3_xyz, l3_points, _ = pointnet_sa_module(l2_xyz, l2_points,
+ npoint=None, radius=None, nsample=None, mlp=[128,256,1024],
+ mlp2=None, group_all=True, is_training=is_training,
+ bn_decay=bn_decay, scope='layer3')
+
+ # Feature Propagation layers
+ l3_points = tf.concat([l3_points, tf.expand_dims(one_hot_vec, 1)], axis=2)
+ l2_points = pointnet_fp_module(l2_xyz, l3_xyz, l2_points, l3_points,
+ [128,128], is_training, bn_decay, scope='fa_layer1')
+ l1_points = pointnet_fp_module(l1_xyz, l2_xyz, l1_points, l2_points,
+ [128,128], is_training, bn_decay, scope='fa_layer2')
+ l0_points = pointnet_fp_module(l0_xyz, l1_xyz,
+ tf.concat([l0_xyz,l0_points],axis=-1), l1_points,
+ [128,128], is_training, bn_decay, scope='fa_layer3')
+
+ # FC layers
+ net = tf_util.conv1d(l0_points, 128, 1, padding='VALID', bn=True,
+ is_training=is_training, scope='conv1d-fc1', bn_decay=bn_decay)
+ end_points['feats'] = net
+ net = tf_util.dropout(net, keep_prob=0.7,
+ is_training=is_training, scope='dp1')
+ logits = tf_util.conv1d(net, 2, 1,
+ padding='VALID', activation_fn=None, scope='conv1d-fc2')
+
+ return logits, end_points
+
+def get_3d_box_estimation_v2_net(object_point_cloud, one_hot_vec,
+ is_training, bn_decay, end_points):
+ ''' 3D Box Estimation PointNet v2 network.
+ Input:
+ object_point_cloud: TF tensor in shape (B,M,C)
+ masked point clouds in object coordinate
+ one_hot_vec: TF tensor in shape (B,3)
+ length-3 vectors indicating predicted object type
+ Output:
+ output: TF tensor in shape (B,3+NUM_HEADING_BIN*2+NUM_SIZE_CLUSTER*4)
+ including box centers, heading bin class scores and residuals,
+ and size cluster scores and residuals
+ '''
+ # Gather object points
+ batch_size = object_point_cloud.get_shape()[0]
+
+ l0_xyz = object_point_cloud
+ l0_points = None
+ # Set abstraction layers
+ l1_xyz, l1_points, l1_indices = pointnet_sa_module(l0_xyz, l0_points,
+ npoint=128, radius=0.2, nsample=64, mlp=[64,64,128],
+ mlp2=None, group_all=False,
+ is_training=is_training, bn_decay=bn_decay, scope='ssg-layer1')
+ l2_xyz, l2_points, l2_indices = pointnet_sa_module(l1_xyz, l1_points,
+ npoint=32, radius=0.4, nsample=64, mlp=[128,128,256],
+ mlp2=None, group_all=False,
+ is_training=is_training, bn_decay=bn_decay, scope='ssg-layer2')
+ l3_xyz, l3_points, l3_indices = pointnet_sa_module(l2_xyz, l2_points,
+ npoint=None, radius=None, nsample=None, mlp=[256,256,512],
+ mlp2=None, group_all=True,
+ is_training=is_training, bn_decay=bn_decay, scope='ssg-layer3')
+
+ # Fully connected layers
+ net = tf.reshape(l3_points, [batch_size, -1])
+ net = tf.concat([net, one_hot_vec], axis=1)
+ net = tf_util.fully_connected(net, 512, bn=True,
+ is_training=is_training, scope='fc1', bn_decay=bn_decay)
+ net = tf_util.fully_connected(net, 256, bn=True,
+ is_training=is_training, scope='fc2', bn_decay=bn_decay)
+
+ # The first 3 numbers: box center coordinates (cx,cy,cz),
+ # the next NUM_HEADING_BIN*2: heading bin class scores and bin residuals
+ # next NUM_SIZE_CLUSTER*4: box cluster scores and residuals
+ output = tf_util.fully_connected(net,
+ 3+NUM_HEADING_BIN*2+NUM_SIZE_CLUSTER*4, activation_fn=None, scope='fc3')
+ return output, end_points
+
+
+def get_model(point_cloud, one_hot_vec, is_training, bn_decay=None):
+ ''' Frustum PointNets model. The model predict 3D object masks and
+ amodel bounding boxes for objects in frustum point clouds.
+
+ Input:
+ point_cloud: TF tensor in shape (B,N,4)
+ frustum point clouds with XYZ and intensity in point channels
+ XYZs are in frustum coordinate
+ one_hot_vec: TF tensor in shape (B,3)
+ length-3 vectors indicating predicted object type
+ is_training: TF boolean scalar
+ bn_decay: TF float scalar
+ Output:
+ end_points: dict (map from name strings to TF tensors)
+ '''
+ end_points = {}
+
+ # 3D Instance Segmentation PointNet
+ logits, end_points = get_instance_seg_v2_net(\
+ point_cloud, one_hot_vec,
+ is_training, bn_decay, end_points)
+ end_points['mask_logits'] = logits
+
+ # Masking
+ # select masked points and translate to masked points' centroid
+ object_point_cloud_xyz, mask_xyz_mean, end_points = \
+ point_cloud_masking(point_cloud, logits, end_points)
+
+ # T-Net and coordinate translation
+ center_delta, end_points = get_center_regression_net(\
+ object_point_cloud_xyz, one_hot_vec,
+ is_training, bn_decay, end_points)
+ stage1_center = center_delta + mask_xyz_mean # Bx3
+ end_points['stage1_center'] = stage1_center
+ # Get object point cloud in object coordinate
+ object_point_cloud_xyz_new = \
+ object_point_cloud_xyz - tf.expand_dims(center_delta, 1)
+
+ # Amodel Box Estimation PointNet
+ output, end_points = get_3d_box_estimation_v2_net(\
+ object_point_cloud_xyz_new, one_hot_vec,
+ is_training, bn_decay, end_points)
+
+ # Parse output to 3D box parameters
+ end_points = parse_output_to_tensors(output, end_points)
+ end_points['center'] = end_points['center_boxnet'] + stage1_center # Bx3
+
+ return end_points
+
+if __name__=='__main__':
+ with tf.Graph().as_default():
+ inputs = tf.zeros((32,1024,4))
+ outputs = get_model(inputs, tf.ones((32,3)), tf.constant(True))
+ for key in outputs:
+ print((key, outputs[key]))
+ loss = get_loss(tf.zeros((32,1024),dtype=tf.int32),
+ tf.zeros((32,3)), tf.zeros((32,),dtype=tf.int32),
+ tf.zeros((32,)), tf.zeros((32,),dtype=tf.int32),
+ tf.zeros((32,3)), outputs)
+ print(loss)
\ No newline at end of file
diff --git a/pointnet2/models/pointnet2_cls_msg.py b/pointnet2/models/pointnet2_cls_msg.py
new file mode 100644
index 0000000..1f11c02
--- /dev/null
+++ b/pointnet2/models/pointnet2_cls_msg.py
@@ -0,0 +1,55 @@
+import os
+import sys
+BASE_DIR = os.path.dirname(__file__)
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(BASE_DIR, '../utils'))
+import tensorflow as tf
+import numpy as np
+import tf_util
+from pointnet_util import pointnet_sa_module, pointnet_sa_module_msg
+
+def placeholder_inputs(batch_size, num_point):
+ pointclouds_pl = tf.placeholder(tf.float32, shape=(batch_size, num_point, 3))
+ labels_pl = tf.placeholder(tf.int32, shape=(batch_size))
+ return pointclouds_pl, labels_pl
+
+def get_model(point_cloud, is_training, bn_decay=None):
+ """ Classification PointNet, input is BxNx3, output Bx40 """
+ batch_size = point_cloud.get_shape()[0].value
+ num_point = point_cloud.get_shape()[1].value
+ end_points = {}
+
+ l0_xyz = point_cloud
+ l0_points = None
+
+ # Set abstraction layers
+ l1_xyz, l1_points = pointnet_sa_module_msg(l0_xyz, l0_points, 512, [0.1,0.2,0.4], [16,32,128], [[32,32,64], [64,64,128], [64,96,128]], is_training, bn_decay, scope='layer1', use_nchw=True)
+ l2_xyz, l2_points = pointnet_sa_module_msg(l1_xyz, l1_points, 128, [0.2,0.4,0.8], [32,64,128], [[64,64,128], [128,128,256], [128,128,256]], is_training, bn_decay, scope='layer2')
+ l3_xyz, l3_points, _ = pointnet_sa_module(l2_xyz, l2_points, npoint=None, radius=None, nsample=None, mlp=[256,512,1024], mlp2=None, group_all=True, is_training=is_training, bn_decay=bn_decay, scope='layer3')
+
+ # Fully connected layers
+ net = tf.reshape(l3_points, [batch_size, -1])
+ net = tf_util.fully_connected(net, 512, bn=True, is_training=is_training, scope='fc1', bn_decay=bn_decay)
+ net = tf_util.dropout(net, keep_prob=0.4, is_training=is_training, scope='dp1')
+ net = tf_util.fully_connected(net, 256, bn=True, is_training=is_training, scope='fc2', bn_decay=bn_decay)
+ net = tf_util.dropout(net, keep_prob=0.4, is_training=is_training, scope='dp2')
+ net = tf_util.fully_connected(net, 40, activation_fn=None, scope='fc3')
+
+ return net, end_points
+
+
+def get_loss(pred, label, end_points):
+ """ pred: B*NUM_CLASSES,
+ label: B, """
+ loss = tf.nn.sparse_softmax_cross_entropy_with_logits(logits=pred, labels=label)
+ classify_loss = tf.reduce_mean(loss)
+ tf.summary.scalar('classify loss', classify_loss)
+ tf.add_to_collection('losses', classify_loss)
+ return classify_loss
+
+
+if __name__=='__main__':
+ with tf.Graph().as_default():
+ inputs = tf.zeros((32,1024,3))
+ net, _ = get_model(inputs, tf.constant(True))
+ print(net)
diff --git a/pointnet2/models/pointnet2_cls_ssg.py b/pointnet2/models/pointnet2_cls_ssg.py
new file mode 100644
index 0000000..c750c42
--- /dev/null
+++ b/pointnet2/models/pointnet2_cls_ssg.py
@@ -0,0 +1,61 @@
+"""
+ PointNet++ Model for point clouds classification
+"""
+
+import os
+import sys
+BASE_DIR = os.path.dirname(__file__)
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(BASE_DIR, '../utils'))
+import tensorflow as tf
+import numpy as np
+import tf_util
+from pointnet_util import pointnet_sa_module
+
+def placeholder_inputs(batch_size, num_point):
+ pointclouds_pl = tf.placeholder(tf.float32, shape=(batch_size, num_point, 3))
+ labels_pl = tf.placeholder(tf.int32, shape=(batch_size))
+ return pointclouds_pl, labels_pl
+
+def get_model(point_cloud, is_training, bn_decay=None):
+ """ Classification PointNet, input is BxNx3, output Bx40 """
+ batch_size = point_cloud.get_shape()[0].value
+ num_point = point_cloud.get_shape()[1].value
+ end_points = {}
+ l0_xyz = point_cloud
+ l0_points = None
+ end_points['l0_xyz'] = l0_xyz
+
+ # Set abstraction layers
+ # Note: When using NCHW for layer 2, we see increased GPU memory usage (in TF1.4).
+ # So we only use NCHW for layer 1 until this issue can be resolved.
+ l1_xyz, l1_points, l1_indices = pointnet_sa_module(l0_xyz, l0_points, npoint=512, radius=0.2, nsample=32, mlp=[64,64,128], mlp2=None, group_all=False, is_training=is_training, bn_decay=bn_decay, scope='layer1', use_nchw=True)
+ l2_xyz, l2_points, l2_indices = pointnet_sa_module(l1_xyz, l1_points, npoint=128, radius=0.4, nsample=64, mlp=[128,128,256], mlp2=None, group_all=False, is_training=is_training, bn_decay=bn_decay, scope='layer2')
+ l3_xyz, l3_points, l3_indices = pointnet_sa_module(l2_xyz, l2_points, npoint=None, radius=None, nsample=None, mlp=[256,512,1024], mlp2=None, group_all=True, is_training=is_training, bn_decay=bn_decay, scope='layer3')
+
+ # Fully connected layers
+ net = tf.reshape(l3_points, [batch_size, -1])
+ net = tf_util.fully_connected(net, 512, bn=True, is_training=is_training, scope='fc1', bn_decay=bn_decay)
+ net = tf_util.dropout(net, keep_prob=0.5, is_training=is_training, scope='dp1')
+ net = tf_util.fully_connected(net, 256, bn=True, is_training=is_training, scope='fc2', bn_decay=bn_decay)
+ net = tf_util.dropout(net, keep_prob=0.5, is_training=is_training, scope='dp2')
+ net = tf_util.fully_connected(net, 40, activation_fn=None, scope='fc3')
+
+ return net, end_points
+
+
+def get_loss(pred, label, end_points):
+ """ pred: B*NUM_CLASSES,
+ label: B, """
+ loss = tf.nn.sparse_softmax_cross_entropy_with_logits(logits=pred, labels=label)
+ classify_loss = tf.reduce_mean(loss)
+ tf.summary.scalar('classify loss', classify_loss)
+ tf.add_to_collection('losses', classify_loss)
+ return classify_loss
+
+
+if __name__=='__main__':
+ with tf.Graph().as_default():
+ inputs = tf.zeros((32,1024,3))
+ output, _ = get_model(inputs, tf.constant(True))
+ print(output)
diff --git a/pointnet2/models/pointnet2_part_seg.py b/pointnet2/models/pointnet2_part_seg.py
new file mode 100644
index 0000000..1f7b233
--- /dev/null
+++ b/pointnet2/models/pointnet2_part_seg.py
@@ -0,0 +1,57 @@
+import os
+import sys
+BASE_DIR = os.path.dirname(__file__)
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(BASE_DIR, '../utils'))
+import tensorflow as tf
+import numpy as np
+import tf_util
+from pointnet_util import pointnet_sa_module, pointnet_fp_module
+
+def placeholder_inputs(batch_size, num_point):
+ pointclouds_pl = tf.placeholder(tf.float32, shape=(batch_size, num_point, 6))
+ labels_pl = tf.placeholder(tf.int32, shape=(batch_size, num_point))
+ return pointclouds_pl, labels_pl
+
+
+def get_model(point_cloud, is_training, bn_decay=None):
+ """ Part segmentation PointNet, input is BxNx6 (XYZ NormalX NormalY NormalZ), output Bx50 """
+ batch_size = point_cloud.get_shape()[0].value
+ num_point = point_cloud.get_shape()[1].value
+ end_points = {}
+ l0_xyz = tf.slice(point_cloud, [0,0,0], [-1,-1,3])
+ l0_points = tf.slice(point_cloud, [0,0,3], [-1,-1,3])
+
+ # Set Abstraction layers
+ l1_xyz, l1_points, l1_indices = pointnet_sa_module(l0_xyz, l0_points, npoint=512, radius=0.2, nsample=64, mlp=[64,64,128], mlp2=None, group_all=False, is_training=is_training, bn_decay=bn_decay, scope='layer1')
+ l2_xyz, l2_points, l2_indices = pointnet_sa_module(l1_xyz, l1_points, npoint=128, radius=0.4, nsample=64, mlp=[128,128,256], mlp2=None, group_all=False, is_training=is_training, bn_decay=bn_decay, scope='layer2')
+ l3_xyz, l3_points, l3_indices = pointnet_sa_module(l2_xyz, l2_points, npoint=None, radius=None, nsample=None, mlp=[256,512,1024], mlp2=None, group_all=True, is_training=is_training, bn_decay=bn_decay, scope='layer3')
+
+ # Feature Propagation layers
+ l2_points = pointnet_fp_module(l2_xyz, l3_xyz, l2_points, l3_points, [256,256], is_training, bn_decay, scope='fa_layer1')
+ l1_points = pointnet_fp_module(l1_xyz, l2_xyz, l1_points, l2_points, [256,128], is_training, bn_decay, scope='fa_layer2')
+ l0_points = pointnet_fp_module(l0_xyz, l1_xyz, tf.concat([l0_xyz,l0_points],axis=-1), l1_points, [128,128,128], is_training, bn_decay, scope='fa_layer3')
+
+ # FC layers
+ net = tf_util.conv1d(l0_points, 128, 1, padding='VALID', bn=True, is_training=is_training, scope='fc1', bn_decay=bn_decay)
+ end_points['feats'] = net
+ net = tf_util.dropout(net, keep_prob=0.5, is_training=is_training, scope='dp1')
+ net = tf_util.conv1d(net, 50, 1, padding='VALID', activation_fn=None, scope='fc2')
+
+ return net, end_points
+
+
+def get_loss(pred, label):
+ """ pred: BxNxC,
+ label: BxN, """
+ loss = tf.nn.sparse_softmax_cross_entropy_with_logits(logits=pred, labels=label)
+ classify_loss = tf.reduce_mean(loss)
+ tf.summary.scalar('classify loss', classify_loss)
+ tf.add_to_collection('losses', classify_loss)
+ return classify_loss
+
+if __name__=='__main__':
+ with tf.Graph().as_default():
+ inputs = tf.zeros((32,2048,6))
+ net, _ = get_model(inputs, tf.constant(True))
+ print(net)
diff --git a/pointnet2/models/pointnet2_part_seg_msg_one_hot.py b/pointnet2/models/pointnet2_part_seg_msg_one_hot.py
new file mode 100644
index 0000000..27027ad
--- /dev/null
+++ b/pointnet2/models/pointnet2_part_seg_msg_one_hot.py
@@ -0,0 +1,66 @@
+import os
+import sys
+BASE_DIR = os.path.dirname(__file__)
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(BASE_DIR, '../utils'))
+import tensorflow as tf
+import numpy as np
+import tf_util
+from pointnet_util import pointnet_sa_module, pointnet_sa_module_msg, pointnet_fp_module
+
+def placeholder_inputs(batch_size, num_point):
+ pointclouds_pl = tf.placeholder(tf.float32, shape=(batch_size, num_point, 6))
+ labels_pl = tf.placeholder(tf.int32, shape=(batch_size, num_point))
+ cls_labels_pl = tf.placeholder(tf.int32, shape=(batch_size))
+ return pointclouds_pl, labels_pl, cls_labels_pl
+
+NUM_CATEGORIES = 16
+
+def get_model(point_cloud, cls_label, is_training, bn_decay=None):
+ """ Classification PointNet, input is BxNx3, output Bx40 """
+ batch_size = point_cloud.get_shape()[0].value
+ num_point = point_cloud.get_shape()[1].value
+ end_points = {}
+ l0_xyz = tf.slice(point_cloud, [0,0,0], [-1,-1,3])
+ l0_points = tf.slice(point_cloud, [0,0,3], [-1,-1,3])
+
+ # Set abstraction layers
+ l1_xyz, l1_points = pointnet_sa_module_msg(l0_xyz, l0_points, 512, [0.1,0.2,0.4], [32,64,128], [[32,32,64], [64,64,128], [64,96,128]], is_training, bn_decay, scope='layer1')
+ l2_xyz, l2_points = pointnet_sa_module_msg(l1_xyz, l1_points, 128, [0.4,0.8], [64,128], [[128,128,256],[128,196,256]], is_training, bn_decay, scope='layer2')
+ l3_xyz, l3_points, l3_indices = pointnet_sa_module(l2_xyz, l2_points, npoint=None, radius=None, nsample=None, mlp=[256,512,1024], mlp2=None, group_all=True, is_training=is_training, bn_decay=bn_decay, scope='layer3')
+
+ # Feature propagation layers
+ l2_points = pointnet_fp_module(l2_xyz, l3_xyz, l2_points, l3_points, [256,256], is_training, bn_decay, scope='fa_layer1')
+ l1_points = pointnet_fp_module(l1_xyz, l2_xyz, l1_points, l2_points, [256,128], is_training, bn_decay, scope='fa_layer2')
+
+ cls_label_one_hot = tf.one_hot(cls_label, depth=NUM_CATEGORIES, on_value=1.0, off_value=0.0)
+ cls_label_one_hot = tf.reshape(cls_label_one_hot, [batch_size, 1, NUM_CATEGORIES])
+ cls_label_one_hot = tf.tile(cls_label_one_hot, [1,num_point,1])
+ l0_points = pointnet_fp_module(l0_xyz, l1_xyz, tf.concat([cls_label_one_hot, l0_xyz, l0_points],axis=-1), l1_points, [128,128], is_training, bn_decay, scope='fp_layer3')
+
+ # FC layers
+ net = tf_util.conv1d(l0_points, 128, 1, padding='VALID', bn=True, is_training=is_training, scope='fc1', bn_decay=bn_decay)
+ end_points['feats'] = net
+ net = tf_util.dropout(net, keep_prob=0.5, is_training=is_training, scope='dp1')
+ net = tf_util.conv1d(net, 50, 1, padding='VALID', activation_fn=None, scope='fc2')
+
+ return net, end_points
+
+
+def get_loss(pred, label):
+ """ pred: BxNxC,
+ label: BxN, """
+ loss = tf.nn.sparse_softmax_cross_entropy_with_logits(logits=pred, labels=label)
+ classify_loss = tf.reduce_mean(loss)
+ tf.summary.scalar('classify loss', classify_loss)
+ tf.add_to_collection('losses', classify_loss)
+ return classify_loss
+
+
+
+if __name__=='__main__':
+ with tf.Graph().as_default():
+ inputs = tf.zeros((32,2048,6))
+ cls_labels = tf.zeros((32),dtype=tf.int32)
+ output, ep = get_model(inputs, cls_labels, tf.constant(True))
+ print(output)
diff --git a/pointnet2/models/pointnet2_sem_seg.py b/pointnet2/models/pointnet2_sem_seg.py
new file mode 100644
index 0000000..de88528
--- /dev/null
+++ b/pointnet2/models/pointnet2_sem_seg.py
@@ -0,0 +1,61 @@
+import os
+import sys
+BASE_DIR = os.path.dirname(__file__)
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(BASE_DIR, '../utils'))
+import tensorflow as tf
+import numpy as np
+import tf_util
+from pointnet_util import pointnet_sa_module, pointnet_fp_module
+
+def placeholder_inputs(batch_size, num_point):
+ pointclouds_pl = tf.placeholder(tf.float32, shape=(batch_size, num_point, 3))
+ labels_pl = tf.placeholder(tf.int32, shape=(batch_size, num_point))
+ smpws_pl = tf.placeholder(tf.float32, shape=(batch_size, num_point))
+ return pointclouds_pl, labels_pl, smpws_pl
+
+
+def get_model(point_cloud, is_training, num_class, bn_decay=None):
+ """ Semantic segmentation PointNet, input is BxNx3, output Bxnum_class """
+ batch_size = point_cloud.get_shape()[0].value
+ num_point = point_cloud.get_shape()[1].value
+ end_points = {}
+ l0_xyz = point_cloud
+ l0_points = None
+ end_points['l0_xyz'] = l0_xyz
+
+ # Layer 1
+ l1_xyz, l1_points, l1_indices = pointnet_sa_module(l0_xyz, l0_points, npoint=1024, radius=0.1, nsample=32, mlp=[32,32,64], mlp2=None, group_all=False, is_training=is_training, bn_decay=bn_decay, scope='layer1')
+ l2_xyz, l2_points, l2_indices = pointnet_sa_module(l1_xyz, l1_points, npoint=256, radius=0.2, nsample=32, mlp=[64,64,128], mlp2=None, group_all=False, is_training=is_training, bn_decay=bn_decay, scope='layer2')
+ l3_xyz, l3_points, l3_indices = pointnet_sa_module(l2_xyz, l2_points, npoint=64, radius=0.4, nsample=32, mlp=[128,128,256], mlp2=None, group_all=False, is_training=is_training, bn_decay=bn_decay, scope='layer3')
+ l4_xyz, l4_points, l4_indices = pointnet_sa_module(l3_xyz, l3_points, npoint=16, radius=0.8, nsample=32, mlp=[256,256,512], mlp2=None, group_all=False, is_training=is_training, bn_decay=bn_decay, scope='layer4')
+
+ # Feature Propagation layers
+ l3_points = pointnet_fp_module(l3_xyz, l4_xyz, l3_points, l4_points, [256,256], is_training, bn_decay, scope='fa_layer1')
+ l2_points = pointnet_fp_module(l2_xyz, l3_xyz, l2_points, l3_points, [256,256], is_training, bn_decay, scope='fa_layer2')
+ l1_points = pointnet_fp_module(l1_xyz, l2_xyz, l1_points, l2_points, [256,128], is_training, bn_decay, scope='fa_layer3')
+ l0_points = pointnet_fp_module(l0_xyz, l1_xyz, l0_points, l1_points, [128,128,128], is_training, bn_decay, scope='fa_layer4')
+
+ # FC layers
+ net = tf_util.conv1d(l0_points, 128, 1, padding='VALID', bn=True, is_training=is_training, scope='fc1', bn_decay=bn_decay)
+ end_points['feats'] = net
+ net = tf_util.dropout(net, keep_prob=0.5, is_training=is_training, scope='dp1')
+ net = tf_util.conv1d(net, num_class, 1, padding='VALID', activation_fn=None, scope='fc2')
+
+ return net, end_points
+
+
+def get_loss(pred, label, smpw):
+ """ pred: BxNxC,
+ label: BxN,
+ smpw: BxN """
+ classify_loss = tf.losses.sparse_softmax_cross_entropy(labels=label, logits=pred, weights=smpw)
+ tf.summary.scalar('classify loss', classify_loss)
+ tf.add_to_collection('losses', classify_loss)
+ return classify_loss
+
+if __name__=='__main__':
+ with tf.Graph().as_default():
+ inputs = tf.zeros((32,2048,3))
+ net, _ = get_model(inputs, tf.constant(True), 10)
+ print(net)
diff --git a/pointnet2/models/pointnet_cls_basic.py b/pointnet2/models/pointnet_cls_basic.py
new file mode 100644
index 0000000..a668c37
--- /dev/null
+++ b/pointnet2/models/pointnet_cls_basic.py
@@ -0,0 +1,81 @@
+'''
+ PointNet version 1 Model
+ Reference: https://github.com/charlesq34/pointnet
+'''
+import tensorflow as tf
+import numpy as np
+import math
+import sys
+import os
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(BASE_DIR, '../utils'))
+import tf_util
+
+def placeholder_inputs(batch_size, num_point):
+ pointclouds_pl = tf.placeholder(tf.float32, shape=(batch_size, num_point, 3))
+ labels_pl = tf.placeholder(tf.int32, shape=(batch_size))
+ return pointclouds_pl, labels_pl
+
+
+def get_model(point_cloud, is_training, bn_decay=None):
+ """ Classification PointNet, input is BxNx3, output Bx40 """
+ batch_size = point_cloud.get_shape()[0].value
+ num_point = point_cloud.get_shape()[1].value
+ end_points = {}
+ input_image = tf.expand_dims(point_cloud, -1)
+
+ # Point functions (MLP implemented as conv2d)
+ net = tf_util.conv2d(input_image, 64, [1,3],
+ padding='VALID', stride=[1,1],
+ bn=True, is_training=is_training,
+ scope='conv1', bn_decay=bn_decay)
+ net = tf_util.conv2d(net, 64, [1,1],
+ padding='VALID', stride=[1,1],
+ bn=True, is_training=is_training,
+ scope='conv2', bn_decay=bn_decay)
+ net = tf_util.conv2d(net, 64, [1,1],
+ padding='VALID', stride=[1,1],
+ bn=True, is_training=is_training,
+ scope='conv3', bn_decay=bn_decay)
+ net = tf_util.conv2d(net, 128, [1,1],
+ padding='VALID', stride=[1,1],
+ bn=True, is_training=is_training,
+ scope='conv4', bn_decay=bn_decay)
+ net = tf_util.conv2d(net, 1024, [1,1],
+ padding='VALID', stride=[1,1],
+ bn=True, is_training=is_training,
+ scope='conv5', bn_decay=bn_decay)
+
+ # Symmetric function: max pooling
+ net = tf_util.max_pool2d(net, [num_point,1],
+ padding='VALID', scope='maxpool')
+
+ # MLP on global point cloud vector
+ net = tf.reshape(net, [batch_size, -1])
+ net = tf_util.fully_connected(net, 512, bn=True, is_training=is_training,
+ scope='fc1', bn_decay=bn_decay)
+ net = tf_util.fully_connected(net, 256, bn=True, is_training=is_training,
+ scope='fc2', bn_decay=bn_decay)
+ net = tf_util.dropout(net, keep_prob=0.7, is_training=is_training,
+ scope='dp1')
+ net = tf_util.fully_connected(net, 40, activation_fn=None, scope='fc3')
+
+ return net, end_points
+
+
+def get_loss(pred, label, end_points):
+ """ pred: B*NUM_CLASSES,
+ label: B, """
+ loss = tf.nn.sparse_softmax_cross_entropy_with_logits(logits=pred, labels=label)
+ classify_loss = tf.reduce_mean(loss)
+ tf.summary.scalar('classify loss', classify_loss)
+ tf.add_to_collection('losses', classify_loss)
+ return classify_loss
+
+
+if __name__=='__main__':
+ with tf.Graph().as_default():
+ inputs = tf.zeros((32,1024,3))
+ outputs = get_model(inputs, tf.constant(True))
+ print(outputs)
diff --git a/pointnet2/part_seg/command.sh b/pointnet2/part_seg/command.sh
new file mode 100644
index 0000000..a470274
--- /dev/null
+++ b/pointnet2/part_seg/command.sh
@@ -0,0 +1 @@
+python train.py --model pointnet2_part_seg --log_dir log --gpu 1 --max_epoch 201 > log.txt 2>&1 &
diff --git a/pointnet2/part_seg/command_one_hot.sh b/pointnet2/part_seg/command_one_hot.sh
new file mode 100644
index 0000000..09c3630
--- /dev/null
+++ b/pointnet2/part_seg/command_one_hot.sh
@@ -0,0 +1 @@
+python train_one_hot.py --batch_size 8 --model pointnet2_part_seg_msg_one_hot --log_dir log_msg_one_hot --gpu 0 --max_epoch 201 > log_msg_one_hot.txt 2>&1 &
diff --git a/pointnet2/part_seg/evaluate.py b/pointnet2/part_seg/evaluate.py
new file mode 100644
index 0000000..9aafe73
--- /dev/null
+++ b/pointnet2/part_seg/evaluate.py
@@ -0,0 +1,196 @@
+import argparse
+import math
+from datetime import datetime
+import h5py
+import numpy as np
+import tensorflow as tf
+import socket
+import importlib
+import os
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+ROOT_DIR = os.path.dirname(BASE_DIR)
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(ROOT_DIR, 'models'))
+sys.path.append(os.path.join(ROOT_DIR, 'utils'))
+import tf_util
+import part_dataset_all_normal
+
+parser = argparse.ArgumentParser()
+parser.add_argument('--gpu', type=int, default=0, help='GPU to use [default: GPU 0]')
+parser.add_argument('--model', default='pointnet2_part_seg', help='Model name [default: pointnet2_part_seg]')
+parser.add_argument('--model_path', default='log/model.ckpt', help='model checkpoint file path [default: log/model.ckpt]')
+parser.add_argument('--log_dir', default='log_eval', help='Log dir [default: log_eval]')
+parser.add_argument('--num_point', type=int, default=2048, help='Point Number [default: 2048]')
+parser.add_argument('--batch_size', type=int, default=32, help='Batch Size during training [default: 32]')
+FLAGS = parser.parse_args()
+
+
+VOTE_NUM = 12
+
+
+EPOCH_CNT = 0
+
+BATCH_SIZE = FLAGS.batch_size
+NUM_POINT = FLAGS.num_point
+GPU_INDEX = FLAGS.gpu
+
+MODEL_PATH = FLAGS.model_path
+MODEL = importlib.import_module(FLAGS.model) # import network module
+MODEL_FILE = os.path.join(ROOT_DIR, 'models', FLAGS.model+'.py')
+LOG_DIR = FLAGS.log_dir
+if not os.path.exists(LOG_DIR): os.mkdir(LOG_DIR)
+os.system('cp %s %s' % (MODEL_FILE, LOG_DIR)) # bkp of model def
+os.system('cp train.py %s' % (LOG_DIR)) # bkp of train procedure
+LOG_FOUT = open(os.path.join(LOG_DIR, 'log_train.txt'), 'w')
+LOG_FOUT.write(str(FLAGS)+'\n')
+NUM_CLASSES = 50
+
+# Shapenet official train/test split
+DATA_PATH = os.path.join(ROOT_DIR, 'data', 'shapenetcore_partanno_segmentation_benchmark_v0_normal')
+TEST_DATASET = part_dataset_all_normal.PartNormalDataset(root=DATA_PATH, npoints=NUM_POINT, classification=False, split='test')
+
+def log_string(out_str):
+ LOG_FOUT.write(out_str+'\n')
+ LOG_FOUT.flush()
+ print(out_str)
+
+def evaluate():
+ with tf.Graph().as_default():
+ with tf.device('/gpu:'+str(GPU_INDEX)):
+ pointclouds_pl, labels_pl = MODEL.placeholder_inputs(BATCH_SIZE, NUM_POINT)
+ is_training_pl = tf.placeholder(tf.bool, shape=())
+ print is_training_pl
+
+ print "--- Get model and loss"
+ pred, end_points = MODEL.get_model(pointclouds_pl, is_training_pl)
+ loss = MODEL.get_loss(pred, labels_pl)
+ saver = tf.train.Saver()
+
+ # Create a session
+ config = tf.ConfigProto()
+ config.gpu_options.allow_growth = True
+ config.allow_soft_placement = True
+ sess = tf.Session(config=config)
+ # Restore variables from disk.
+ saver.restore(sess, MODEL_PATH)
+ ops = {'pointclouds_pl': pointclouds_pl,
+ 'labels_pl': labels_pl,
+ 'is_training_pl': is_training_pl,
+ 'pred': pred,
+ 'loss': loss}
+
+ eval_one_epoch(sess, ops)
+
+def get_batch(dataset, idxs, start_idx, end_idx):
+ bsize = end_idx-start_idx
+ batch_data = np.zeros((bsize, NUM_POINT, 6))
+ batch_label = np.zeros((bsize, NUM_POINT), dtype=np.int32)
+ for i in range(bsize):
+ ps,normal,seg = dataset[idxs[i+start_idx]]
+ batch_data[i,:,0:3] = ps
+ batch_data[i,:,3:6] = normal
+ batch_label[i,:] = seg
+ return batch_data, batch_label
+
+def eval_one_epoch(sess, ops):
+ """ ops: dict mapping from string to tf ops """
+ is_training = False
+ test_idxs = np.arange(0, len(TEST_DATASET))
+ # Test on all data: last batch might be smaller than BATCH_SIZE
+ num_batches = (len(TEST_DATASET)+BATCH_SIZE-1)/BATCH_SIZE
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ total_seen_class = [0 for _ in range(NUM_CLASSES)]
+ total_correct_class = [0 for _ in range(NUM_CLASSES)]
+
+ seg_classes = TEST_DATASET.seg_classes
+ shape_ious = {cat:[] for cat in seg_classes.keys()}
+ seg_label_to_cat = {} # {0:Airplane, 1:Airplane, ...49:Table}
+ for cat in seg_classes.keys():
+ for label in seg_classes[cat]:
+ seg_label_to_cat[label] = cat
+
+ log_string(str(datetime.now()))
+ log_string('---- EPOCH %03d EVALUATION ----'%(EPOCH_CNT))
+
+ batch_data = np.zeros((BATCH_SIZE, NUM_POINT, 6))
+ batch_label = np.zeros((BATCH_SIZE, NUM_POINT)).astype(np.int32)
+ for batch_idx in range(num_batches):
+ if batch_idx %20==0:
+ log_string('%03d/%03d'%(batch_idx, num_batches))
+ start_idx = batch_idx * BATCH_SIZE
+ end_idx = min(len(TEST_DATASET), (batch_idx+1) * BATCH_SIZE)
+ cur_batch_size = end_idx-start_idx
+ cur_batch_data, cur_batch_label = get_batch(TEST_DATASET, test_idxs, start_idx, end_idx)
+ if cur_batch_size == BATCH_SIZE:
+ batch_data = cur_batch_data
+ batch_label = cur_batch_label
+ else:
+ batch_data[0:cur_batch_size] = cur_batch_data
+ batch_label[0:cur_batch_size] = cur_batch_label
+
+ # ---------------------------------------------------------------------
+ loss_val = 0
+ pred_val = np.zeros((BATCH_SIZE, NUM_POINT, NUM_CLASSES))
+ for _ in range(VOTE_NUM):
+ feed_dict = {ops['pointclouds_pl']: batch_data,
+ ops['labels_pl']: batch_label,
+ ops['is_training_pl']: is_training}
+ temp_loss_val, temp_pred_val = sess.run([ops['loss'], ops['pred']], feed_dict=feed_dict)
+ loss_val += temp_loss_val
+ pred_val += temp_pred_val
+ loss_val /= float(VOTE_NUM)
+ # ---------------------------------------------------------------------
+
+ # Select valid data
+ cur_pred_val = pred_val[0:cur_batch_size]
+ # Constrain pred to the groundtruth classes (selected by seg_classes[cat])
+ cur_pred_val_logits = cur_pred_val
+ cur_pred_val = np.zeros((cur_batch_size, NUM_POINT)).astype(np.int32)
+ for i in range(cur_batch_size):
+ cat = seg_label_to_cat[cur_batch_label[i,0]]
+ logits = cur_pred_val_logits[i,:,:]
+ cur_pred_val[i,:] = np.argmax(logits[:,seg_classes[cat]], 1) + seg_classes[cat][0]
+ correct = np.sum(cur_pred_val == cur_batch_label)
+ total_correct += correct
+ total_seen += (cur_batch_size*NUM_POINT)
+ if cur_batch_size==BATCH_SIZE:
+ loss_sum += loss_val
+ for l in range(NUM_CLASSES):
+ total_seen_class[l] += np.sum(cur_batch_label==l)
+ total_correct_class[l] += (np.sum((cur_pred_val==l) & (cur_batch_label==l)))
+
+ for i in range(cur_batch_size):
+ segp = cur_pred_val[i,:]
+ segl = cur_batch_label[i,:]
+ cat = seg_label_to_cat[segl[0]]
+ part_ious = [0.0 for _ in range(len(seg_classes[cat]))]
+ for l in seg_classes[cat]:
+ if (np.sum(segl==l) == 0) and (np.sum(segp==l) == 0): # part is not present, no prediction as well
+ part_ious[l-seg_classes[cat][0]] = 1.0
+ else:
+ part_ious[l-seg_classes[cat][0]] = np.sum((segl==l) & (segp==l)) / float(np.sum((segl==l) | (segp==l)))
+ shape_ious[cat].append(np.mean(part_ious))
+
+ all_shape_ious = []
+ for cat in shape_ious.keys():
+ for iou in shape_ious[cat]:
+ all_shape_ious.append(iou)
+ shape_ious[cat] = np.mean(shape_ious[cat])
+ print len(all_shape_ious)
+ mean_shape_ious = np.mean(shape_ious.values())
+ log_string('eval mean loss: %f' % (loss_sum / float(len(TEST_DATASET)/BATCH_SIZE)))
+ log_string('eval accuracy: %f'% (total_correct / float(total_seen)))
+ log_string('eval avg class acc: %f' % (np.mean(np.array(total_correct_class)/np.array(total_seen_class,dtype=np.float))))
+ for cat in sorted(shape_ious.keys()):
+ log_string('eval mIoU of %s:\t %f'%(cat, shape_ious[cat]))
+ log_string('eval mean mIoU: %f' % (mean_shape_ious))
+ log_string('eval mean mIoU (all shapes): %f' % (np.mean(all_shape_ious)))
+
+if __name__ == "__main__":
+ log_string('pid: %s'%(str(os.getpid())))
+ evaluate()
+ LOG_FOUT.close()
diff --git a/pointnet2/part_seg/part_dataset.py b/pointnet2/part_seg/part_dataset.py
new file mode 100644
index 0000000..707fb5d
--- /dev/null
+++ b/pointnet2/part_seg/part_dataset.py
@@ -0,0 +1,131 @@
+'''
+ Dataset for shapenet part segmentaion.
+'''
+
+import os
+import os.path
+import json
+import numpy as np
+import sys
+
+def pc_normalize(pc):
+ l = pc.shape[0]
+ centroid = np.mean(pc, axis=0)
+ pc = pc - centroid
+ m = np.max(np.sqrt(np.sum(pc**2, axis=1)))
+ pc = pc / m
+ return pc
+
+class PartDataset():
+ def __init__(self, root, npoints = 2500, classification = False, class_choice = None, split='train', normalize=True):
+ self.npoints = npoints
+ self.root = root
+ self.catfile = os.path.join(self.root, 'synsetoffset2category.txt')
+ self.cat = {}
+
+ self.classification = classification
+ self.normalize = normalize
+
+ with open(self.catfile, 'r') as f:
+ for line in f:
+ ls = line.strip().split()
+ self.cat[ls[0]] = ls[1]
+ #print(self.cat)
+ if not class_choice is None:
+ self.cat = {k:v for k,v in self.cat.items() if k in class_choice}
+
+ self.meta = {}
+ with open(os.path.join(self.root, 'train_test_split', 'shuffled_train_file_list.json'), 'r') as f:
+ train_ids = set([str(d.split('/')[2]) for d in json.load(f)])
+ with open(os.path.join(self.root, 'train_test_split', 'shuffled_val_file_list.json'), 'r') as f:
+ val_ids = set([str(d.split('/')[2]) for d in json.load(f)])
+ with open(os.path.join(self.root, 'train_test_split', 'shuffled_test_file_list.json'), 'r') as f:
+ test_ids = set([str(d.split('/')[2]) for d in json.load(f)])
+ for item in self.cat:
+ #print('category', item)
+ self.meta[item] = []
+ dir_point = os.path.join(self.root, self.cat[item], 'points')
+ dir_seg = os.path.join(self.root, self.cat[item], 'points_label')
+ #print(dir_point, dir_seg)
+ fns = sorted(os.listdir(dir_point))
+ #print(fns[0][0:-4])
+ if split=='trainval':
+ fns = [fn for fn in fns if ((fn[0:-4] in train_ids) or (fn[0:-4] in val_ids))]
+ elif split=='train':
+ fns = [fn for fn in fns if fn[0:-4] in train_ids]
+ elif split=='val':
+ fns = [fn for fn in fns if fn[0:-4] in val_ids]
+ elif split=='test':
+ fns = [fn for fn in fns if fn[0:-4] in test_ids]
+ else:
+ print('Unknown split: %s. Exiting..'%(split))
+ exit(-1)
+
+ #print(os.path.basename(fns))
+ for fn in fns:
+ token = (os.path.splitext(os.path.basename(fn))[0])
+ self.meta[item].append((os.path.join(dir_point, token + '.pts'), os.path.join(dir_seg, token + '.seg')))
+
+ self.datapath = []
+ for item in self.cat:
+ for fn in self.meta[item]:
+ self.datapath.append((item, fn[0], fn[1]))
+
+
+ self.classes = dict(zip(self.cat, range(len(self.cat))))
+ self.num_seg_classes = 0
+ if not self.classification:
+ for i in range(len(self.datapath)/50):
+ l = len(np.unique(np.loadtxt(self.datapath[i][-1]).astype(np.uint8)))
+ if l > self.num_seg_classes:
+ self.num_seg_classes = l
+ #print(self.num_seg_classes)
+
+ self.cache = {} # from index to (point_set, cls, seg) tuple
+ self.cache_size = 10000
+
+ def __getitem__(self, index):
+ if index in self.cache:
+ point_set, seg, cls = self.cache[index]
+ else:
+ fn = self.datapath[index]
+ cls = self.classes[self.datapath[index][0]]
+ cls = np.array([cls]).astype(np.int32)
+ point_set = np.loadtxt(fn[1]).astype(np.float32)
+ if self.normalize:
+ point_set = pc_normalize(point_set)
+ seg = np.loadtxt(fn[2]).astype(np.int64) - 1
+ #print(point_set.shape, seg.shape)
+ if len(self.cache) < self.cache_size:
+ self.cache[index] = (point_set, seg, cls)
+
+
+ choice = np.random.choice(len(seg), self.npoints, replace=True)
+ #resample
+ point_set = point_set[choice, :]
+ seg = seg[choice]
+ if self.classification:
+ return point_set, cls
+ else:
+ return point_set, seg
+
+ def __len__(self):
+ return len(self.datapath)
+
+
+if __name__ == '__main__':
+ d = PartDataset(root = '../data/shapenetcore_partanno_segmentation_benchmark_v0', class_choice = ['Airplane'], split='test')
+ print(len(d))
+ import time
+ tic = time.time()
+ for i in range(100):
+ ps, seg = d[i]
+ print np.max(seg), np.min(seg)
+ print(time.time() - tic)
+ print(ps.shape, type(ps), seg.shape,type(seg))
+
+ d = PartDataset(root = '../data/shapenetcore_partanno_segmentation_benchmark_v0', classification = True)
+ print(len(d))
+ ps, cls = d[0]
+ print(ps.shape, type(ps), cls.shape,type(cls))
+
diff --git a/pointnet2/part_seg/part_dataset_all_normal.py b/pointnet2/part_seg/part_dataset_all_normal.py
new file mode 100644
index 0000000..e77fd22
--- /dev/null
+++ b/pointnet2/part_seg/part_dataset_all_normal.py
@@ -0,0 +1,138 @@
+'''
+ Dataset for ShapeNetPart segmentation
+'''
+
+import os
+import os.path
+import json
+import numpy as np
+import sys
+
+def pc_normalize(pc):
+ l = pc.shape[0]
+ centroid = np.mean(pc, axis=0)
+ pc = pc - centroid
+ m = np.max(np.sqrt(np.sum(pc**2, axis=1)))
+ pc = pc / m
+ return pc
+
+class PartNormalDataset():
+ def __init__(self, root, npoints = 2500, classification = False, split='train', normalize=True, return_cls_label = False):
+ self.npoints = npoints
+ self.root = root
+ self.catfile = os.path.join(self.root, 'synsetoffset2category.txt')
+ self.cat = {}
+
+ self.classification = classification
+ self.normalize = normalize
+ self.return_cls_label = return_cls_label
+
+ with open(self.catfile, 'r') as f:
+ for line in f:
+ ls = line.strip().split()
+ self.cat[ls[0]] = ls[1]
+ self.cat = {k:v for k,v in self.cat.items()}
+ #print(self.cat)
+
+ self.meta = {}
+ with open(os.path.join(self.root, 'train_test_split', 'shuffled_train_file_list.json'), 'r') as f:
+ train_ids = set([str(d.split('/')[2]) for d in json.load(f)])
+ with open(os.path.join(self.root, 'train_test_split', 'shuffled_val_file_list.json'), 'r') as f:
+ val_ids = set([str(d.split('/')[2]) for d in json.load(f)])
+ with open(os.path.join(self.root, 'train_test_split', 'shuffled_test_file_list.json'), 'r') as f:
+ test_ids = set([str(d.split('/')[2]) for d in json.load(f)])
+ for item in self.cat:
+ #print('category', item)
+ self.meta[item] = []
+ dir_point = os.path.join(self.root, self.cat[item])
+ fns = sorted(os.listdir(dir_point))
+ #print(fns[0][0:-4])
+ if split=='trainval':
+ fns = [fn for fn in fns if ((fn[0:-4] in train_ids) or (fn[0:-4] in val_ids))]
+ elif split=='train':
+ fns = [fn for fn in fns if fn[0:-4] in train_ids]
+ elif split=='val':
+ fns = [fn for fn in fns if fn[0:-4] in val_ids]
+ elif split=='test':
+ fns = [fn for fn in fns if fn[0:-4] in test_ids]
+ else:
+ print('Unknown split: %s. Exiting..'%(split))
+ exit(-1)
+
+ #print(os.path.basename(fns))
+ for fn in fns:
+ token = (os.path.splitext(os.path.basename(fn))[0])
+ self.meta[item].append(os.path.join(dir_point, token + '.txt'))
+
+ self.datapath = []
+ for item in self.cat:
+ for fn in self.meta[item]:
+ self.datapath.append((item, fn))
+
+
+ self.classes = dict(zip(self.cat, range(len(self.cat))))
+ # Mapping from category ('Chair') to a list of int [10,11,12,13] as segmentation labels
+ self.seg_classes = {'Earphone': [16, 17, 18], 'Motorbike': [30, 31, 32, 33, 34, 35], 'Rocket': [41, 42, 43], 'Car': [8, 9, 10, 11], 'Laptop': [28, 29], 'Cap': [6, 7], 'Skateboard': [44, 45, 46], 'Mug': [36, 37], 'Guitar': [19, 20, 21], 'Bag': [4, 5], 'Lamp': [24, 25, 26, 27], 'Table': [47, 48, 49], 'Airplane': [0, 1, 2, 3], 'Pistol': [38, 39, 40], 'Chair': [12, 13, 14, 15], 'Knife': [22, 23]}
+
+ for cat in sorted(self.seg_classes.keys()):
+ print(cat, self.seg_classes[cat])
+
+ self.cache = {} # from index to (point_set, cls, seg) tuple
+ self.cache_size = 20000
+
+ def __getitem__(self, index):
+ if index in self.cache:
+ point_set, normal, seg, cls = self.cache[index]
+ else:
+ fn = self.datapath[index]
+ cat = self.datapath[index][0]
+ cls = self.classes[cat]
+ cls = np.array([cls]).astype(np.int32)
+ data = np.loadtxt(fn[1]).astype(np.float32)
+ point_set = data[:,0:3]
+ if self.normalize:
+ point_set = pc_normalize(point_set)
+ normal = data[:,3:6]
+ seg = data[:,-1].astype(np.int32)
+ if len(self.cache) < self.cache_size:
+ self.cache[index] = (point_set, normal, seg, cls)
+
+
+ choice = np.random.choice(len(seg), self.npoints, replace=True)
+ #resample
+ point_set = point_set[choice, :]
+ seg = seg[choice]
+ normal = normal[choice,:]
+ if self.classification:
+ return point_set, normal, cls
+ else:
+ if self.return_cls_label:
+ return point_set, normal, seg, cls
+ else:
+ return point_set, normal, seg
+
+ def __len__(self):
+ return len(self.datapath)
+
+
+if __name__ == '__main__':
+ d = PartNormalDataset(root = '../data/shapenetcore_partanno_segmentation_benchmark_v0_normal', split='trainval', npoints=3000)
+ print(len(d))
+
+ i = 500
+ ps, normal, seg = d[i]
+ print d.datapath[i]
+ print np.max(seg), np.min(seg)
+ print(ps.shape, seg.shape, normal.shape)
+ print ps
+ print normal
+
+ sys.path.append('../utils')
+ import show3d_balls
+ show3d_balls.showpoints(ps, normal+1, ballradius=8)
+
+ d = PartNormalDataset(root = '../data/shapenetcore_partanno_segmentation_benchmark_v0_normal', classification = True)
+ print(len(d))
+ ps, normal, cls = d[0]
+ print(ps.shape, type(ps), cls.shape,type(cls))
+
diff --git a/pointnet2/part_seg/test.py b/pointnet2/part_seg/test.py
new file mode 100644
index 0000000..3c09451
--- /dev/null
+++ b/pointnet2/part_seg/test.py
@@ -0,0 +1,85 @@
+import tensorflow as tf
+import numpy as np
+import argparse
+import socket
+import importlib
+import time
+import os
+import scipy.misc
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(BASE_DIR, 'models'))
+sys.path.append(os.path.join(BASE_DIR, 'utils'))
+import provider
+import show3d_balls
+sys.path.append(os.path.join(ROOT_DIR, 'data_prep'))
+import part_dataset
+
+
+parser = argparse.ArgumentParser()
+parser.add_argument('--gpu', type=int, default=0, help='GPU to use [default: GPU 0]')
+parser.add_argument('--num_point', type=int, default=2048, help='Point Number [default: 2048]')
+parser.add_argument('--category', default='Airplane', help='Which single class to train on [default: Airplane]')
+parser.add_argument('--model', default='pointnet2_part_seg', help='Model name [default: pointnet2_part_seg]')
+parser.add_argument('--model_path', default='log/model.ckpt', help='model checkpoint file path [default: log/model.ckpt]')
+FLAGS = parser.parse_args()
+
+
+MODEL_PATH = FLAGS.model_path
+GPU_INDEX = FLAGS.gpu
+NUM_POINT = FLAGS.num_point
+MODEL = importlib.import_module(FLAGS.model) # import network module
+NUM_CLASSES = 4
+DATA_PATH = os.path.join(ROOT_DIR, 'data', 'shapenetcore_partanno_segmentation_benchmark_v0_normal')
+TEST_DATASET = part_dataset.PartDataset(root=DATA_PATH, npoints=NUM_POINT, classification=False, class_choice=FLAGS.category, split='test')
+
+def get_model(batch_size, num_point):
+ with tf.Graph().as_default():
+ with tf.device('/gpu:'+str(GPU_INDEX)):
+ pointclouds_pl, labels_pl = MODEL.placeholder_inputs(batch_size, num_point)
+ is_training_pl = tf.placeholder(tf.bool, shape=())
+ pred, end_points = MODEL.get_model(pointclouds_pl, is_training_pl)
+ loss = MODEL.get_loss(pred, labels_pl, end_points)
+ saver = tf.train.Saver()
+ # Create a session
+ config = tf.ConfigProto()
+ config.gpu_options.allow_growth = True
+ config.allow_soft_placement = True
+ sess = tf.Session(config=config)
+ # Restore variables from disk.
+ saver.restore(sess, MODEL_PATH)
+ ops = {'pointclouds_pl': pointclouds_pl,
+ 'labels_pl': labels_pl,
+ 'is_training_pl': is_training_pl,
+ 'pred': pred,
+ 'loss': loss}
+ return sess, ops
+
+def inference(sess, ops, pc, batch_size):
+ ''' pc: BxNx3 array, return BxN pred '''
+ assert pc.shape[0]%batch_size == 0
+ num_batches = pc.shape[0]/batch_size
+ logits = np.zeros((pc.shape[0], pc.shape[1], NUM_CLASSES))
+ for i in range(num_batches):
+ feed_dict = {ops['pointclouds_pl']: pc[i*batch_size:(i+1)*batch_size,...],
+ ops['is_training_pl']: False}
+ batch_logits = sess.run(ops['pred'], feed_dict=feed_dict)
+ logits[i*batch_size:(i+1)*batch_size,...] = batch_logits
+ return np.argmax(logits, 2)
+
+if __name__=='__main__':
+
+ import matplotlib.pyplot as plt
+ cmap = plt.cm.get_cmap("hsv", 4)
+ cmap = np.array([cmap(i) for i in range(10)])[:,:3]
+
+ for i in range(len(TEST_DATASET)):
+ ps, seg = TEST_DATASET[i]
+ sess, ops = get_model(batch_size=1, num_point=ps.shape[0])
+ segp = inference(sess, ops, np.expand_dims(ps,0), batch_size=1)
+ segp = segp.squeeze()
+
+ gt = cmap[seg, :]
+ pred = cmap[segp, :]
+ show3d_balls.showpoints(ps, gt, pred, ballradius=8)
diff --git a/pointnet2/part_seg/train.py b/pointnet2/part_seg/train.py
new file mode 100644
index 0000000..1803458
--- /dev/null
+++ b/pointnet2/part_seg/train.py
@@ -0,0 +1,323 @@
+import argparse
+import math
+from datetime import datetime
+import h5py
+import numpy as np
+import tensorflow as tf
+import socket
+import importlib
+import os
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+ROOT_DIR = os.path.dirname(BASE_DIR)
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(ROOT_DIR, 'models'))
+sys.path.append(os.path.join(ROOT_DIR, 'utils'))
+import provider
+import tf_util
+import part_dataset_all_normal
+
+parser = argparse.ArgumentParser()
+parser.add_argument('--gpu', type=int, default=0, help='GPU to use [default: GPU 0]')
+parser.add_argument('--model', default='model', help='Model name [default: model]')
+parser.add_argument('--log_dir', default='log', help='Log dir [default: log]')
+parser.add_argument('--num_point', type=int, default=2048, help='Point Number [default: 2048]')
+parser.add_argument('--max_epoch', type=int, default=201, help='Epoch to run [default: 201]')
+parser.add_argument('--batch_size', type=int, default=32, help='Batch Size during training [default: 32]')
+parser.add_argument('--learning_rate', type=float, default=0.001, help='Initial learning rate [default: 0.001]')
+parser.add_argument('--momentum', type=float, default=0.9, help='Initial learning rate [default: 0.9]')
+parser.add_argument('--optimizer', default='adam', help='adam or momentum [default: adam]')
+parser.add_argument('--decay_step', type=int, default=200000, help='Decay step for lr decay [default: 200000]')
+parser.add_argument('--decay_rate', type=float, default=0.7, help='Decay rate for lr decay [default: 0.7]')
+FLAGS = parser.parse_args()
+
+EPOCH_CNT = 0
+
+BATCH_SIZE = FLAGS.batch_size
+NUM_POINT = FLAGS.num_point
+MAX_EPOCH = FLAGS.max_epoch
+BASE_LEARNING_RATE = FLAGS.learning_rate
+GPU_INDEX = FLAGS.gpu
+MOMENTUM = FLAGS.momentum
+OPTIMIZER = FLAGS.optimizer
+DECAY_STEP = FLAGS.decay_step
+DECAY_RATE = FLAGS.decay_rate
+
+MODEL = importlib.import_module(FLAGS.model) # import network module
+MODEL_FILE = os.path.join(ROOT_DIR, 'models', FLAGS.model+'.py')
+LOG_DIR = FLAGS.log_dir
+if not os.path.exists(LOG_DIR): os.mkdir(LOG_DIR)
+os.system('cp %s %s' % (MODEL_FILE, LOG_DIR)) # bkp of model def
+os.system('cp train.py %s' % (LOG_DIR)) # bkp of train procedure
+LOG_FOUT = open(os.path.join(LOG_DIR, 'log_train.txt'), 'w')
+LOG_FOUT.write(str(FLAGS)+'\n')
+
+BN_INIT_DECAY = 0.5
+BN_DECAY_DECAY_RATE = 0.5
+BN_DECAY_DECAY_STEP = float(DECAY_STEP)
+BN_DECAY_CLIP = 0.99
+
+HOSTNAME = socket.gethostname()
+
+NUM_CLASSES = 50
+
+# Shapenet official train/test split
+DATA_PATH = os.path.join(ROOT_DIR, 'data', 'shapenetcore_partanno_segmentation_benchmark_v0_normal')
+TRAIN_DATASET = part_dataset_all_normal.PartNormalDataset(root=DATA_PATH, npoints=NUM_POINT, classification=False, split='trainval')
+TEST_DATASET = part_dataset_all_normal.PartNormalDataset(root=DATA_PATH, npoints=NUM_POINT, classification=False, split='test')
+
+def log_string(out_str):
+ LOG_FOUT.write(out_str+'\n')
+ LOG_FOUT.flush()
+ print(out_str)
+
+def get_learning_rate(batch):
+ learning_rate = tf.train.exponential_decay(
+ BASE_LEARNING_RATE, # Base learning rate.
+ batch * BATCH_SIZE, # Current index into the dataset.
+ DECAY_STEP, # Decay step.
+ DECAY_RATE, # Decay rate.
+ staircase=True)
+ learning_rate = tf.maximum(learning_rate, 0.00001) # CLIP THE LEARNING RATE!
+ return learning_rate
+
+def get_bn_decay(batch):
+ bn_momentum = tf.train.exponential_decay(
+ BN_INIT_DECAY,
+ batch*BATCH_SIZE,
+ BN_DECAY_DECAY_STEP,
+ BN_DECAY_DECAY_RATE,
+ staircase=True)
+ bn_decay = tf.minimum(BN_DECAY_CLIP, 1 - bn_momentum)
+ return bn_decay
+
+def train():
+ with tf.Graph().as_default():
+ with tf.device('/gpu:'+str(GPU_INDEX)):
+ pointclouds_pl, labels_pl = MODEL.placeholder_inputs(BATCH_SIZE, NUM_POINT)
+ is_training_pl = tf.placeholder(tf.bool, shape=())
+
+ # Note the global_step=batch parameter to minimize.
+ # That tells the optimizer to helpfully increment the 'batch' parameter for you every time it trains.
+ batch = tf.Variable(0)
+ bn_decay = get_bn_decay(batch)
+ tf.summary.scalar('bn_decay', bn_decay)
+
+ print "--- Get model and loss"
+ # Get model and loss
+ pred, end_points = MODEL.get_model(pointclouds_pl, is_training_pl, bn_decay=bn_decay)
+ loss = MODEL.get_loss(pred, labels_pl)
+ tf.summary.scalar('loss', loss)
+
+ correct = tf.equal(tf.argmax(pred, 2), tf.to_int64(labels_pl))
+ accuracy = tf.reduce_sum(tf.cast(correct, tf.float32)) / float(BATCH_SIZE*NUM_POINT)
+ tf.summary.scalar('accuracy', accuracy)
+
+ print "--- Get training operator"
+ # Get training operator
+ learning_rate = get_learning_rate(batch)
+ tf.summary.scalar('learning_rate', learning_rate)
+ if OPTIMIZER == 'momentum':
+ optimizer = tf.train.MomentumOptimizer(learning_rate, momentum=MOMENTUM)
+ elif OPTIMIZER == 'adam':
+ optimizer = tf.train.AdamOptimizer(learning_rate)
+ train_op = optimizer.minimize(loss, global_step=batch)
+
+ # Add ops to save and restore all the variables.
+ saver = tf.train.Saver()
+
+ # Create a session
+ config = tf.ConfigProto()
+ config.gpu_options.allow_growth = True
+ config.allow_soft_placement = True
+ config.log_device_placement = False
+ sess = tf.Session(config=config)
+
+ # Add summary writers
+ merged = tf.summary.merge_all()
+ train_writer = tf.summary.FileWriter(os.path.join(LOG_DIR, 'train'), sess.graph)
+ test_writer = tf.summary.FileWriter(os.path.join(LOG_DIR, 'test'), sess.graph)
+
+ # Init variables
+ init = tf.global_variables_initializer()
+ sess.run(init)
+
+ ops = {'pointclouds_pl': pointclouds_pl,
+ 'labels_pl': labels_pl,
+ 'is_training_pl': is_training_pl,
+ 'pred': pred,
+ 'loss': loss,
+ 'train_op': train_op,
+ 'merged': merged,
+ 'step': batch,
+ 'end_points': end_points}
+
+ best_acc = -1
+ for epoch in range(MAX_EPOCH):
+ log_string('**** EPOCH %03d ****' % (epoch))
+ sys.stdout.flush()
+
+ train_one_epoch(sess, ops, train_writer)
+ eval_one_epoch(sess, ops, test_writer)
+
+ # Save the variables to disk.
+ if epoch % 10 == 0:
+ save_path = saver.save(sess, os.path.join(LOG_DIR, "model.ckpt"))
+ log_string("Model saved in file: %s" % save_path)
+
+def get_batch(dataset, idxs, start_idx, end_idx):
+ bsize = end_idx-start_idx
+ batch_data = np.zeros((bsize, NUM_POINT, 6))
+ batch_label = np.zeros((bsize, NUM_POINT), dtype=np.int32)
+ for i in range(bsize):
+ ps,normal,seg = dataset[idxs[i+start_idx]]
+ batch_data[i,:,0:3] = ps
+ batch_data[i,:,3:6] = normal
+ batch_label[i,:] = seg
+ return batch_data, batch_label
+
+def train_one_epoch(sess, ops, train_writer):
+ """ ops: dict mapping from string to tf ops """
+ is_training = True
+
+ # Shuffle train samples
+ train_idxs = np.arange(0, len(TRAIN_DATASET))
+ np.random.shuffle(train_idxs)
+ num_batches = len(TRAIN_DATASET)/BATCH_SIZE
+
+ log_string(str(datetime.now()))
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ for batch_idx in range(num_batches):
+ start_idx = batch_idx * BATCH_SIZE
+ end_idx = (batch_idx+1) * BATCH_SIZE
+ batch_data, batch_label = get_batch(TRAIN_DATASET, train_idxs, start_idx, end_idx)
+ # Augment batched point clouds by rotation and jittering
+ #aug_data = batch_data
+ #aug_data = provider.random_scale_point_cloud(batch_data)
+ batch_data[:,:,0:3] = provider.jitter_point_cloud(batch_data[:,:,0:3])
+ feed_dict = {ops['pointclouds_pl']: batch_data,
+ ops['labels_pl']: batch_label,
+ ops['is_training_pl']: is_training,}
+ summary, step, _, loss_val, pred_val = sess.run([ops['merged'], ops['step'],
+ ops['train_op'], ops['loss'], ops['pred']], feed_dict=feed_dict)
+ train_writer.add_summary(summary, step)
+ pred_val = np.argmax(pred_val, 2)
+ correct = np.sum(pred_val == batch_label)
+ total_correct += correct
+ total_seen += (BATCH_SIZE*NUM_POINT)
+ loss_sum += loss_val
+
+ if (batch_idx+1)%10 == 0:
+ log_string(' -- %03d / %03d --' % (batch_idx+1, num_batches))
+ log_string('mean loss: %f' % (loss_sum / 10))
+ log_string('accuracy: %f' % (total_correct / float(total_seen)))
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+
+
+
+def eval_one_epoch(sess, ops, test_writer):
+ """ ops: dict mapping from string to tf ops """
+ global EPOCH_CNT
+ is_training = False
+ test_idxs = np.arange(0, len(TEST_DATASET))
+ # Test on all data: last batch might be smaller than BATCH_SIZE
+ num_batches = (len(TEST_DATASET)+BATCH_SIZE-1)/BATCH_SIZE
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ total_seen_class = [0 for _ in range(NUM_CLASSES)]
+ total_correct_class = [0 for _ in range(NUM_CLASSES)]
+
+ seg_classes = TEST_DATASET.seg_classes
+ shape_ious = {cat:[] for cat in seg_classes.keys()}
+ seg_label_to_cat = {} # {0:Airplane, 1:Airplane, ...49:Table}
+ for cat in seg_classes.keys():
+ for label in seg_classes[cat]:
+ seg_label_to_cat[label] = cat
+
+ log_string(str(datetime.now()))
+ log_string('---- EPOCH %03d EVALUATION ----'%(EPOCH_CNT))
+
+ batch_data = np.zeros((BATCH_SIZE, NUM_POINT, 3))
+ batch_label = np.zeros((BATCH_SIZE, NUM_POINT)).astype(np.int32)
+ for batch_idx in range(num_batches):
+ if batch_idx %20==0:
+ log_string('%03d/%03d'%(batch_idx, num_batches))
+ start_idx = batch_idx * BATCH_SIZE
+ end_idx = min(len(TEST_DATASET), (batch_idx+1) * BATCH_SIZE)
+ cur_batch_size = end_idx-start_idx
+ cur_batch_data, cur_batch_label = get_batch(TEST_DATASET, test_idxs, start_idx, end_idx)
+ if cur_batch_size == BATCH_SIZE:
+ batch_data = cur_batch_data
+ batch_label = cur_batch_label
+ else:
+ batch_data[0:cur_batch_size] = cur_batch_data
+ batch_label[0:cur_batch_size] = cur_batch_label
+
+ # ---------------------------------------------------------------------
+ feed_dict = {ops['pointclouds_pl']: batch_data,
+ ops['labels_pl']: batch_label,
+ ops['is_training_pl']: is_training}
+ summary, step, loss_val, pred_val = sess.run([ops['merged'], ops['step'],
+ ops['loss'], ops['pred']], feed_dict=feed_dict)
+ test_writer.add_summary(summary, step)
+ # ---------------------------------------------------------------------
+
+ # Select valid data
+ cur_pred_val = pred_val[0:cur_batch_size]
+ # Constrain pred to the groundtruth classes (selected by seg_classes[cat])
+ cur_pred_val_logits = cur_pred_val
+ cur_pred_val = np.zeros((cur_batch_size, NUM_POINT)).astype(np.int32)
+ for i in range(cur_batch_size):
+ cat = seg_label_to_cat[cur_batch_label[i,0]]
+ logits = cur_pred_val_logits[i,:,:]
+ cur_pred_val[i,:] = np.argmax(logits[:,seg_classes[cat]], 1) + seg_classes[cat][0]
+ correct = np.sum(cur_pred_val == cur_batch_label)
+ total_correct += correct
+ total_seen += (cur_batch_size*NUM_POINT)
+ if cur_batch_size==BATCH_SIZE:
+ loss_sum += loss_val
+ for l in range(NUM_CLASSES):
+ total_seen_class[l] += np.sum(cur_batch_label==l)
+ total_correct_class[l] += (np.sum((cur_pred_val==l) & (cur_batch_label==l)))
+
+ for i in range(cur_batch_size):
+ segp = cur_pred_val[i,:]
+ segl = cur_batch_label[i,:]
+ cat = seg_label_to_cat[segl[0]]
+ part_ious = [0.0 for _ in range(len(seg_classes[cat]))]
+ for l in seg_classes[cat]:
+ if (np.sum(segl==l) == 0) and (np.sum(segp==l) == 0): # part is not present, no prediction as well
+ part_ious[l-seg_classes[cat][0]] = 1.0
+ else:
+ part_ious[l-seg_classes[cat][0]] = np.sum((segl==l) & (segp==l)) / float(np.sum((segl==l) | (segp==l)))
+ shape_ious[cat].append(np.mean(part_ious))
+
+ all_shape_ious = []
+ for cat in shape_ious.keys():
+ for iou in shape_ious[cat]:
+ all_shape_ious.append(iou)
+ shape_ious[cat] = np.mean(shape_ious[cat])
+ mean_shape_ious = np.mean(shape_ious.values())
+ log_string('eval mean loss: %f' % (loss_sum / float(len(TEST_DATASET)/BATCH_SIZE)))
+ log_string('eval accuracy: %f'% (total_correct / float(total_seen)))
+ log_string('eval avg class acc: %f' % (np.mean(np.array(total_correct_class)/np.array(total_seen_class,dtype=np.float))))
+ for cat in sorted(shape_ious.keys()):
+ log_string('eval mIoU of %s:\t %f'%(cat, shape_ious[cat]))
+ log_string('eval mean mIoU: %f' % (mean_shape_ious))
+ log_string('eval mean mIoU (all shapes): %f' % (np.mean(all_shape_ious)))
+
+ EPOCH_CNT += 1
+ return total_correct/float(total_seen)
+
+
+if __name__ == "__main__":
+ log_string('pid: %s'%(str(os.getpid())))
+ train()
+ LOG_FOUT.close()
diff --git a/pointnet2/part_seg/train_one_hot.py b/pointnet2/part_seg/train_one_hot.py
new file mode 100644
index 0000000..b2bb5aa
--- /dev/null
+++ b/pointnet2/part_seg/train_one_hot.py
@@ -0,0 +1,333 @@
+import argparse
+import math
+from datetime import datetime
+import h5py
+import numpy as np
+import tensorflow as tf
+import socket
+import importlib
+import os
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+ROOT_DIR = os.path.dirname(BASE_DIR)
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(ROOT_DIR, 'models'))
+sys.path.append(os.path.join(ROOT_DIR, 'utils'))
+import provider
+import tf_util
+import part_dataset_all_normal
+
+parser = argparse.ArgumentParser()
+parser.add_argument('--gpu', type=int, default=0, help='GPU to use [default: GPU 0]')
+parser.add_argument('--model', default='model', help='Model name [default: model]')
+parser.add_argument('--log_dir', default='log', help='Log dir [default: log]')
+parser.add_argument('--num_point', type=int, default=2048, help='Point Number [default: 2048]')
+parser.add_argument('--max_epoch', type=int, default=201, help='Epoch to run [default: 201]')
+parser.add_argument('--batch_size', type=int, default=32, help='Batch Size during training [default: 32]')
+parser.add_argument('--learning_rate', type=float, default=0.001, help='Initial learning rate [default: 0.001]')
+parser.add_argument('--momentum', type=float, default=0.9, help='Initial learning rate [default: 0.9]')
+parser.add_argument('--optimizer', default='adam', help='adam or momentum [default: adam]')
+parser.add_argument('--decay_step', type=int, default=16881*20, help='Decay step for lr decay [default: 200000]')
+parser.add_argument('--decay_rate', type=float, default=0.5, help='Decay rate for lr decay [default: 0.7]')
+FLAGS = parser.parse_args()
+
+EPOCH_CNT = 0
+
+BATCH_SIZE = FLAGS.batch_size
+NUM_POINT = FLAGS.num_point
+MAX_EPOCH = FLAGS.max_epoch
+BASE_LEARNING_RATE = FLAGS.learning_rate
+GPU_INDEX = FLAGS.gpu
+MOMENTUM = FLAGS.momentum
+OPTIMIZER = FLAGS.optimizer
+DECAY_STEP = FLAGS.decay_step
+DECAY_RATE = FLAGS.decay_rate
+
+MODEL = importlib.import_module(FLAGS.model) # import network module
+MODEL_FILE = os.path.join(ROOT_DIR, 'models', FLAGS.model+'.py')
+LOG_DIR = FLAGS.log_dir
+if not os.path.exists(LOG_DIR): os.mkdir(LOG_DIR)
+os.system('cp %s %s' % (MODEL_FILE, LOG_DIR)) # bkp of model def
+os.system('cp train.py %s' % (LOG_DIR)) # bkp of train procedure
+LOG_FOUT = open(os.path.join(LOG_DIR, 'log_train.txt'), 'w')
+LOG_FOUT.write(str(FLAGS)+'\n')
+
+BN_INIT_DECAY = 0.5
+BN_DECAY_DECAY_RATE = 0.5
+BN_DECAY_DECAY_STEP = float(DECAY_STEP)
+BN_DECAY_CLIP = 0.99
+
+HOSTNAME = socket.gethostname()
+
+NUM_CLASSES = 50
+
+# Shapenet official train/test split
+DATA_PATH = os.path.join(ROOT_DIR, 'data', 'shapenetcore_partanno_segmentation_benchmark_v0_normal')
+TRAIN_DATASET = part_dataset_all_normal.PartNormalDataset(root=DATA_PATH, npoints=NUM_POINT, classification=False, split='trainval', return_cls_label=True)
+TEST_DATASET = part_dataset_all_normal.PartNormalDataset(root=DATA_PATH, npoints=NUM_POINT, classification=False, split='test', return_cls_label=True)
+
+def log_string(out_str):
+ LOG_FOUT.write(out_str+'\n')
+ LOG_FOUT.flush()
+ print(out_str)
+
+def get_learning_rate(batch):
+ learning_rate = tf.train.exponential_decay(
+ BASE_LEARNING_RATE, # Base learning rate.
+ batch * BATCH_SIZE, # Current index into the dataset.
+ DECAY_STEP, # Decay step.
+ DECAY_RATE, # Decay rate.
+ staircase=True)
+ learning_rate = tf.maximum(learning_rate, 0.00001) # CLIP THE LEARNING RATE!
+ return learning_rate
+
+def get_bn_decay(batch):
+ bn_momentum = tf.train.exponential_decay(
+ BN_INIT_DECAY,
+ batch*BATCH_SIZE,
+ BN_DECAY_DECAY_STEP,
+ BN_DECAY_DECAY_RATE,
+ staircase=True)
+ bn_decay = tf.minimum(BN_DECAY_CLIP, 1 - bn_momentum)
+ return bn_decay
+
+def train():
+ with tf.Graph().as_default():
+ with tf.device('/gpu:'+str(GPU_INDEX)):
+ pointclouds_pl, labels_pl, cls_labels_pl = MODEL.placeholder_inputs(BATCH_SIZE, NUM_POINT)
+ is_training_pl = tf.placeholder(tf.bool, shape=())
+ print is_training_pl
+
+ # Note the global_step=batch parameter to minimize.
+ # That tells the optimizer to helpfully increment the 'batch' parameter for you every time it trains.
+ batch = tf.Variable(0)
+ bn_decay = get_bn_decay(batch)
+ tf.summary.scalar('bn_decay', bn_decay)
+
+ print "--- Get model and loss"
+ # Get model and loss
+ pred, end_points = MODEL.get_model(pointclouds_pl, cls_labels_pl, is_training_pl, bn_decay=bn_decay)
+ loss = MODEL.get_loss(pred, labels_pl)
+ tf.summary.scalar('loss', loss)
+
+ correct = tf.equal(tf.argmax(pred, 2), tf.to_int64(labels_pl))
+ accuracy = tf.reduce_sum(tf.cast(correct, tf.float32)) / float(BATCH_SIZE*NUM_POINT)
+ tf.summary.scalar('accuracy', accuracy)
+
+ print "--- Get training operator"
+ # Get training operator
+ learning_rate = get_learning_rate(batch)
+ tf.summary.scalar('learning_rate', learning_rate)
+ if OPTIMIZER == 'momentum':
+ optimizer = tf.train.MomentumOptimizer(learning_rate, momentum=MOMENTUM)
+ elif OPTIMIZER == 'adam':
+ optimizer = tf.train.AdamOptimizer(learning_rate)
+ train_op = optimizer.minimize(loss, global_step=batch)
+
+ # Add ops to save and restore all the variables.
+ saver = tf.train.Saver()
+
+ # Create a session
+ config = tf.ConfigProto()
+ config.gpu_options.allow_growth = True
+ config.allow_soft_placement = True
+ config.log_device_placement = False
+ sess = tf.Session(config=config)
+
+ # Add summary writers
+ merged = tf.summary.merge_all()
+ train_writer = tf.summary.FileWriter(os.path.join(LOG_DIR, 'train'), sess.graph)
+ test_writer = tf.summary.FileWriter(os.path.join(LOG_DIR, 'test'), sess.graph)
+
+ # Init variables
+ init = tf.global_variables_initializer()
+ sess.run(init)
+ #sess.run(init, {is_training_pl: True})
+
+ ops = {'pointclouds_pl': pointclouds_pl,
+ 'labels_pl': labels_pl,
+ 'cls_labels_pl': cls_labels_pl,
+ 'is_training_pl': is_training_pl,
+ 'pred': pred,
+ 'loss': loss,
+ 'train_op': train_op,
+ 'merged': merged,
+ 'step': batch,
+ 'end_points': end_points}
+
+ best_acc = -1
+ for epoch in range(MAX_EPOCH):
+ log_string('**** EPOCH %03d ****' % (epoch))
+ sys.stdout.flush()
+
+ train_one_epoch(sess, ops, train_writer)
+ eval_one_epoch(sess, ops, test_writer)
+
+ # Save the variables to disk.
+ if epoch % 10 == 0:
+ save_path = saver.save(sess, os.path.join(LOG_DIR, "model.ckpt"))
+ log_string("Model saved in file: %s" % save_path)
+
+def get_batch(dataset, idxs, start_idx, end_idx):
+ bsize = end_idx-start_idx
+ batch_data = np.zeros((bsize, NUM_POINT, 6))
+ batch_label = np.zeros((bsize, NUM_POINT), dtype=np.int32)
+ batch_cls_label = np.zeros((bsize,), dtype=np.int32)
+ for i in range(bsize):
+ ps,normal,seg,cls = dataset[idxs[i+start_idx]]
+ batch_data[i,:,0:3] = ps
+ batch_data[i,:,3:6] = normal
+ batch_label[i,:] = seg
+ batch_cls_label[i] = cls
+ return batch_data, batch_label, batch_cls_label
+
+def train_one_epoch(sess, ops, train_writer):
+ """ ops: dict mapping from string to tf ops """
+ is_training = True
+
+ # Shuffle train samples
+ train_idxs = np.arange(0, len(TRAIN_DATASET))
+ np.random.shuffle(train_idxs)
+ num_batches = len(TRAIN_DATASET)/BATCH_SIZE
+
+ log_string(str(datetime.now()))
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ for batch_idx in range(num_batches):
+ start_idx = batch_idx * BATCH_SIZE
+ end_idx = (batch_idx+1) * BATCH_SIZE
+ batch_data, batch_label, batch_cls_label = get_batch(TRAIN_DATASET, train_idxs, start_idx, end_idx)
+ # Augment batched point clouds by rotation and jittering
+ #aug_data = batch_data
+ #aug_data = provider.random_scale_point_cloud(batch_data)
+ batch_data[:,:,0:3] = provider.jitter_point_cloud(batch_data[:,:,0:3])
+ feed_dict = {ops['pointclouds_pl']: batch_data,
+ ops['labels_pl']: batch_label,
+ ops['cls_labels_pl']: batch_cls_label,
+ ops['is_training_pl']: is_training,}
+ summary, step, _, loss_val, pred_val = sess.run([ops['merged'], ops['step'],
+ ops['train_op'], ops['loss'], ops['pred']], feed_dict=feed_dict)
+ train_writer.add_summary(summary, step)
+ pred_val = np.argmax(pred_val, 2)
+ correct = np.sum(pred_val == batch_label)
+ total_correct += correct
+ total_seen += (BATCH_SIZE*NUM_POINT)
+ loss_sum += loss_val
+
+ if (batch_idx+1)%10 == 0:
+ log_string(' -- %03d / %03d --' % (batch_idx+1, num_batches))
+ log_string('mean loss: %f' % (loss_sum / 10))
+ log_string('accuracy: %f' % (total_correct / float(total_seen)))
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+
+
+
+def eval_one_epoch(sess, ops, test_writer):
+ """ ops: dict mapping from string to tf ops """
+ global EPOCH_CNT
+ is_training = False
+ test_idxs = np.arange(0, len(TEST_DATASET))
+ # Test on all data: last batch might be smaller than BATCH_SIZE
+ num_batches = (len(TEST_DATASET)+BATCH_SIZE-1)/BATCH_SIZE
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ total_seen_class = [0 for _ in range(NUM_CLASSES)]
+ total_correct_class = [0 for _ in range(NUM_CLASSES)]
+
+ seg_classes = TEST_DATASET.seg_classes
+ shape_ious = {cat:[] for cat in seg_classes.keys()}
+ seg_label_to_cat = {} # {0:Airplane, 1:Airplane, ...49:Table}
+ for cat in seg_classes.keys():
+ for label in seg_classes[cat]:
+ seg_label_to_cat[label] = cat
+
+ log_string(str(datetime.now()))
+ log_string('---- EPOCH %03d EVALUATION ----'%(EPOCH_CNT))
+
+ batch_data = np.zeros((BATCH_SIZE, NUM_POINT, 3))
+ batch_label = np.zeros((BATCH_SIZE, NUM_POINT)).astype(np.int32)
+ batch_cls_label = np.zeros((BATCH_SIZE,)).astype(np.int32)
+ for batch_idx in range(num_batches):
+ if batch_idx %20==0:
+ log_string('%03d/%03d'%(batch_idx, num_batches))
+ start_idx = batch_idx * BATCH_SIZE
+ end_idx = min(len(TEST_DATASET), (batch_idx+1) * BATCH_SIZE)
+ cur_batch_size = end_idx-start_idx
+ cur_batch_data, cur_batch_label, cur_batch_cls_label = get_batch(TEST_DATASET, test_idxs, start_idx, end_idx)
+ if cur_batch_size == BATCH_SIZE:
+ batch_data = cur_batch_data
+ batch_label = cur_batch_label
+ batch_cls_label = cur_batch_cls_label
+ else:
+ batch_data[0:cur_batch_size] = cur_batch_data
+ batch_label[0:cur_batch_size] = cur_batch_label
+ batch_cls_label[0:cur_batch_size] = cur_batch_cls_label
+
+ # ---------------------------------------------------------------------
+ feed_dict = {ops['pointclouds_pl']: batch_data,
+ ops['labels_pl']: batch_label,
+ ops['cls_labels_pl']: batch_cls_label,
+ ops['is_training_pl']: is_training}
+ summary, step, loss_val, pred_val = sess.run([ops['merged'], ops['step'],
+ ops['loss'], ops['pred']], feed_dict=feed_dict)
+ test_writer.add_summary(summary, step)
+ # ---------------------------------------------------------------------
+
+ # Select valid data
+ cur_pred_val = pred_val[0:cur_batch_size]
+ # Constrain pred to the groundtruth classes (selected by seg_classes[cat])
+ cur_pred_val_logits = cur_pred_val
+ cur_pred_val = np.zeros((cur_batch_size, NUM_POINT)).astype(np.int32)
+ for i in range(cur_batch_size):
+ cat = seg_label_to_cat[cur_batch_label[i,0]]
+ logits = cur_pred_val_logits[i,:,:]
+ cur_pred_val[i,:] = np.argmax(logits[:,seg_classes[cat]], 1) + seg_classes[cat][0]
+ correct = np.sum(cur_pred_val == cur_batch_label)
+ total_correct += correct
+ total_seen += (cur_batch_size*NUM_POINT)
+ if cur_batch_size==BATCH_SIZE:
+ loss_sum += loss_val
+ for l in range(NUM_CLASSES):
+ total_seen_class[l] += np.sum(cur_batch_label==l)
+ total_correct_class[l] += (np.sum((cur_pred_val==l) & (cur_batch_label==l)))
+
+ for i in range(cur_batch_size):
+ segp = cur_pred_val[i,:]
+ segl = cur_batch_label[i,:]
+ cat = seg_label_to_cat[segl[0]]
+ part_ious = [0.0 for _ in range(len(seg_classes[cat]))]
+ for l in seg_classes[cat]:
+ if (np.sum(segl==l) == 0) and (np.sum(segp==l) == 0): # part is not present, no prediction as well
+ part_ious[l-seg_classes[cat][0]] = 1.0
+ else:
+ part_ious[l-seg_classes[cat][0]] = np.sum((segl==l) & (segp==l)) / float(np.sum((segl==l) | (segp==l)))
+ shape_ious[cat].append(np.mean(part_ious))
+
+ all_shape_ious = []
+ for cat in shape_ious.keys():
+ for iou in shape_ious[cat]:
+ all_shape_ious.append(iou)
+ shape_ious[cat] = np.mean(shape_ious[cat])
+ mean_shape_ious = np.mean(shape_ious.values())
+ log_string('eval mean loss: %f' % (loss_sum / float(len(TEST_DATASET)/BATCH_SIZE)))
+ log_string('eval accuracy: %f'% (total_correct / float(total_seen)))
+ log_string('eval avg class acc: %f' % (np.mean(np.array(total_correct_class)/np.array(total_seen_class,dtype=np.float))))
+ for cat in sorted(shape_ious.keys()):
+ log_string('eval mIoU of %s:\t %f'%(cat, shape_ious[cat]))
+ log_string('eval mean mIoU: %f' % (mean_shape_ious))
+ log_string('eval mean mIoU (all shapes): %f' % (np.mean(all_shape_ious)))
+
+ EPOCH_CNT += 1
+ return total_correct/float(total_seen)
+
+
+if __name__ == "__main__":
+ log_string('pid: %s'%(str(os.getpid())))
+ train()
+ LOG_FOUT.close()
diff --git a/pointnet2/scannet/README.md b/pointnet2/scannet/README.md
new file mode 100644
index 0000000..2edfe7d
--- /dev/null
+++ b/pointnet2/scannet/README.md
@@ -0,0 +1,9 @@
+### ScanNet Data
+
+Original dataset website: http://www.scan-net.org/
+
+You can get our preprocessed data at here (1.72GB) and refer to the code in `scannet_util.py` for data loading. Note that the virtual scan data is generated on the fly from our preprocessed data.
+
+Some code we used for scannet preprocessing is also included in `preprocessing` folder. You have to download the original ScanNet data and make small modifications in paths in order to run them.
+
+Note: To use ScanNetV2 data, change the tsv file to `scannetv2-labels.combined.tsv` and also update `scannet_util.py` to read the raw class and NYU40 names in the right columns (shifted by 1 compared to the V1 tsv).
diff --git a/pointnet2/scannet/pc_util.py b/pointnet2/scannet/pc_util.py
new file mode 100644
index 0000000..4594f40
--- /dev/null
+++ b/pointnet2/scannet/pc_util.py
@@ -0,0 +1,379 @@
+""" Utility functions for processing point clouds.
+
+Author: Charles R. Qi, Hao Su
+Date: November 2016
+"""
+
+import os
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+sys.path.append(BASE_DIR)
+
+# Draw point cloud
+from eulerangles import euler2mat
+
+# Point cloud IO
+import numpy as np
+from plyfile import PlyData, PlyElement
+
+
+# ----------------------------------------
+# Point Cloud/Volume Conversions
+# ----------------------------------------
+def point_cloud_label_to_surface_voxel_label(point_cloud, label, res=0.0484):
+ coordmax = np.max(point_cloud,axis=0)
+ coordmin = np.min(point_cloud,axis=0)
+ nvox = np.ceil((coordmax-coordmin)/res)
+ vidx = np.ceil((point_cloud-coordmin)/res)
+ vidx = vidx[:,0]+vidx[:,1]*nvox[0]+vidx[:,2]*nvox[0]*nvox[1]
+ uvidx = np.unique(vidx)
+ if label.ndim==1:
+ uvlabel = [np.argmax(np.bincount(label[vidx==uv].astype(np.uint32))) for uv in uvidx]
+ else:
+ assert(label.ndim==2)
+ uvlabel = np.zeros(len(uvidx),label.shape[1])
+ for i in range(label.shape[1]):
+ uvlabel[:,i] = np.array([np.argmax(np.bincount(label[vidx==uv,i].astype(np.uint32))) for uv in uvidx])
+ return uvidx, uvlabel, nvox
+
+def point_cloud_label_to_surface_voxel_label_fast(point_cloud, label, res=0.0484):
+ coordmax = np.max(point_cloud,axis=0)
+ coordmin = np.min(point_cloud,axis=0)
+ nvox = np.ceil((coordmax-coordmin)/res)
+ vidx = np.ceil((point_cloud-coordmin)/res)
+ vidx = vidx[:,0]+vidx[:,1]*nvox[0]+vidx[:,2]*nvox[0]*nvox[1]
+ uvidx, vpidx = np.unique(vidx,return_index=True)
+ if label.ndim==1:
+ uvlabel = label[vpidx]
+ else:
+ assert(label.ndim==2)
+ uvlabel = label[vpidx,:]
+ return uvidx, uvlabel, nvox
+
+def point_cloud_to_volume_batch(point_clouds, vsize=12, radius=1.0, flatten=True):
+ """ Input is BxNx3 batch of point cloud
+ Output is Bx(vsize^3)
+ """
+ vol_list = []
+ for b in range(point_clouds.shape[0]):
+ vol = point_cloud_to_volume(np.squeeze(point_clouds[b,:,:]), vsize, radius)
+ if flatten:
+ vol_list.append(vol.flatten())
+ else:
+ vol_list.append(np.expand_dims(np.expand_dims(vol, -1), 0))
+ if flatten:
+ return np.vstack(vol_list)
+ else:
+ return np.concatenate(vol_list, 0)
+
+
+def point_cloud_to_volume(points, vsize, radius=1.0):
+ """ input is Nx3 points.
+ output is vsize*vsize*vsize
+ assumes points are in range [-radius, radius]
+ """
+ vol = np.zeros((vsize,vsize,vsize))
+ voxel = 2*radius/float(vsize)
+ locations = (points + radius)/voxel
+ locations = locations.astype(int)
+ vol[locations[:,0],locations[:,1],locations[:,2]] = 1.0
+ return vol
+
+#a = np.zeros((16,1024,3))
+#print point_cloud_to_volume_batch(a, 12, 1.0, False).shape
+
+def volume_to_point_cloud(vol):
+ """ vol is occupancy grid (value = 0 or 1) of size vsize*vsize*vsize
+ return Nx3 numpy array.
+ """
+ vsize = vol.shape[0]
+ assert(vol.shape[1] == vsize and vol.shape[1] == vsize)
+ points = []
+ for a in range(vsize):
+ for b in range(vsize):
+ for c in range(vsize):
+ if vol[a,b,c] == 1:
+ points.append(np.array([a,b,c]))
+ if len(points) == 0:
+ return np.zeros((0,3))
+ points = np.vstack(points)
+ return points
+
+def point_cloud_to_volume_v2_batch(point_clouds, vsize=12, radius=1.0, num_sample=128):
+ """ Input is BxNx3 a batch of point cloud
+ Output is BxVxVxVxnum_samplex3
+ Added on Feb 19
+ """
+ vol_list = []
+ for b in range(point_clouds.shape[0]):
+ vol = point_cloud_to_volume_v2(point_clouds[b,:,:], vsize, radius, num_sample)
+ vol_list.append(np.expand_dims(vol, 0))
+ return np.concatenate(vol_list, 0)
+
+def point_cloud_to_volume_v2(points, vsize, radius=1.0, num_sample=128):
+ """ input is Nx3 points
+ output is vsize*vsize*vsize*num_sample*3
+ assumes points are in range [-radius, radius]
+ samples num_sample points in each voxel, if there are less than
+ num_sample points, replicate the points
+ Added on Feb 19
+ """
+ vol = np.zeros((vsize,vsize,vsize,num_sample,3))
+ voxel = 2*radius/float(vsize)
+ locations = (points + radius)/voxel
+ locations = locations.astype(int)
+ loc2pc = {}
+ for n in range(points.shape[0]):
+ loc = tuple(locations[n,:])
+ if loc not in loc2pc:
+ loc2pc[loc] = []
+ loc2pc[loc].append(points[n,:])
+ #print loc2pc
+
+ for i in range(vsize):
+ for j in range(vsize):
+ for k in range(vsize):
+ if (i,j,k) not in loc2pc:
+ vol[i,j,k,:,:] = np.zeros((num_sample,3))
+ else:
+ pc = loc2pc[(i,j,k)] # a list of (3,) arrays
+ pc = np.vstack(pc) # kx3
+ # Sample/pad to num_sample points
+ if pc.shape[0]>num_sample:
+ choices = np.random.choice(pc.shape[0], num_sample, replace=False)
+ pc = pc[choices,:]
+ elif pc.shape[0]num_sample:
+ choices = np.random.choice(pc.shape[0], num_sample, replace=False)
+ pc = pc[choices,:]
+ elif pc.shape[0] 0)
+ dx = mask[:, 0]
+ dy = mask[:, 1]
+ dv = disk[disk > 0]
+
+ # Order points by z-buffer
+ zorder = np.argsort(points[:, 2])
+ points = points[zorder, :]
+ points[:, 2] = (points[:, 2] - np.min(points[:, 2])) / (np.max(points[:, 2] - np.min(points[:, 2])))
+ max_depth = np.max(points[:, 2])
+
+ for i in range(points.shape[0]):
+ j = points.shape[0] - i - 1
+ x = points[j, 0]
+ y = points[j, 1]
+ xc = canvasSize/2 + (x*space)
+ yc = canvasSize/2 + (y*space)
+ xc = int(np.round(xc))
+ yc = int(np.round(yc))
+
+ px = dx + xc
+ py = dy + yc
+
+ image[px, py] = image[px, py] * 0.7 + dv * (max_depth - points[j, 2]) * 0.3
+
+ image = image / np.max(image)
+ return image
+
+def point_cloud_three_views(points):
+ """ input points Nx3 numpy array (+y is up direction).
+ return an numpy array gray image of size 500x1500. """
+ # +y is up direction
+ # xrot is azimuth
+ # yrot is in-plane
+ # zrot is elevation
+ img1 = draw_point_cloud(points, zrot=110/180.0*np.pi, xrot=45/180.0*np.pi, yrot=0/180.0*np.pi)
+ img2 = draw_point_cloud(points, zrot=70/180.0*np.pi, xrot=135/180.0*np.pi, yrot=0/180.0*np.pi)
+ img3 = draw_point_cloud(points, zrot=180.0/180.0*np.pi, xrot=90/180.0*np.pi, yrot=0/180.0*np.pi)
+ image_large = np.concatenate([img1, img2, img3], 1)
+ return image_large
+
+
+def point_cloud_three_views_demo():
+ """ Demo for draw_point_cloud function """
+ from PIL import Image
+ points = read_ply('../third_party/mesh_sampling/piano.ply')
+ im_array = point_cloud_three_views(points)
+ img = Image.fromarray(np.uint8(im_array*255.0))
+ img.save('piano.jpg')
+
+if __name__=="__main__":
+ point_cloud_three_views_demo()
+
+
+def pyplot_draw_point_cloud(points, output_filename):
+ """ points is a Nx3 numpy array """
+ import matplotlib.pyplot as plt
+ fig = plt.figure()
+ ax = fig.add_subplot(111, projection='3d')
+ ax.scatter(points[:,0], points[:,1], points[:,2])
+ ax.set_xlabel('x')
+ ax.set_ylabel('y')
+ ax.set_zlabel('z')
+ #savefig(output_filename)
+
+def pyplot_draw_volume(vol, output_filename):
+ """ vol is of size vsize*vsize*vsize
+ output an image to output_filename
+ """
+ points = volume_to_point_cloud(vol)
+ pyplot_draw_point_cloud(points, output_filename)
+
+def write_ply_color(points, labels, out_filename, num_classes=None):
+ """ Color (N,3) points with labels (N) within range 0 ~ num_classes-1 as OBJ file """
+ import matplotlib.pyplot as pyplot
+ labels = labels.astype(int)
+ N = points.shape[0]
+ if num_classes is None:
+ num_classes = np.max(labels)+1
+ else:
+ assert(num_classes>np.max(labels))
+ fout = open(out_filename, 'w')
+ colors = [pyplot.cm.hsv(i/float(num_classes)) for i in range(num_classes)]
+ for i in range(N):
+ c = colors[labels[i]]
+ c = [int(x*255) for x in c]
+ fout.write('v %f %f %f %d %d %d\n' % (points[i,0],points[i,1],points[i,2],c[0],c[1],c[2]))
+ fout.close()
+
+def write_ply_rgb(points, colors, out_filename, num_classes=None):
+ """ Color (N,3) points with RGB colors (N,3) within range [0,255] as OBJ file """
+ colors = colors.astype(int)
+ N = points.shape[0]
+ fout = open(out_filename, 'w')
+ for i in range(N):
+ c = colors[i,:]
+ fout.write('v %f %f %f %d %d %d\n' % (points[i,0],points[i,1],points[i,2],c[0],c[1],c[2]))
+ fout.close()
diff --git a/pointnet2/scannet/preprocessing/collect_scannet_scenes.py b/pointnet2/scannet/preprocessing/collect_scannet_scenes.py
new file mode 100644
index 0000000..d648992
--- /dev/null
+++ b/pointnet2/scannet/preprocessing/collect_scannet_scenes.py
@@ -0,0 +1,102 @@
+import scannet_util
+
+CLASS_NAMES = scannet_util.g_label_names
+RAW2SCANNET = scannet_util.g_raw2scannet
+
+import os
+import json
+import sys
+import numpy as np
+BASE_DIR = os.path.dirname(__file__)
+
+sys.path.append(BASE_DIR)
+sys.path.append('../')
+import pc_util
+
+SCANNET_DIR = 'scannet_clean_2'
+SCENE_NAMES = [line.rstrip() for line in open('scannet_all.txt')]
+
+def collect_one_scene_data_label(scene_name, out_filename):
+ # Over-segmented segments: maps from segment to vertex/point IDs
+ data_folder = os.path.join(SCANNET_DIR, scene_name)
+ mesh_seg_filename = os.path.join(data_folder, '%s_vh_clean_2.0.010000.segs.json'%(scene_name))
+ #print mesh_seg_filename
+ with open(mesh_seg_filename) as jsondata:
+ d = json.load(jsondata)
+ seg = d['segIndices']
+ #print len(seg)
+ segid_to_pointid = {}
+ for i in range(len(seg)):
+ if seg[i] not in segid_to_pointid:
+ segid_to_pointid[seg[i]] = []
+ segid_to_pointid[seg[i]].append(i)
+
+ # Raw points in XYZRGBA
+ ply_filename = os.path.join(data_folder, '%s_vh_clean_2.ply' % (scene_name))
+ points = pc_util.read_ply_xyzrgb(ply_filename)
+ log_string(str(points.shape))
+
+ # Instances over-segmented segment IDs: annotation on segments
+ instance_segids = []
+ labels = []
+ annotation_filename = os.path.join(data_folder, '%s.aggregation.json'%(scene_name))
+ #print annotation_filename
+ with open(annotation_filename) as jsondata:
+ d = json.load(jsondata)
+ for x in d['segGroups']:
+ instance_segids.append(x['segments'])
+ labels.append(x['label'])
+
+ #print len(instance_segids)
+ #print labels
+
+ # Each instance's points
+ instance_points_list = []
+ instance_labels_list = []
+ semantic_labels_list = []
+ for i in range(len(instance_segids)):
+ segids = instance_segids[i]
+ pointids = []
+ for segid in segids:
+ pointids += segid_to_pointid[segid]
+ instance_points = points[np.array(pointids),:]
+ instance_points_list.append(instance_points)
+ instance_labels_list.append(np.ones((instance_points.shape[0], 1))*i)
+ if labels[i] not in RAW2SCANNET:
+ label = 'unannotated'
+ else:
+ label = RAW2SCANNET[labels[i]]
+ label = CLASS_NAMES.index(label)
+ semantic_labels_list.append(np.ones((instance_points.shape[0], 1))*label)
+
+ # Refactor data format
+ scene_points = np.concatenate(instance_points_list, 0)
+ scene_points = scene_points[:,0:6] # XYZRGB, disregarding the A
+ instance_labels = np.concatenate(instance_labels_list, 0)
+ semantic_labels = np.concatenate(semantic_labels_list, 0)
+ data = np.concatenate((scene_points, instance_labels, semantic_labels), 1)
+ np.save(out_filename, data)
+
+
+LOG_FOUT = open('log.txt','w')
+def log_string(out_str):
+ LOG_FOUT.write(out_str+'\n')
+ LOG_FOUT.flush()
+ print(out_str)
+
+
+if __name__=='__main__':
+ output_folder = 'scannet_scenes'
+ if not os.path.exists(output_folder):
+ os.mkdir(output_folder)
+
+ for scene_name in SCENE_NAMES:
+ log_string(scene_name)
+ try:
+ out_filename = scene_name+'.npy' # scene0000_00.npy
+ collect_one_scene_data_label(scene_name, os.path.join(output_folder, out_filename))
+ except Exception, e:
+ log_string(scene_name+'ERROR!!')
+ log_string(str(e))
+
+ LOG_FOUT.close()
diff --git a/pointnet2/scannet/preprocessing/demo.py b/pointnet2/scannet/preprocessing/demo.py
new file mode 100644
index 0000000..479e2da
--- /dev/null
+++ b/pointnet2/scannet/preprocessing/demo.py
@@ -0,0 +1,26 @@
+import sys
+import os
+
+BASE_DIR = os.path.dirname(__file__)
+
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(BASE_DIR, '../'))
+
+import numpy as np
+import pc_util
+
+data = np.load('scannet_scenes/scene0001_01.npy')
+scene_points = data[:,0:3]
+colors = data[:,3:6]
+instance_labels = data[:,6]
+semantic_labels = data[:,7]
+
+
+output_folder = 'demo_output'
+if not os.path.exists(output_folder):
+ os.mkdir(output_folder)
+
+# Write scene as OBJ file for visualization
+pc_util.write_ply_rgb(scene_points, colors, os.path.join(output_folder, 'scene.obj'))
+pc_util.write_ply_color(scene_points, instance_labels, os.path.join(output_folder, 'scene_instance.obj'))
+pc_util.write_ply_color(scene_points, semantic_labels, os.path.join(output_folder, 'scene_semantic.obj'))
diff --git a/pointnet2/scannet/preprocessing/fetch_label_names.py b/pointnet2/scannet/preprocessing/fetch_label_names.py
new file mode 100644
index 0000000..852ae2e
--- /dev/null
+++ b/pointnet2/scannet/preprocessing/fetch_label_names.py
@@ -0,0 +1,24 @@
+''' scanning through annotation files for all the scenes to get a complete list of categories '''
+
+import os
+import json
+scannet_dir = './scannet/'
+scene_names = [line.rstrip() for line in open('scannet_all.txt')]
+
+labels = set()
+for scene_name in scene_names:
+ path = os.path.join(scannet_dir, scene_name)
+ agg_filename = os.path.join(path, scene_name+'.aggregation.json')
+ with open(agg_filename) as jsondata:
+ d = json.load(jsondata)
+ for x in d['segGroups']:
+ labels.add(x['label'])
+
+fout = open('class_names.txt', 'w')
+for label in list(labels):
+ print label
+ try:
+ fout.write(label+'\n')
+ except:
+ pass
+fout.close()
diff --git a/pointnet2/scannet/preprocessing/scannet-labels.combined.tsv b/pointnet2/scannet/preprocessing/scannet-labels.combined.tsv
new file mode 100644
index 0000000..0f3cc12
--- /dev/null
+++ b/pointnet2/scannet/preprocessing/scannet-labels.combined.tsv
@@ -0,0 +1,1164 @@
+category count nyuId nyu40id eigen13id nyuClass nyu40class eigen13class ModelNet40 ModelNet10 ShapeNetCore55 synsetoffset wnsynsetid wnsynsetkey
+wall 7274 21 1 12 wall wall Wall n04546855 wall.n.01
+chair 5419 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+floor 3910 11 2 5 floor floor Floor n03365592 floor.n.01
+table 2664 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+door 1400 28 8 12 door door Wall door n03221720 door.n.01
+couch 1222 83 6 9 sofa sofa Sofa sofa sofa sofa 04256520 n04256520 sofa.n.01
+cabinet 1106 3 3 6 cabinet cabinet Furniture cabinet 02933112 n02933112 cabinet.n.01
+shelf 889 42 15 6 shelves shelves Furniture bookshelf bookshelf 02871439 n02871439 bookshelf.n.01
+desk 862 36 14 10 desk desk Table desk desk table 04379243 n03179701 desk.n.01
+office chair 837 5 5 4 chair chair Chair chair chair chair 03001627 n04373704 swivel_chair.n.01
+bed 814 157 4 1 bed bed Bed bed bed bed 02818832 n02818832 bed.n.01
+trashcan 688 12 39 6 garbage bin otherfurniture Furniture trash_bin 02747177 n02747177 ashcan.n.01
+pillow 608 119 18 7 pillow pillow Objects pillow 03938244 n03938244 pillow.n.01
+sink 504 24 34 7 sink sink Objects sink n04223580 sink.n.01
+picture 467 64 11 8 picture picture Picture n03931044 picture.n.01
+window 432 59 9 13 window window Window n04587648 window.n.01
+toilet 402 124 33 7 toilet toilet Objects toilet toilet n04446276 toilet.n.01
+bookshelf 400 88 10 6 bookshelf bookshelf Furniture bookshelf bookshelf 02871439 n02871439 bookshelf.n.01
+monitor 395 49 40 7 monitor otherprop Objects monitor monitor tv or monitor 03211117 n03782190 monitor.n.04
+computer 369 46 40 7 computer otherprop Objects n03082979 computer.n.01
+curtain 356 89 16 13 curtain curtain Window curtain n03151077 curtain.n.01
+book 335 1 23 2 book books Books n02870526 book.n.11
+armchair 318 5 5 4 chair chair Chair chair chair chair 03001627 n02738535 armchair.n.01
+coffee table 303 356 39 6 coffee table otherfurniture Furniture table table table 04379243 n03063968 coffee_table.n.01
+drawer 290 174 39 6 drawer otherfurniture Furniture n03233905 drawer.n.01
+box 283 26 29 7 box box Objects n02883344 box.n.01
+refrigerator 269 17 24 6 refridgerator refridgerator Furniture n04070727 refrigerator.n.01
+lamp 255 144 35 7 lamp lamp Objects lamp lamp 03636649 n03636649 lamp.n.02
+kitchen cabinet 252 3 3 6 cabinet cabinet Furniture n02933112 cabinet.n.01
+dining chair 242 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+towel 222 135 27 7 towel towel Objects n04459362 towel.n.01
+clothes 214 141 21 7 clothes clothes Objects n02728440 apparel.n.01
+tv 210 172 25 11 television television TV tv or monitor 03211117 n03211117 display.n.06
+nightstand 206 158 32 6 night stand night stand Furniture night_stand night_stand n03015254 chest_of_drawers.n.01
+counter 196 7 12 6 counter counter Furniture table table table 04379243 n03116530 counter.n.01
+dresser 180 169 17 6 dresser dresser Furniture dresser dresser n03015254 chest_of_drawers.n.01
+countertop 176 7 12 6 counter counter Furniture n03118245 countertop.n.01
+stool 165 150 40 7 stool otherprop Objects stool n04326896 stool.n.01
+cushion 141 119 18 7 pillow pillow Objects n03151500 cushion.n.03
+plant 139 82 40 7 plant otherprop Objects plant n00017222 plant.n.02
+ceiling 134 4 22 3 ceiling ceiling Ceiling n02990373 ceiling.n.01
+bathtub 134 136 36 7 bathtub bathtub Objects bathtub bathtub tub 02808440 n02808440 bathtub.n.01
+bedframe 132 157 4 1 bed bed Bed n02822579 bedstead.n.01
+end table 125 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+dining table 123 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+keyboard 118 47 40 7 keyboard otherprop Objects keyboard computer keyboard 03085013 n03085013 computer_keyboard.n.01
+bag 116 55 37 7 bag bag Objects suitcase 02773838 n02773838 bag.n.06
+backpack 114 206 40 7 backpack otherprop Objects n02769748 backpack.n.01
+toilet paper 113 139 40 7 toilet paper otherprop Objects n15075141 toilet_tissue.n.01
+printer 111 66 40 7 printer otherprop Objects printer 04004475 n04004475 printer.n.03
+tv stand 103 291 39 6 tv stand otherfurniture Furniture tv_stand n03290653 entertainment_center.n.01
+whiteboard 102 45 30 7 whiteboard whiteboard Objects n03211616 display_panel.n.01
+carpet 99 130 40 7 rug otherprop Objects n04118021 rug.n.01
+blanket 99 312 40 7 blanket otherprop Objects n02849154 blanket.n.01
+shower curtain 99 123 28 7 shower curtain shower curtain Objects curtain n04209239 shower_curtain.n.01
+trash can 94 12 39 6 garbage bin otherfurniture Furniture trash_bin 02747177 n02747177 ashcan.n.01
+closet 94 772 39 6 wardrobe otherfurniture Furniture wardrobe
+stair 89 215 38 7 stairs otherstructure Objects stairs n04314914 step.n.04
+microwave 88 13 40 7 microwave otherprop Objects microwave 03761084 n03761084 microwave.n.02
+washbasin 86 24 34 7 sink sink Objects sink n04553920 washbasin.n.01
+rug 85 130 40 7 rug otherprop Objects n04118021 rug.n.01
+stove 78 242 38 7 stove otherstructure Objects stove 04330267 n04330267 stove.n.02
+shoe 68 149 40 7 shoe otherprop Objects n04199027 shoe.n.01
+computer tower 68 46 40 7 computer otherprop Objects n03082979 computer.n.01
+bottle 66 2 40 7 bottle otherprop Objects bottle bottle 02876657 n02876657 bottle.n.01
+bin 64 307 40 7 bin otherprop Objects n02839910 bin.n.01
+ottoman 63 359 39 6 ottoman otherfurniture Furniture stool n03380724 footstool.n.01
+bench 63 204 39 6 bench otherfurniture Furniture bench bench 02828884 n02828884 bench.n.01
+board 63 408 38 7 board otherstructure Objects
+washing machine 62 278 39 6 washing machine otherfurniture Furniture washing_machine 04554684 n04554684 washer.n.03
+mirror 62 122 19 7 mirror mirror Objects n03773035 mirror.n.01
+copier 61 40 7 otherprop Objects n03257586 duplicator.n.01
+basket 60 39 40 7 basket otherprop Objects basket 02801938 n02801938 basket.n.01
+sofa chair 59 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+file cabinet 54 3 3 6 cabinet cabinet Furniture cabinet 02933112 n02933112 cabinet.n.01
+fan 52 74 40 7 fan otherprop Objects n03320046 fan.n.01
+laptop 52 37 40 7 laptop otherprop Objects laptop laptop 03642806 n03642806 laptop.n.01
+shower 49 38 7 otherstructure Objects n04208936 shower.n.01
+paper 48 15 26 7 paper paper Objects n14974264 paper.n.01
+person 48 331 31 7 person person Objects person n05217688 person.n.02
+headboard 47 161 39 6 headboard otherfurniture Furniture n03502200 headboard.n.01
+paper towel dispenser 47 14 40 7 paper towel dispenser otherprop Objects
+faucet 45 9 40 7 faucet otherprop Objects faucet 03325088 n03325088 faucet.n.01
+oven 43 238 38 7 oven otherstructure Objects n03862676 oven.n.01
+footstool 42 359 39 6 ottoman otherfurniture Furniture stool n03380724 footstool.n.01
+blinds 42 80 13 13 blinds blinds Window n02851099 blind.n.03
+rack 41 50 39 6 stand otherfurniture Furniture n04038440 rack.n.05
+plate 39 233 40 7 plate otherprop Objects n03959485 plate.n.04
+blackboard 38 225 38 7 blackboard otherstructure Objects n02846511 blackboard.n.01
+piano 38 298 39 6 piano otherfurniture Furniture piano piano 03928116 n03928116 piano.n.01
+heater 38 111 39 6 heater otherfurniture Furniture n03508101 heater.n.01
+soap 37 133 40 7 soap otherprop Objects
+luggage 36 783 40 7 luggage otherprop Objects n02774630 baggage.n.01
+computer desk 36 36 14 10 desk desk Table desk desk table 04379243 n03179701 desk.n.01
+rail 36 497 38 7 railing otherstructure Objects
+radiator 36 236 39 6 radiator otherfurniture Furniture n04041069 radiator.n.02
+recycle bin 35 307 40 7 bin otherprop Objects
+container 34 140 40 7 container otherprop Objects n03094503 container.n.01
+wardrobe 34 772 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01
+soap dispenser 32 40 7 otherprop Objects n04254120 soap_dispenser.n.01
+telephone 32 32 40 7 telephone otherprop Objects telephone 04401088 n04401088 telephone.n.01
+bucket 32 427 40 7 bucket otherprop Objects n02909870 bucket.n.01
+clock 31 56 40 7 clock otherprop Objects clock 03046257 n03046257 clock.n.01
+stand 29 50 39 6 stand otherfurniture Furniture table table table 04379243 n04301000 stand.n.04
+light 27 62 38 7 light otherstructure Objects n03665366 light.n.02
+laundry basket 27 164 40 7 laundry basket otherprop Objects basket 02801938 n03050864 clothes_hamper.n.01
+pipe 27 41 40 7 pipe otherprop Objects
+round table 26 19 7 10 table table Table table table table 04379243 n04114554 round_table.n.02
+roof 25 4 22 3 ceiling ceiling Ceiling n04105068 roof.n.01
+clothes dryer 25 39 6 otherfurniture Furniture n03251766 dryer.n.01
+coat 23 324 40 7 jacket otherprop Objects n03057021 coat.n.01
+guitar 23 300 40 7 guitar otherprop Objects guitar guitar 03467517 n03467517 guitar.n.01
+desk chair 23 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+sheet 22 559 40 7 sheet otherprop Objects
+toilet paper holder 22 647 40 7 toilet paper holder otherprop Objects
+seat 22 524 39 6 furniture otherfurniture Furniture n04161981 seat.n.03
+step 21 38 7 otherstructure Objects n04314914 step.n.04
+speaker 20 54 40 7 speaker otherprop Objects speaker 03691459 n03691459 loudspeaker.n.01
+vending machine 19 220 40 7 machine otherprop Objects n04525305 vending_machine.n.01
+column 19 94 38 7 column otherstructure Objects n03074380 column.n.06
+bicycle 18 189 40 7 bicycle otherprop Objects bicycle 02834778 n02834778 bicycle.n.01
+ladder 18 48 39 6 ladder otherfurniture Furniture stairs n03632277 ladder.n.01
+cover 18 312 40 7 blanket otherprop Objects
+handle 18 758 40 7 handle otherprop Objects n03485997 handle.n.01
+bathroom stall 18 38 7 otherstructure Objects n02873839 booth.n.02
+foosball table 17 510 39 6 foosball table otherfurniture Furniture table table table 04379243 n04379243 table.n.02
+table lamp 17 144 35 7 lamp lamp Objects lamp lamp 03636649 n04380533 table_lamp.n.01
+shower wall 17 21 1 12 wall wall Wall
+chest 17 344 39 6 chest otherfurniture Furniture dresser dresser
+cup 17 35 40 7 cup otherprop Objects cup cup or mug 03797390 n03797390 mug.n.04
+jacket 16 324 40 7 jacket otherprop Objects n03589791 jacket.n.01
+storage bin 16 812 40 7 storage bin otherprop Objects
+screen 16 40 7 otherprop Objects
+coffee maker 16 40 7 otherprop Objects n03063338 coffee_maker.n.01
+hamper 15 39 40 7 basket otherprop Objects basket 02801938 n03482405 hamper.n.02
+dishwasher 15 8 38 7 dishwasher otherstructure Objects dishwasher 03207941 n03207941 dishwasher.n.01
+window frame 15 477 38 7 window frame otherstructure Objects n04589593 window_frame.n.01
+paper towel 15 113 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01
+machine 15 220 40 7 machine otherprop Objects n03699975 machine.n.01
+mat 15 143 20 5 floor mat floor mat Floor n03727837 mat.n.01
+windowsill 14 38 7 otherstructure Objects n04590263 windowsill.n.01
+tap 14 9 40 7 faucet otherprop Objects faucet 03325088 n04559451 water_faucet.n.01
+pool table 14 515 39 6 pool table otherfurniture Furniture table table table 04379243 n03982430 pool_table.n.01
+hand dryer 14 40 7 otherprop Objects
+bar 14 51 38 7 bar otherstructure Objects n02788689 bar.n.03
+frame 14 38 7 otherstructure Objects
+rolling chair 14 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+toaster 14 251 40 7 toaster otherprop Objects n04442312 toaster.n.02
+wall frame 14 38 7 otherstructure Objects
+hanger 13 211 40 7 hanger otherprop Objects n03490884 hanger.n.02
+conference table 13 19 7 10 table table Table table table table 04379243 n03090000 conference_table.n.01
+handrail 13 453 38 7 banister otherstructure Objects n02788148 bannister.n.02
+treadmill 13 458 39 6 treadmill otherfurniture Furniture n04477387 treadmill.n.01
+bulletin board 13 408 38 7 board otherstructure Objects
+ironing board 13 313 39 6 ironing board otherfurniture Furniture n03586090 ironing_board.n.01
+fireplace 12 372 38 7 fireplace otherstructure Objects n03346455 fireplace.n.01
+soap dish 12 638 40 7 soap dish otherprop Objects n04254009 soap_dish.n.01
+fabric 12 40 7 otherprop Objects n03309808 fabric.n.01
+kitchen counter 12 7 12 6 counter counter Furniture table table table 04379243 n03116530 counter.n.01
+glass 12 612 38 7 glass otherstructure Objects n03438257 glass.n.02
+doorframe 11 615 38 7 door frame otherstructure Objects n03222722 doorframe.n.01
+table cushion 11 40 7 otherprop Objects
+toilet paper dispenser 11 40 7 otherprop Objects
+slab 11 38 7 otherstructure Objects n04233405 slab.n.01
+mini fridge 11 17 24 6 refridgerator refridgerator Furniture n03273913 electric_refrigerator.n.01
+fire extinguisher 11 10 40 7 fire extinguisher otherprop Objects n03345837 fire_extinguisher.n.01
+shampoo 11 40 7 otherprop Objects
+ball 11 60 40 7 ball otherprop Objects
+hat 11 193 40 7 hat otherprop Objects n03497657 hat.n.01
+shower curtain rod 11 40 7 otherprop Objects
+junk 11 40 7 otherprop Objects n14857897 debris.n.01
+soap holder 10 506 40 7 soap holder otherprop Objects
+staircase 10 215 38 7 stairs otherstructure Objects n04298308 stairway.n.01
+toiletry 10 40 7 otherprop Objects n04447443 toiletry.n.01
+stall door 10 28 8 12 door door Wall door
+framed picture 10 64 11 8 picture picture Picture
+water cooler 10 509 39 6 water cooler otherfurniture Furniture n04559166 water_cooler.n.01
+bags 10 40 7 otherprop Objects suitcase 02773838 n02773838 bag.n.06
+desk lamp 10 144 35 7 lamp lamp Objects lamp lamp 03636649 n03636649 lamp.n.02
+paper cutter 10 108 40 7 paper cutter otherprop Objects n03886940 paper_cutter.n.01
+led tv 9 40 7 otherprop Objects
+switch 9 40 7 otherprop Objects n04372370 switch.n.01
+bed sheet 9 559 40 7 sheet otherprop Objects n04188179 sheet.n.03
+roof frame 9 38 7 otherstructure Objects
+tray 9 179 40 7 tray otherprop Objects n04476259 tray.n.01
+comforter 9 484 40 7 comforter otherprop Objects n04033995 quilt.n.01
+air conditioner 9 79 38 7 air conditioner otherstructure Objects n02686379 air_conditioner.n.01
+shower door 9 28 8 12 door door Wall door
+shirt 9 40 7 otherprop Objects n04197391 shirt.n.01
+swivel chair 9 5 5 4 chair chair Chair chair chair chair 03001627 n04373704 swivel_chair.n.01
+pillar 9 94 38 7 column otherstructure Objects n03073977 column.n.07
+detergent 9 40 7 otherprop Objects
+ledge 9 38 7 otherstructure Objects n09337253 ledge.n.01
+vase 8 78 40 7 vase otherprop Objects vase jar 03593526 n04522168 vase.n.01
+toaster oven 8 275 40 7 toaster oven otherprop Objects n04442441 toaster_oven.n.01
+bedpost 8 40 7 otherprop Objects n02821415 bedpost.n.01
+food 8 40 7 otherprop Objects n00021265 food.n.01
+picture frame 8 40 7 otherprop Objects n03931765 picture_frame.n.01
+poltrone 8 40 7 otherprop Objects
+study table 8 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+office table 8 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+mouse 8 103 40 7 mouse otherprop Objects n03793489 mouse.n.04
+storage 8 n03744276 memory.n.04
+nerf gun 8 40 7 otherprop Objects
+table chair 8 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+night table 8 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+computer chair 8 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+toilet seat liner dispenser 8 40 7 otherprop Objects
+backrest 7 5 5 4 chair chair Chair n02767433 back.n.08
+chair seat 7 40 7 otherprop Objects
+sink cabinet 7 3 3 6 cabinet cabinet Furniture cabinet 02933112 n02933112 cabinet.n.01
+can 7 329 40 7 can otherprop Objects can 02946921 n02946921 can.n.01
+furniture 7 524 39 6 furniture otherfurniture Furniture n03405725 furniture.n.01
+cart 7 305 40 7 cart otherprop Objects n03484083 handcart.n.01
+stool chair 7 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+step stool 7 276 40 7 step stool otherprop Objects stool n04315713 step_stool.n.01
+robe 7 40 7 otherprop Objects n04097866 robe.n.01
+table stand 7 50 39 6 stand otherfurniture Furniture
+stall 7 38 7 otherstructure Objects n02873839 booth.n.02
+dispenser 7 40 7 otherprop Objects n03210683 dispenser.n.01
+storage container 7 140 40 7 container otherprop Objects
+side table 7 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+partition 7 21 1 12 wall wall Wall n03894379 partition.n.01
+appliance 7 40 7 otherprop Objects
+lotion 7 40 7 otherprop Objects n03690938 lotion.n.01
+pot 7 16 40 7 pot otherprop Objects
+photo 7 508 40 7 photo otherprop Objects n03925226 photograph.n.01
+toilet brush 7 630 40 7 toilet brush otherprop Objects
+scale 7 639 40 7 scale otherprop Objects n04141975 scale.n.07
+tissue box 7 138 40 7 tissue box otherprop Objects
+remote 7 40 7 otherprop Objects remote_control 04074963 n04074963 remote_control.n.01
+light switch 6 301 38 7 light switch otherstructure Objects
+crate 6 183 39 6 crate otherfurniture Furniture n03127925 crate.n.01
+ping pong table 6 625 39 6 ping pong table otherfurniture Furniture table table table 04379243 n04379243 table.n.02
+platform 6 38 7 otherstructure Objects
+pantry 6 38 7 otherstructure Objects n03885535 pantry.n.01
+bath cabinet 6 3 3 6 cabinet cabinet Furniture cabinet 02933112 n02933112 cabinet.n.01
+slipper 6 40 7 otherprop Objects n04241394 slipper.n.01
+sideboard 6 7 12 6 counter counter Furniture
+holder 6 40 7 otherprop Objects n03525454 holder.n.01
+worktop 6 40 7 otherprop Objects
+outlet 6 40 7 otherprop Objects n04548771 wall_socket.n.01
+gas cooker 6 242 38 7 stove otherstructure Objects n03425595 gas_range.n.01
+doorhandle 6 652 40 7 knob otherprop Objects n03222959 doorknob.n.01
+cutting board 6 247 40 7 cutting board otherprop Objects n03025513 chopping_board.n.01
+bathroom sink 6 24 34 7 sink sink Objects sink n04223580 sink.n.01
+controller 6 40 7 otherprop Objects n03096960 control.n.09
+bedding set 6 40 7 otherprop Objects
+mount 6 40 7 otherprop Objects
+decoration 6 40 7 otherprop Objects n03169390 decoration.n.01
+tablet 6 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+reading table 6 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+floor covered 6 40 7 otherprop Objects
+cooker 6 267 40 7 utensil otherprop Objects n03101156 cooker.n.01
+file 6 75 40 7 file otherprop Objects filing_cabinet 03337140 n03337140 file.n.03
+archive 6 40 7 otherprop Objects n02735086 archive.n.01
+trolley 5 504 40 7 trolley otherprop Objects n04335435 streetcar.n.01
+wainscoting 5 40 7 otherprop Objects
+lampshade 5 859 40 7 lamp shade otherprop Objects n03637318 lampshade.n.01
+china 5 267 40 7 utensil otherprop Objects n03018209 china.n.02
+sign 5 208 40 7 sign otherprop Objects n04217882 signboard.n.01
+fax machine 5 68 40 7 fax machine otherprop Objects
+mirror frame 5 40 7 otherprop Objects
+projector 5 90 40 7 projector otherprop Objects n04009552 projector.n.02
+sweater 5 40 7 otherprop Objects n04370048 sweater.n.01
+paint can 5 329 40 7 can otherprop Objects can 02946921 n02946921 can.n.01
+heat register 5 40 7 otherprop Objects
+kitchen table 5 19 7 10 table table Table table table table 04379243 n03620967 kitchen_table.n.01
+globe 5 347 40 7 globe otherprop Objects
+toy 5 389 40 7 toy otherprop Objects n03964744 plaything.n.01
+kitchen worktop 5 40 7 otherprop Objects
+paper roll 5 40 7 otherprop Objects
+meeting table 5 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+vaze 5 40 7 otherprop Objects
+wall clock 5 56 40 7 clock otherprop Objects clock 03046257 n04548280 wall_clock.n.01
+closet door 5 28 8 12 door door Wall door
+pack 5 40 7 otherprop Objects
+doormat 5 143 20 5 floor mat floor mat Floor n03223299 doormat.n.02
+tissue 5 648 40 7 tissue otherprop Objects
+plastic container 5 140 40 7 container otherprop Objects
+statue 5 294 40 7 sculpture otherprop Objects n04306847 statue.n.01
+dollhouse 5 486 39 6 doll house otherfurniture Furniture n03219483 dollhouse.n.01
+vacuum 5 40 7 otherprop Objects n04517823 vacuum.n.04
+wet floor sign 5 208 40 7 sign otherprop Objects
+vanity 5 169 17 6 dresser dresser Furniture dresser dresser table 04379243 n03238586 dressing_table.n.01
+candle 5 137 40 7 candle otherprop Objects lamp n02948072 candle.n.01
+library desk 5 36 14 10 desk desk Table desk desk
+carton box 5 26 29 7 box box Objects
+easel 5 50 39 6 stand otherfurniture Furniture n03262809 easel.n.01
+wall lamp 5 144 35 7 lamp lamp Objects lamp lamp 03636649 n03636649 lamp.n.02
+wall hanging 4 40 7 otherprop Objects n03491178 hanging.n.01
+face wash 4 40 7 otherprop Objects
+corner 4 40 7 otherprop Objects
+lounge chair 4 5 5 4 chair chair Chair chair chair chair 03001627 n03262932 easy_chair.n.01
+beanbag 4 797 39 6 bean bag otherfurniture Furniture n02816656 beanbag.n.01
+marker holder 4 40 7 otherprop Objects
+dumbell 4 40 7 otherprop Objects
+ping pong paddle 4 40 7 otherprop Objects
+locker 4 3 3 6 cabinet cabinet Furniture
+plunger 4 40 7 otherprop Objects n03970156 plunger.n.03
+soap bar 4 51 38 7 bar otherstructure Objects
+student chair 4 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+office object 4 40 7 otherprop Objects
+stuffed animal 4 177 40 7 stuffed animal otherprop Objects
+water fountain 4 339 38 7 water fountain otherstructure Objects n03241335 drinking_fountain.n.01
+doorknob 4 27 40 7 door knob otherprop Objects n03222959 doorknob.n.01
+footrest 4 163 39 6 foot rest otherfurniture Furniture stool n03380724 footstool.n.01
+ac unit 4 40 7 otherprop Objects
+safe 4 26 29 7 box box Objects n04125021 safe.n.01
+tile 4 40 7 otherprop Objects n04435180 tile.n.01
+easle 4 40 7 otherprop Objects
+headphone 4 160 40 7 headphones otherprop Objects headphone 03261776 n03261776 earphone.n.01
+dress 4 40 7 otherprop Objects n03236735 dress.n.01
+rolling cart 4 305 40 7 cart otherprop Objects
+chest of drawers 4 524 39 6 furniture otherfurniture Furniture dresser dresser n03015254 chest_of_drawers.n.01
+plastic bin 4 307 40 7 bin otherprop Objects
+pail 4 427 40 7 bucket otherprop Objects n02909870 bucket.n.01
+dry erase board 4 408 38 7 board otherstructure Objects
+coatrack 4 40 7 otherprop Objects n03059103 coatrack.n.01
+recliner 4 5 5 4 chair chair Chair chair chair chair 03001627 n04062428 recliner.n.01
+roomba 4 40 7 otherprop Objects
+highchair 4 5 5 4 chair chair Chair chair chair chair 03001627 n03518445 highchair.n.01
+dish rack 4 581 40 7 dish rack otherprop Objects n03207630 dish_rack.n.01
+dartboard 4 408 38 7 board otherstructure Objects n03162940 dartboard.n.01
+broom 4 328 40 7 broom otherprop Objects n02906734 broom.n.01
+book rack 4 224 39 6 bookrack otherfurniture Furniture
+eraser 4 100 40 7 eraser otherprop Objects n03294833 eraser.n.01
+bath mat 4 40 7 otherprop Objects n02807401 bath_mat.n.01
+textile 4 40 7 otherprop Objects n03309808 fabric.n.01
+paper box 4 26 29 7 box box Objects
+guitar case 4 771 40 7 guitar case otherprop Objects
+mop 4 40 7 otherprop Objects n04367480 swab.n.02
+lavatory 4 40 7 otherprop Objects toilet toilet
+server 4 360 40 7 server otherprop Objects
+paper towel holder 4 281 40 7 paper towel holder otherprop Objects
+office supply 4 40 7 otherprop Objects
+panel 4 408 38 7 board otherstructure Objects
+toilet brush holder 4 40 7 otherprop Objects
+magazine 4 71 40 7 magazine otherprop Objects n06595351 magazine.n.01
+kitchen rack 4 50 39 6 stand otherfurniture Furniture n04038440 rack.n.05
+table object 4 40 7 otherprop Objects
+range hood 4 380 38 7 range hood otherstructure Objects range_hood n04053677 range_hood.n.01
+bath 4 136 36 7 bathtub bathtub Objects bathtub bathtub tub 02808440 n02808440 bathtub.n.01
+trim 4 40 7 otherprop Objects n04484160 trimming.n.02
+scanner 4 40 7 otherprop Objects
+bathrobe 4 40 7 otherprop Objects n02807616 bathrobe.n.01
+door and post 4 40 7 otherprop Objects
+pouff 4 40 7 otherprop Objects
+spring curtain 3 89 16 13 curtain curtain Window curtain
+recycle 3 40 7 otherprop Objects
+fax 3 40 7 otherprop Objects n03316105 facsimile.n.02
+rolling shelf 3 40 7 otherprop Objects
+flat-screen television 3 172 25 11 television television TV
+futon 3 576 39 6 mattress otherfurniture Furniture n03408444 futon.n.01
+stack of chairs 3 40 7 otherprop Objects
+dustpan 3 40 7 otherprop Objects n03259009 dustpan.n.02
+hand towel 3 135 27 7 towel towel Objects n03490006 hand_towel.n.01
+floor lamp 3 144 35 7 lamp lamp Objects lamp lamp 03636649 n03367059 floor_lamp.n.01
+mainboard 3 40 7 otherprop Objects
+kitchen shelf 3 42 15 6 shelves shelves Furniture bookshelf bookshelf 02871439 n02871439 bookshelf.n.01
+organizer 3 40 7 otherprop Objects n03918737 personal_digital_assistant.n.01
+freezer 3 17 24 6 refridgerator refridgerator Furniture n03170635 deep-freeze.n.01
+furnace 3 551 39 6 furnace otherfurniture Furniture n03404449 furnace.n.01
+stock 3 40 7 otherprop Objects
+map 3 107 40 7 map otherprop Objects n03720163 map.n.01
+helmet 3 40 7 otherprop Objects helmet 03513137 n03513137 helmet.n.02
+wallpaper 3 38 7 otherstructure Objects
+wall cabinet 3 3 3 6 cabinet cabinet Furniture cabinet 02933112 n02933112 cabinet.n.01
+office equipment 3 40 7 otherprop Objects
+hair dryer 3 577 40 7 hair dryer otherprop Objects n03483316 hand_blower.n.01
+backsplash 3 40 7 otherprop Objects
+exercise ball 3 60 40 7 ball otherprop Objects
+jeremiah 3 40 7 otherprop Objects n11082842 jeremiah.n.01
+flush 3 40 7 otherprop Objects
+fridge just 3 40 7 otherprop Objects
+folded clothes 3 141 21 7 clothes clothes Objects
+window counter 3 7 12 6 counter counter Furniture
+iron 3 40 7 otherprop Objects n03584829 iron.n.04
+studio light 3 62 38 7 light otherstructure Objects
+sconce 3 62 38 7 light otherstructure Objects n04148703 sconce.n.03
+sofa set 3 40 7 otherprop Objects
+baseboard 3 40 7 otherprop Objects n02800354 baseboard.n.01
+sink counter 3 7 12 6 counter counter Furniture
+kitchen slab 3 38 7 otherstructure Objects n04233405 slab.n.01
+cabinet door 3 28 8 12 door door Wall door
+exercise machine 3 220 40 7 machine otherprop Objects
+wood 3 40 7 otherprop Objects
+teatowels 3 40 7 otherprop Objects
+workbench 3 204 39 6 bench otherfurniture Furniture bench table 04379243 n04600486 workbench.n.01
+backwall 3 40 7 otherprop Objects
+cubby 3 40 7 otherprop Objects n03144365 cubby.n.01
+water bottle 3 2 40 7 bottle otherprop Objects bottle bottle 02876657 n04557648 water_bottle.n.01
+kitchen sink 3 24 34 7 sink sink Objects sink n03620889 kitchen_sink.n.01
+sink area 3 40 7 otherprop Objects
+handicap bar 3 51 38 7 bar otherstructure Objects
+painter 3 594 40 7 cat otherprop Objects n02125311 cougar.n.01
+tank 3 40 7 otherprop Objects
+washstand 3 524 39 6 furniture otherfurniture Furniture n04555400 washstand.n.01
+purse 3 181 40 7 purse otherprop Objects n02774152 bag.n.04
+surface 3 40 7 otherprop Objects n02688443 airfoil.n.01
+towel rack 3 40 7 otherprop Objects n04459773 towel_rack.n.01
+decor 3 40 7 otherprop Objects n03579355 interior_decoration.n.01
+handwash 3 40 7 otherprop Objects
+bar stool 3 150 40 7 stool otherprop Objects stool
+pan 3 589 40 7 pan otherprop Objects n03880531 pan.n.01
+air propeller 3 40 7 otherprop Objects
+paneling 3 21 1 12 wall wall Wall n03882611 paneling.n.01
+vent 3 40 7 otherprop Objects
+kitchen junk 3 40 7 otherprop Objects n14857897 debris.n.01
+piano bench 3 460 39 6 piano bench otherfurniture Furniture bench bench 02828884 n02828884 bench.n.01
+bunk bed 3 804 39 6 bunk bed otherfurniture Furniture bed bed bed 02818832 n02920259 bunk_bed.n.01
+bed lamp 3 144 35 7 lamp lamp Objects lamp lamp 03636649 n03636649 lamp.n.02
+shower mat 3 40 7 otherprop Objects
+bedding 3 40 7 otherprop Objects n02820210 bedclothes.n.01
+shoe rack 3 614 40 7 shoe rack otherprop Objects
+notice board 3 408 38 7 board otherstructure Objects n02916538 bulletin_board.n.02
+shower floor 3 11 2 5 floor floor Floor
+brush 3 40 7 otherprop Objects n02908217 brush.n.02
+table football 3 166 40 7 football otherprop Objects
+padded bench 3 204 39 6 bench otherfurniture Furniture bench bench 02828884 n02828884 bench.n.01
+bathroom carpet 3 130 40 7 rug otherprop Objects n04118021 rug.n.01
+showerhead 3 650 40 7 shower head otherprop Objects n04209383 showerhead.n.01
+loft 3 40 7 otherprop Objects
+chair w/table 3 40 7 otherprop Objects
+bedhead 3 40 7 otherprop Objects
+roll 3 40 7 otherprop Objects n04101375 roll.n.04
+comidin 3 40 7 otherprop Objects
+cardboard box 3 26 29 7 box box Objects
+cushion stool 2 150 40 7 stool otherprop Objects stool
+bed cabinet 2 3 3 6 cabinet cabinet Furniture cabinet 02933112 n02933112 cabinet.n.01
+pile of clothes 2 141 21 7 clothes clothes Objects
+case 2 851 40 7 case otherprop Objects
+slep 2 40 7 otherprop Objects
+swiffer 2 40 7 otherprop Objects
+stapler 2 67 40 7 stapler otherprop Objects n04303497 stapler.n.01
+cable 2 450 40 7 cables otherprop Objects
+work desk 2 36 14 10 desk desk Table desk desk
+floor carpet 2 40 7 otherprop Objects
+bedside 2 40 7 otherprop Objects n08649711 bedside.n.01
+trash bag 2 55 37 7 bag bag Objects
+heating devce 2 40 7 otherprop Objects
+sofa table 2 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+ventilator 2 40 7 otherprop Objects n04526964 ventilator.n.01
+cat 2 594 40 7 cat otherprop Objects
+kitchen utensil 2 267 40 7 utensil otherprop Objects n03621049 kitchen_utensil.n.01
+counter top for sink 2 24 34 7 sink sink Objects sink
+bathroom frame 2 38 7 otherstructure Objects
+banister 2 453 38 7 banister otherstructure Objects n02788148 bannister.n.02
+tuvalet kağıdı 2 40 7 otherprop Objects
+trunk 2 40 7 otherprop Objects
+blank screen 2 40 7 otherprop Objects
+tire 2 40 7 otherprop Objects n04440749 tire.n.01
+screen curtain 2 89 16 13 curtain curtain Window curtain
+cooking range 2 40 7 otherprop Objects
+dressware 2 40 7 otherprop Objects
+blow up matress 2 40 7 otherprop Objects
+shred bin 2 307 40 7 bin otherprop Objects
+air matress 2 40 7 otherprop Objects
+folder 2 69 40 7 folder otherprop Objects n03376279 folder.n.02
+room heater 2 111 39 6 heater otherfurniture Furniture
+car 2 530 40 7 car otherprop Objects car car 02958343 n02958343 car.n.01
+massage armchair 2 40 7 otherprop Objects
+wardrobe door 2 28 8 12 door door Wall door
+coffee supply 2 40 7 otherprop Objects
+tissue holder 2 40 7 otherprop Objects
+tab 2 40 7 otherprop Objects
+knickknack 2 40 7 otherprop Objects
+indoor plant 2 82 40 7 plant otherprop Objects plant
+notebook 2 210 40 7 notebook otherprop Objects n03832673 notebook.n.02
+water dispenser 2 507 40 7 water dispenser otherprop Objects n03210683 dispenser.n.01
+cleaning supply 2 40 7 otherprop Objects
+library table 2 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+bin cover 2 40 7 otherprop Objects
+teakettle 2 243 40 7 tea kettle otherprop Objects n04397768 teakettle.n.01
+reservoir 2 263 40 7 vessel otherprop Objects n04078574 reservoir.n.03
+arc sofa 2 83 6 9 sofa sofa Sofa sofa sofa sofa 04256520 n04256520 sofa.n.01
+bedside lamp 2 144 35 7 lamp lamp Objects lamp lamp 03636649 n03636649 lamp.n.02
+picture window 2 59 9 13 window window Window n03932080 picture_window.n.01
+medicine cabinet 2 3 3 6 cabinet cabinet Furniture cabinet 02933112 n03742115 medicine_chest.n.01
+cosmetic bag 2 55 37 7 bag bag Objects
+coffee 2 40 7 otherprop Objects
+brush holder 2 40 7 otherprop Objects
+duvet 2 40 7 otherprop Objects n03266749 eiderdown.n.01
+flower stand 2 50 39 6 stand otherfurniture Furniture
+bedcover 2 40 7 otherprop Objects n02822220 bedspread.n.01
+side 2 40 7 otherprop Objects n09437454 slope.n.01
+weight 2 40 7 otherprop Objects n04571292 weight.n.02
+pitcher 2 273 40 7 pitcher otherprop Objects n03950228 pitcher.n.02
+schoolbag 2 55 37 7 bag bag Objects n04146343 schoolbag.n.01
+wall picture 2 64 11 8 picture picture Picture
+metal handrail 2 40 7 otherprop Objects
+icebox 2 17 24 6 refridgerator refridgerator Furniture n04070727 refrigerator.n.01
+exercise equipment 2 457 39 6 excercise equipment otherfurniture Furniture
+loft bed 2 157 4 1 bed bed Bed bed bed bed 02818832 n02818832 bed.n.01
+tennis table 2 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+bookbag 2 40 7 otherprop Objects
+scarf 2 240 40 7 scarf otherprop Objects n04143897 scarf.n.01
+cabinet drawer 2 174 39 6 drawer otherfurniture Furniture
+double door 2 28 8 12 door door Wall door n03226880 double_door.n.01
+books in a book shelf 2 40 7 otherprop Objects
+entertainment stand 2 50 39 6 stand otherfurniture Furniture
+potty 2 40 7 otherprop Objects n03004275 chamberpot.n.01
+john 2 40 7 otherprop Objects toilet toilet n04446276 toilet.n.01
+desk accessory 2 40 7 otherprop Objects
+chair support 2 40 7 otherprop Objects
+shopping bag 2 55 37 7 bag bag Objects n04204081 shopping_bag.n.01
+tree 2 82 40 7 plant otherprop Objects plant n13104059 tree.n.01
+dustpan broom 2 328 40 7 broom otherprop Objects
+stall wall 2 21 1 12 wall wall Wall
+tường 2 40 7 otherprop Objects
+bedside drawer 2 174 39 6 drawer otherfurniture Furniture
+chaise 2 5 5 4 chair chair Chair chair chair chair 03001627 n03002711 chaise_longue.n.01
+curtain rod 2 582 38 7 curtain rod otherstructure Objects
+boardgame 2 40 7 otherprop Objects
+cccvurtains 2 40 7 otherprop Objects
+device 2 40 7 otherprop Objects n03183080 device.n.01
+armrest 2 40 7 otherprop Objects n02741475 armrest.n.01
+alarm 2 525 40 7 alarm otherprop Objects clock 03046257 n02694662 alarm_clock.n.01
+towel rail 2 51 38 7 bar otherstructure Objects n04459909 towel_rail.n.01
+sliding wood doors 2 40 7 otherprop Objects
+backbag 2 40 7 otherprop Objects
+bath curtain 2 89 16 13 curtain curtain Window curtain
+washcloth 2 40 7 otherprop Objects n04554523 washcloth.n.01
+bean bag chair 2 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+toolbox 2 344 39 6 chest otherfurniture Furniture n04452615 toolbox.n.01
+rack shelf 2 40 7 otherprop Objects
+kleenex box 2 26 29 7 box box Objects
+air freshner 2 40 7 otherprop Objects
+sewing machine 2 890 40 7 sewing machine otherprop Objects n04179913 sewing_machine.n.01
+washing and drying machine 2 220 40 7 machine otherprop Objects
+hairbrush 2 120 40 7 hair brush otherprop Objects n03475581 hairbrush.n.01
+lap desk 2 36 14 10 desk desk Table desk desk
+hutch 2 40 7 otherprop Objects
+stack of flat items/possibly cardboard 2 40 7 otherprop Objects
+under-bed drawer 2 174 39 6 drawer otherfurniture Furniture
+bleach 2 40 7 otherprop Objects
+comidine 2 40 7 otherprop Objects
+bathmat 2 40 7 otherprop Objects
+cinder block 2 40 7 otherprop Objects n03031957 cinder_block.n.01
+mailbox 2 26 29 7 box box Objects mailbox 03710193 n03710193 mailbox.n.01
+writing board 2 408 38 7 board otherstructure Objects n04608127 writing_board.n.01
+flooring 2 11 2 5 floor floor Floor n03365592 floor.n.01
+wall of safety boxes 2 40 7 otherprop Objects
+vessel 2 263 40 7 vessel otherprop Objects watercraft 04530566 n04530566 vessel.n.02
+cube sofa 2 83 6 9 sofa sofa Sofa sofa sofa sofa 04256520 n04256520 sofa.n.01
+toothpaste 2 128 40 7 toothpaste otherprop Objects
+liquid dispencer 2 40 7 otherprop Objects
+folding chair 2 5 5 4 chair chair Chair chair chair chair 03001627 n03376595 folding_chair.n.01
+squash 2 717 40 7 squash otherprop Objects plant n12158798 squash.n.01
+grille 2 700 38 7 grill otherstructure Objects
+centerpiece 2 878 40 7 centerpiece otherprop Objects n02994419 centerpiece.n.02
+wall folder 2 69 40 7 folder otherprop Objects
+towel hanger 2 211 40 7 hanger otherprop Objects n03490884 hanger.n.02
+toilet pot 2 16 40 7 pot otherprop Objects
+aid 2 40 7 otherprop Objects
+rope 2 560 40 7 rope otherprop Objects n04108268 rope.n.01
+envelop rack 2 40 7 otherprop Objects
+tissue roll 2 764 40 7 tissue roll otherprop Objects
+rostrum 2 40 7 otherprop Objects n03159640 dais.n.01
+owen 2 40 7 otherprop Objects
+electric panel 2 40 7 otherprop Objects
+bowl 2 22 40 7 bowl otherprop Objects bowl bowl 02880940 n02880940 bowl.n.03
+boiler 2 40 7 otherprop Objects
+tile wall 2 21 1 12 wall wall Wall
+reflection 2 64 11 8 picture picture Picture n04068976 reflection.n.05
+crib 2 485 39 6 crib otherfurniture Furniture
+shelves of stuff 2 40 7 otherprop Objects
+kitchen gadget 2 40 7 otherprop Objects n02729965 appliance.n.01
+sliding door 2 28 8 12 door door Wall door n04239074 sliding_door.n.01
+paper bag 2 55 37 7 bag bag Objects n04122825 sack.n.01
+water heater 2 588 40 7 water heater otherprop Objects n04560113 water_heater.n.01
+alarm clock 2 156 40 7 alarm clock otherprop Objects clock 03046257 n02694662 alarm_clock.n.01
+chair rail 2 40 7 otherprop Objects
+corkboard 2 34 40 7 cork board otherprop Objects n14823376 corkboard.n.01
+sàn nhà 2 40 7 otherprop Objects
+conformer 2 40 7 otherprop Objects
+easy chair 2 5 5 4 chair chair Chair chair chair chair 03001627 n03262932 easy_chair.n.01
+sehpa 2 40 7 otherprop Objects
+library 2 40 7 otherprop Objects
+bench seat 2 40 7 otherprop Objects
+music stand 2 820 39 6 music stand otherfurniture Furniture n03801760 music_stand.n.01
+office 2 40 7 otherprop Objects n03841666 office.n.01
+clutter 2 40 7 otherprop Objects
+flush for toilet 2 124 33 7 toilet toilet Objects toilet toilet
+kleenex 2 40 7 otherprop Objects
+box/storage 2 40 7 otherprop Objects
+post 2 40 7 otherprop Objects n03988170 post.n.04
+plug 2 40 7 otherprop Objects
+socket 2 40 7 otherprop Objects n04255163 socket.n.02
+island 2 456 38 7 kitchen island otherstructure Objects
+instrument case 2 851 40 7 case otherprop Objects
+paper tray 2 538 40 7 paper tray otherprop Objects
+toilet paper package 2 40 7 otherprop Objects
+antibacterial soap dispenser 2 40 7 otherprop Objects
+cubicle 2 40 7 otherprop Objects
+vaccuum 2 40 7 otherprop Objects
+photography light 2 62 38 7 light otherstructure Objects
+trump wall 2 21 1 12 wall wall Wall
+shredder 2 40 7 otherprop Objects n04210120 shredder.n.01
+square table 2 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+table support 2 40 7 otherprop Objects
+sink plumbing 2 40 7 otherprop Objects
+basin 2 40 7 otherprop Objects
+pinball machine 2 220 40 7 machine otherprop Objects n03941417 pinball_machine.n.01
+meeting 2 40 7 otherprop Objects n08542634 confluence.n.01
+mobile 2 40 7 otherprop Objects
+hatrack 2 40 7 otherprop Objects n03059103 coatrack.n.01
+johnny 2 331 31 7 person person Objects person n10628368 rebel.n.01
+projector screen 2 53 38 7 projector screen otherstructure Objects
+valance 2 40 7 otherprop Objects n03111296 cornice.n.01
+eliptical 2 40 7 otherprop Objects
+boot 2 40 7 otherprop Objects
+window ledge 2 40 7 otherprop Objects
+clothes hamper 2 39 40 7 basket otherprop Objects basket 02801938 n03050864 clothes_hamper.n.01
+wall side 2 40 7 otherprop Objects
+stairstepper 2 40 7 otherprop Objects
+bottle recycling bin 2 307 40 7 bin otherprop Objects
+blend 2 40 7 otherprop Objects
+tissue dispenser 1 40 7 otherprop Objects
+entertainment center 1 524 39 6 furniture otherfurniture Furniture n03290653 entertainment_center.n.01
+kettle 1 16 40 7 pot otherprop Objects n03612814 kettle.n.01
+laundyr supply 1 40 7 otherprop Objects
+chain 1 40 7 otherprop Objects
+gown 1 40 7 otherprop Objects
+w.c. 1 40 7 otherprop Objects toilet toilet n04558478 water_closet.n.01
+shelf unit 1 40 7 otherprop Objects
+walss 1 40 7 otherprop Objects
+mirror reflection 1 40 7 otherprop Objects
+bed curtain 1 89 16 13 curtain curtain Window curtain
+papertray 1 538 40 7 paper tray otherprop Objects
+tissue paper 1 15 26 7 paper paper Objects
+milk 1 40 7 otherprop Objects
+leg rest sofa 1 83 6 9 sofa sofa Sofa sofa sofa sofa 04256520 n04256520 sofa.n.01
+double decker 1 40 7 otherprop Objects
+dekw 1 40 7 otherprop Objects
+sink counter top 1 40 7 otherprop Objects
+breadbox 1 40 7 otherprop Objects n02893692 bread-bin.n.01
+floor mat 1 143 20 5 floor mat floor mat Floor n03727837 mat.n.01
+electrical machine 1 220 40 7 machine otherprop Objects
+student seat 1 40 7 otherprop Objects
+privacy partition 1 40 7 otherprop Objects
+chairlegs 1 40 7 otherprop Objects
+mail tray 1 618 40 7 mail tray otherprop Objects
+over the door storage 1 40 7 otherprop Objects
+door hinge 1 40 7 otherprop Objects
+cahi 1 40 7 otherprop Objects
+excercise cycle 1 40 7 otherprop Objects
+handsoap 1 40 7 otherprop Objects
+glass door 1 28 8 12 door door Wall door
+dustbin box 1 26 29 7 box box Objects
+toy ship 1 40 7 otherprop Objects
+storage rack 1 448 39 6 storage rack otherfurniture Furniture
+wall outside room 1 40 7 otherprop Objects
+ask tray 1 179 40 7 tray otherprop Objects
+punching bag 1 55 37 7 bag bag Objects n04023962 punching_bag.n.02
+storage drawer 1 174 39 6 drawer otherfurniture Furniture
+cat litter box 1 26 29 7 box box Objects
+shower rod 1 40 7 otherprop Objects
+office desk 1 36 14 10 desk desk Table desk desk
+water filter 1 731 40 7 water filter otherprop Objects n04559620 water_filter.n.01
+nicknack 1 40 7 otherprop Objects n02897692 bric-a-brac.n.01
+tin of drink 1 40 7 otherprop Objects
+work 1 40 7 otherprop Objects
+lustre 1 40 7 otherprop Objects
+paper shredder 1 40 7 otherprop Objects
+awllll 1 40 7 otherprop Objects
+booth 1 19 7 10 table table Table table table table 04379243 n02874214 booth.n.01
+folded blanket 1 312 40 7 blanket otherprop Objects
+bed skirt 1 40 7 otherprop Objects
+computer speaker 1 54 40 7 speaker otherprop Objects speaker 03691459 n03691459 loudspeaker.n.01
+desktop computer 1 46 40 7 computer otherprop Objects n03180011 desktop_computer.n.01
+hadnwash 1 40 7 otherprop Objects
+covered box 1 26 29 7 box box Objects
+lampbase 1 40 7 otherprop Objects
+net 1 40 7 otherprop Objects
+wall pane 1 40 7 otherprop Objects
+dressing gown 1 40 7 otherprop Objects n03237992 dressing_gown.n.01
+footstowindow 2ol 1 40 7 otherprop Objects
+display/signs 1 40 7 otherprop Objects
+arifact 1 40 7 otherprop Objects
+leg 1 40 7 otherprop Objects
+ceiling fan 1 74 40 7 fan otherprop Objects
+circular sofa 1 83 6 9 sofa sofa Sofa sofa sofa sofa 04256520 n04256520 sofa.n.01
+food/drink 1 40 7 otherprop Objects
+chair cushion 1 40 7 otherprop Objects
+water 1 40 7 otherprop Objects n04562658 water_system.n.02
+sinl 1 40 7 otherprop Objects
+sing 1 40 7 otherprop Objects
+cardboard 1 40 7 otherprop Objects
+plastic sliding drawers 1 40 7 otherprop Objects
+celltech 1 40 7 otherprop Objects
+sink tap 1 40 7 otherprop Objects
+binder 1 399 40 7 binder otherprop Objects
+toilet plumbing 1 40 7 otherprop Objects
+marble 1 60 40 7 ball otherprop Objects n03721047 marble.n.02
+table speaker 1 54 40 7 speaker otherprop Objects speaker 03691459 n03691459 loudspeaker.n.01
+talbetop 1 40 7 otherprop Objects
+gym cycle 1 40 7 otherprop Objects
+table piece 1 40 7 otherprop Objects
+counter panel 1 40 7 otherprop Objects
+plug/outlet 1 40 7 otherprop Objects
+till 1 26 29 7 box box Objects n02976939 cashbox.n.01
+sink unit 1 40 7 otherprop Objects
+urinary 1 40 7 otherprop Objects
+ball chair 1 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+of shelf 1 40 7 otherprop Objects
+shower rack 1 614 40 7 shoe rack otherprop Objects
+full bed 1 157 4 1 bed bed Bed bed bed bed 02818832 n02818832 bed.n.01
+sink cupboard 1 40 7 otherprop Objects
+house shoe 1 149 40 7 shoe otherprop Objects
+cha 1 40 7 otherprop Objects
+beachball 1 60 40 7 ball otherprop Objects n02814224 beach_ball.n.01
+game table 1 429 40 7 game table otherprop Objects table table table 04379243 n04379243 table.n.02
+tiny table 1 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+feminine hygiene waste basket 1 39 40 7 basket otherprop Objects basket 02801938 n02801938 basket.n.01
+dicplay case 1 851 40 7 case otherprop Objects
+end table chair 1 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+cardbox 1 40 7 otherprop Objects
+envelope 1 476 40 7 envelope otherprop Objects n03291819 envelope.n.01
+resevoir 1 40 7 otherprop Objects
+rabbit 1 40 7 otherprop Objects n02324045 rabbit.n.01
+board meeting table 1 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+hold 1 758 40 7 handle otherprop Objects
+laser printer 1 66 40 7 printer otherprop Objects printer 04004475 n03643737 laser_printer.n.01
+glasses case 1 851 40 7 case otherprop Objects n03438863 glasses_case.n.01
+thermos 1 693 40 7 flask otherprop Objects bottle bottle 02876657 n04422727 thermos.n.01
+shelving unit 1 40 7 otherprop Objects
+bath towel 1 135 27 7 towel towel Objects n02808304 bath_towel.n.01
+monitor stand 1 50 39 6 stand otherfurniture Furniture
+breakfast bar 1 51 38 7 bar otherstructure Objects
+flat screen television 1 172 25 11 television television TV
+dressin table 1 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+dress rack 1 50 39 6 stand otherfurniture Furniture n03238762 dress_rack.n.01
+plates of food 1 40 7 otherprop Objects
+figure 1 40 7 otherprop Objects
+credenza 1 7 12 6 counter counter Furniture n03129753 credenza.n.01
+oejcts 1 40 7 otherprop Objects
+sinktop 1 40 7 otherprop Objects
+wall.table 1 40 7 otherprop Objects
+penholder 1 464 40 7 pen holder otherprop Objects
+wall panel 1 21 1 12 wall wall Wall n04548503 wall_panel.n.01
+stair landing 1 40 7 otherprop Objects
+wallpapere 1 40 7 otherprop Objects
+water dispencer 1 507 40 7 water dispenser otherprop Objects
+therostat 1 110 40 7 thermostat otherprop Objects
+frying pan 1 318 40 7 frying pan otherprop Objects n03400231 frying_pan.n.01
+separator 1 40 7 otherprop Objects n02995998 centrifuge.n.01
+divider 1 40 7 otherprop Objects
+ceiling lamp 1 144 35 7 lamp lamp Objects lamp lamp 03636649 n03636649 lamp.n.02
+rod 1 40 7 otherprop Objects pistol 03948459 n03427202 gat.n.01
+;amps 1 40 7 otherprop Objects
+vaccum 1 40 7 otherprop Objects
+chair b' 1 40 7 otherprop Objects
+paint bucket 1 427 40 7 bucket otherprop Objects
+lighting 1 40 7 otherprop Objects n03667235 lighting.n.02
+tablecloth 1 292 40 7 tablecloth otherprop Objects n04380143 tablecloth.n.01
+plank 1 408 38 7 board otherstructure Objects n15101854 board.n.02
+sink pipe 1 41 40 7 pipe otherprop Objects
+concrete slab 1 40 7 otherprop Objects
+mini couch 1 83 6 9 sofa sofa Sofa sofa sofa sofa 04256520 n04256520 sofa.n.01
+post it 1 40 7 otherprop Objects
+stair down 1 40 7 otherprop Objects
+spout 1 41 40 7 pipe otherprop Objects n04287153 spout.n.01
+cutlery 1 40 7 otherprop Objects n03154073 cutter.n.06
+magazine rack 1 50 39 6 stand otherfurniture Furniture n03704549 magazine_rack.n.01
+mini printer 1 66 40 7 printer otherprop Objects printer 04004475 n04004475 printer.n.03
+tray box 1 26 29 7 box box Objects
+level 2 stair case 1 851 40 7 case otherprop Objects
+industrial machine 1 220 40 7 machine otherprop Objects
+giường 1 40 7 otherprop Objects
+induction cooktop 1 40 7 otherprop Objects
+artwork 1 40 7 otherprop Objects
+pillowcase 1 851 40 7 case otherprop Objects n02975412 case.n.19
+window wall 1 21 1 12 wall wall Wall
+minibar 1 7 12 6 counter counter Furniture n03769610 minibar.n.01
+laundry detergent 1 40 7 otherprop Objects
+serving plate 1 233 40 7 plate otherprop Objects
+dirty basket 1 39 40 7 basket otherprop Objects basket 02801938 n02801938 basket.n.01
+reading lamp 1 144 35 7 lamp lamp Objects lamp lamp 03636649 n04057981 reading_lamp.n.01
+open cabinet 1 3 3 6 cabinet cabinet Furniture cabinet 02933112 n02933112 cabinet.n.01
+hand truck 1 305 40 7 cart otherprop Objects n03490119 hand_truck.n.01
+pad 1 40 7 otherprop Objects n03195485 diggings.n.02
+laptop table 1 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+ventilator window 1 59 9 13 window window Window
+esll 1 40 7 otherprop Objects
+sofa bed 1 157 4 1 bed bed Bed bed bed bed 02818832 n02818832 bed.n.01
+safa 1 40 7 otherprop Objects
+heating system 1 40 7 otherprop Objects n03509025 heating_system.n.01
+floor]floo 1 40 7 otherprop Objects
+facial scrub 1 40 7 otherprop Objects
+vent hood 1 40 7 otherprop Objects
+office cupboard 1 40 7 otherprop Objects
+stand fan 1 74 40 7 fan otherprop Objects
+storage shelf 1 40 7 otherprop Objects
+hanging clothes 1 141 21 7 clothes clothes Objects
+fuse box 1 26 29 7 box box Objects
+pizza 1 40 7 otherprop Objects
+personal effect 1 40 7 otherprop Objects
+drawer organizer 1 40 7 otherprop Objects
+main board 1 408 38 7 board otherstructure Objects
+loofa 1 40 7 otherprop Objects
+shower surround 1 40 7 otherprop Objects
+bycicle 1 40 7 otherprop Objects
+all-in-one computer 1 46 40 7 computer otherprop Objects
+box of tissue 1 648 40 7 tissue otherprop Objects
+doorlock 1 646 40 7 door lock otherprop Objects n03223162 doorlock.n.01
+base unit 1 40 7 otherprop Objects
+tennis ball 1 60 40 7 ball otherprop Objects n04409515 tennis_ball.n.01
+snack machine 1 220 40 7 machine otherprop Objects
+laptop bag 1 55 37 7 bag bag Objects
+hallway wall 1 21 1 12 wall wall Wall
+msic 1 40 7 otherprop Objects
+file organizer 1 40 7 otherprop Objects
+fire hose 1 40 7 otherprop Objects n03346004 fire_hose.n.01
+media center 1 40 7 otherprop Objects
+umbrella 1 203 40 7 umbrella otherprop Objects n04507155 umbrella.n.01
+barrier 1 40 7 otherprop Objects n02796623 barrier.n.01
+dirt 1 40 7 otherprop Objects
+subwoofer 1 54 40 7 speaker otherprop Objects speaker 03691459 n04349401 subwoofer.n.01
+table tennis 1 40 7 otherprop Objects
+printer/scanner 1 40 7 otherprop Objects
+drying rack 1 262 39 6 drying rack otherfurniture Furniture
+wppd [ame;owood paneling 1 40 7 otherprop Objects
+toilet robe 1 40 7 otherprop Objects
+printer stand 1 50 39 6 stand otherfurniture Furniture
+shower screen 1 40 7 otherprop Objects
+water bed 1 157 4 1 bed bed Bed bed bed bed 02818832 n04557522 water_bed.n.01
+display sign 1 208 40 7 sign otherprop Objects
+diaper bin 1 307 40 7 bin otherprop Objects
+router 1 303 40 7 router otherprop Objects
+ashtray 1 377 40 7 ashtray otherprop Objects n02747802 ashtray.n.01
+footrest/table 1 40 7 otherprop Objects
+cleaning brush 1 40 7 otherprop Objects
+bathroom desk 1 36 14 10 desk desk Table desk desk table 04379243 n03179701 desk.n.01
+toilet commode 1 40 7 otherprop Objects
+staicase handrail 1 40 7 otherprop Objects
+clothes shelf 1 40 7 otherprop Objects
+dink 1 40 7 otherprop Objects
+toilet seat protectors 1 40 7 otherprop Objects
+stuffware 1 40 7 otherprop Objects
+low table for storage 1 40 7 otherprop Objects
+covered stuff 1 40 7 otherprop Objects
+hood 1 40 7 otherprop Objects
+floor reflection 1 40 7 otherprop Objects
+can opener 1 279 40 7 can opener otherprop Objects n02951585 can_opener.n.01
+top 1 40 7 otherprop Objects
+wheely bin 1 307 40 7 bin otherprop Objects
+book bag 1 55 37 7 bag bag Objects n02870676 book_bag.n.01
+body wash 1 40 7 otherprop Objects
+study chair 1 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+stepladder 1 48 39 6 ladder otherfurniture Furniture stairs n04315599 step_ladder.n.01
+paper holder 1 470 40 7 paper holder otherprop Objects
+white 1 40 7 otherprop Objects
+yoga ball 1 60 40 7 ball otherprop Objects
+consol 1 40 7 otherprop Objects
+cloths container 1 140 40 7 container otherprop Objects
+shorts 1 192 40 7 shorts otherprop Objects n04204755 short_circuit.n.01
+emergency exit windows 1 40 7 otherprop Objects
+gym 1 40 7 otherprop Objects n03472112 gymnasium.n.02
+box of tissues 1 40 7 otherprop Objects
+trolly 1 221 39 6 trolly otherfurniture Furniture
+water purifyer 1 93 40 7 water purifier otherprop Objects
+clutter' 1 40 7 otherprop Objects
+wallend 1 40 7 otherprop Objects
+tissue `paper 1 40 7 otherprop Objects
+mop and bucket 1 427 40 7 bucket otherprop Objects
+grocery 1 40 7 otherprop Objects n03461385 grocery_store.n.01
+worktable 1 19 7 10 table table Table table table table 04379243 n04603729 worktable.n.01
+air outlet 1 40 7 otherprop Objects
+fold 1 97 40 7 pen otherprop Objects n03376159 fold.n.06
+toilet commoed 1 40 7 otherprop Objects
+handfold 1 40 7 otherprop Objects
+business chair 1 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+llong table chair 1 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+books in a shelf 1 40 7 otherprop Objects
+chaurs 1 40 7 otherprop Objects
+tennis table stand 1 50 39 6 stand otherfurniture Furniture
+kitchen water purifier 1 93 40 7 water purifier otherprop Objects
+lid 1 533 40 7 lid otherprop Objects
+electric hob 1 40 7 otherprop Objects
+baggage 1 783 40 7 luggage otherprop Objects
+cpnter 1 40 7 otherprop Objects
+stairs (exit) 1 40 7 otherprop Objects
+equipment 1 40 7 otherprop Objects n03294048 equipment.n.01
+rocking chair 1 5 5 4 chair chair Chair chair chair chair 03001627 n04099969 rocking_chair.n.01
+bunkbed 1 804 39 6 bunk bed otherfurniture Furniture
+divan 1 83 6 9 sofa sofa Sofa sofa sofa sofa 04256520 n03214966 divan.n.01
+bottle of hand sanitizer 1 40 7 otherprop Objects
+sales stall 1 40 7 otherprop Objects
+dehumidifer 1 40 7 otherprop Objects
+wall cover 1 40 7 otherprop Objects
+plumbing 1 40 7 otherprop Objects n03969041 plumbing.n.01
+elliptical machine 1 220 40 7 machine otherprop Objects
+playball 1 40 7 otherprop Objects
+safety bar 1 51 38 7 bar otherstructure Objects
+stereo 1 84 40 7 stereo otherprop Objects n04315948 stereo.n.01
+havlu 1 40 7 otherprop Objects
+handbag 1 40 7 otherprop Objects n02774152 bag.n.04
+furnance 1 551 39 6 furnace otherfurniture Furniture
+shleves 1 40 7 otherprop Objects
+coat hanger 1 400 40 7 coat hanger otherprop Objects n03057920 coat_hanger.n.01
+erar wall 1 21 1 12 wall wall Wall
+bed bench 1 204 39 6 bench otherfurniture Furniture bench bench 02828884 n02828884 bench.n.01
+tissu 1 648 40 7 tissue otherprop Objects
+plastic tub 1 232 40 7 plastic tub otherprop Objects bathtub bathtub tub 02808440 n02808440 bathtub.n.01
+potholder 1 40 7 otherprop Objects n03992115 potholder.n.01
+coffee mug 1 263 40 7 vessel otherprop Objects cup or mug 03797390 n03063599 coffee_mug.n.01
+tennis rcket bag 1 55 37 7 bag bag Objects
+stand lamp 1 144 35 7 lamp lamp Objects lamp lamp 03636649 n03636649 lamp.n.02
+bed/sofa 1 40 7 otherprop Objects
+laundry supply 1 40 7 otherprop Objects
+document shredder 1 40 7 otherprop Objects
+gas-range stove 1 242 38 7 stove otherstructure Objects stove 04330267 n04330267 stove.n.02
+table soccer 1 40 7 otherprop Objects
+cookingrange 1 40 7 otherprop Objects
+bookbags 1 40 7 otherprop Objects
+downstairs 1 40 7 otherprop Objects
+coffeepot 1 893 40 7 coffee pot otherprop Objects n03063689 coffeepot.n.01
+jar 1 70 40 7 jar otherprop Objects jar 03593526 n03593526 jar.n.01
+rear wall 1 21 1 12 wall wall Wall
+part of chair 1 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+tape 1 109 40 7 tape otherprop Objects
+drawer table 1 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+woodenrack 1 40 7 otherprop Objects
+toilet floor 1 11 2 5 floor floor Floor
+cushioned seating 1 40 7 otherprop Objects
+bulls eye 1 40 7 otherprop Objects
+soft mat 1 40 7 otherprop Objects
+snack box 1 26 29 7 box box Objects
+desk organizer 1 40 7 otherprop Objects
+footboard 1 559 40 7 sheet otherprop Objects n03379461 footboard.n.02
+wall hook 1 40 7 otherprop Objects
+chopping board 1 408 38 7 board otherstructure Objects n03025513 chopping_board.n.01
+round picture 1 64 11 8 picture picture Picture
+chimney 1 702 38 7 chimney otherstructure Objects n03017428 chimney.n.01
+studio screen 1 40 7 otherprop Objects
+personal belonging 1 40 7 otherprop Objects
+roll of paper 1 15 26 7 paper paper Objects
+gaming wheel 1 40 7 otherprop Objects
+landlord 1 331 31 7 person person Objects person n10245236 landlord.n.01
+ebd 1 40 7 otherprop Objects
+heater radiator 1 236 39 6 radiator otherfurniture Furniture
+cabinet above 1 40 7 otherprop Objects
+weighted plate 1 233 40 7 plate otherprop Objects
+travelling bag 1 55 37 7 bag bag Objects suitcase 02773838 n02773838 bag.n.06
+desk material 1 40 7 otherprop Objects
+door wall 1 21 1 12 wall wall Wall
+traffic cone 1 6 40 7 cone otherprop Objects cone
+computer mouse 1 103 40 7 mouse otherprop Objects n03793489 mouse.n.04
+coathanger 1 400 40 7 coat hanger otherprop Objects
+bureau 1 524 39 6 furniture otherfurniture Furniture dresser dresser n03015254 chest_of_drawers.n.01
+tyre 1 40 7 otherprop Objects n04440749 tire.n.01
+armchairchair 1 40 7 otherprop Objects
+oven range 1 40 7 otherprop Objects
+pants 1 40 7 otherprop Objects n04489008 trouser.n.01
+chiropractic chair 1 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+keg 1 343 39 6 barrel otherfurniture Furniture n03610418 keg.n.02
+spray 1 40 7 otherprop Objects n02754103 atomizer.n.01
+paper trimmer 1 40 7 otherprop Objects
+standing whiteboard 1 45 30 7 whiteboard whiteboard Objects
+desk drawer 1 475 39 6 desk drawer otherfurniture Furniture
+window/windowed door 1 28 8 12 door door Wall door
+soapbox 1 671 40 7 soap box otherprop Objects
+pillow sofa 1 83 6 9 sofa sofa Sofa sofa sofa sofa 04256520 n04256520 sofa.n.01
+centre table 1 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+doorway 1 609 38 7 door way otherstructure Objects door n03224032 doorway.n.01
+wall and whiteboard 1 45 30 7 whiteboard whiteboard Objects
+laptop computer 1 46 40 7 computer otherprop Objects laptop laptop 03642806 n03642806 laptop.n.01
+scanner/copier 1 40 7 otherprop Objects
+suitcase w/clothes 1 40 7 otherprop Objects
+power pusher 1 40 7 otherprop Objects
+shower faucet handle 1 758 40 7 handle otherprop Objects
+walk 1 40 7 otherprop Objects n04544979 walk.n.05
+matte 1 40 7 otherprop Objects
+atm machine 1 220 40 7 machine otherprop Objects
+garage door 1 850 38 7 garage door otherstructure Objects door
+wals 1 40 7 otherprop Objects
+cabinet aisle 1 40 7 otherprop Objects
+table light 1 62 38 7 light otherstructure Objects
+guillotine paper trimmer 1 40 7 otherprop Objects
+round 2\ 1 40 7 otherprop Objects
+teddy 1 40 7 otherprop Objects n03013580 chemise.n.01
+white board/divider 1 40 7 otherprop Objects
+white wall 1 21 1 12 wall wall Wall
+mark 1 40 7 otherprop Objects n04681387 crisscross.n.01
+partition wall 1 21 1 12 wall wall Wall
+shag rug 1 130 40 7 rug otherprop Objects n04183217 shag_rug.n.01
+upstair way 1 40 7 otherprop Objects
+music stand' 1 820 39 6 music stand otherfurniture Furniture
+recamier 1 40 7 otherprop Objects
+venthole 1 40 7 otherprop Objects n04526241 vent.n.01
+dining seat 1 40 7 otherprop Objects
+toilet cover 1 40 7 otherprop Objects
+personal item 1 40 7 otherprop Objects
+tallboy 1 524 39 6 furniture otherfurniture Furniture dresser dresser n03518305 highboy.n.01
+drawers unit 1 40 7 otherprop Objects
+teapot 1 678 40 7 tea pot otherprop Objects n04398044 teapot.n.01
+cook cabinet 1 3 3 6 cabinet cabinet Furniture cabinet 02933112 n02933112 cabinet.n.01
+wok pan 1 589 40 7 pan otherprop Objects
+tv tray 1 179 40 7 tray otherprop Objects
+round chair 1 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+sawhorse 1 40 7 otherprop Objects n04140631 sawhorse.n.01
+kitchen range 1 242 38 7 stove otherstructure Objects n04330340 stove.n.01
+busdrver 1 40 7 otherprop Objects
+barricade 1 40 7 otherprop Objects
+wall ornament 1 40 7 otherprop Objects
+color printer 1 66 40 7 printer otherprop Objects printer 04004475 n04004475 printer.n.03
+sticker 1 725 40 7 sticker otherprop Objects n07272545 gummed_label.n.01
+exit sign 1 86 40 7 exit sign otherprop Objects
+gas stove 1 242 38 7 stove otherstructure Objects stove 04330267 n04330267 stove.n.02
+venta hood 1 40 7 otherprop Objects
+copier/printer 1 40 7 otherprop Objects
+wall-mounted lamp 1 144 35 7 lamp lamp Objects lamp lamp 03636649 n03636649 lamp.n.02
+item box 1 26 29 7 box box Objects
+water puifyer 1 40 7 otherprop Objects
+wall papper 1 40 7 otherprop Objects
+salt and peper 1 737 40 7 salt and pepper otherprop Objects
+printer four 1 40 7 otherprop Objects
+towel fastener 1 40 7 otherprop Objects
+basth 1 40 7 otherprop Objects
+flipflops 1 40 7 otherprop Objects
+bonus 1 40 7 otherprop Objects
+kitchen box 1 26 29 7 box box Objects n02883344 box.n.01
+central heating unit 1 40 7 otherprop Objects
+hanging tubelight 1 40 7 otherprop Objects
+soccer ball 1 837 40 7 soccer ball otherprop Objects n04254680 soccer_ball.n.01
+almarah 1 40 7 otherprop Objects
+canopy 1 40 7 otherprop Objects
+med box 1 26 29 7 box box Objects
+drain 1 567 38 7 drain otherstructure Objects
+panelling 1 21 1 12 wall wall Wall n03882611 paneling.n.01
+bed stand 1 50 39 6 stand otherfurniture Furniture
+deal 1 408 38 7 board otherstructure Objects n15102622 deal.n.04
+massage 1 40 7 otherprop Objects
+safety rail 1 497 38 7 railing otherstructure Objects n04127395 safety_rail.n.01
+vacuumer 1 40 7 otherprop Objects
+binfl 1 40 7 otherprop Objects
+lightbulb 1 566 40 7 light bulb otherprop Objects lamp n03665924 light_bulb.n.01
+door hydraulic 1 40 7 otherprop Objects
+induction cook top 1 40 7 otherprop Objects
+bedstand 1 40 7 otherprop Objects
+calander 1 40 7 otherprop Objects
+set of seats 1 40 7 otherprop Objects
+chocolate bar dispenser 1 40 7 otherprop Objects
+wall unit tv 1 40 7 otherprop Objects
+broomstick 1 328 40 7 broom otherprop Objects n02907082 broomstick.n.01
+bath faucet 1 9 40 7 faucet otherprop Objects faucet 03325088 n03325088 faucet.n.01
+folded cloth 1 40 7 otherprop Objects
+supply 1 40 7 otherprop Objects
+under oven drawer 1 174 39 6 drawer otherfurniture Furniture
+kinect 1 823 40 7 kinect otherprop Objects
+cash 1 40 7 otherprop Objects n10886222 cash.n.03
+dining side wall 1 21 1 12 wall wall Wall
+log 1 40 7 otherprop Objects n03686658 log.n.05
+garden gnome 1 40 7 otherprop Objects
+coucnb 1 40 7 otherprop Objects
+dart 1 40 7 otherprop Objects n03162818 dart.n.01
+dust pan and brush 1 40 7 otherprop Objects
+smoke alarm 1 525 40 7 alarm otherprop Objects n03343737 fire_alarm.n.02
+kitchen top 1 40 7 otherprop Objects
+toilet flush 1 40 7 otherprop Objects
+cooler 1 17 24 6 refridgerator refridgerator Furniture n03102654 cooler.n.01
+kitchen island 1 456 38 7 kitchen island otherstructure Objects n03620600 kitchen_island.n.01
+balcony 1 40 7 otherprop Objects
+escape door 1 28 8 12 door door Wall door
+hammer 1 883 40 7 hammer otherprop Objects n03481172 hammer.n.02
+wall and paiting 1 40 7 otherprop Objects
+kitch shelf 1 40 7 otherprop Objects
+handwasher 1 40 7 otherprop Objects
+vanity top 1 40 7 otherprop Objects
+bodyboard 1 40 7 otherprop Objects
+messenger bag 1 55 37 7 bag bag Objects
+stationary bike 1 40 7 otherprop Objects
+cabinet countertop 1 40 7 otherprop Objects
+ping pong padle 1 40 7 otherprop Objects
+teapoy 1 40 7 otherprop Objects
+clothes basket 1 39 40 7 basket otherprop Objects basket 02801938 n03050864 clothes_hamper.n.01
+xbox 1 628 40 7 xbox otherprop Objects xbox
+both 1 40 7 otherprop Objects
+foosball 1 40 7 otherprop Objects
+soad stand 1 50 39 6 stand otherfurniture Furniture
+prop 1 40 7 otherprop Objects n02692086 airplane_propeller.n.01
+buddha 1 40 7 otherprop Objects
+reflection in a mirror 1 122 19 7 mirror mirror Objects
+bar stol 1 40 7 otherprop Objects
+oven/stove 1 40 7 otherprop Objects
+patterned rug 1 130 40 7 rug otherprop Objects
+window panel 1 40 7 otherprop Objects
+vault 1 40 7 otherprop Objects
+dust bin cover 1 40 7 otherprop Objects
+throw 1 872 40 7 throw otherprop Objects n04429971 throw.n.04
+painting and frame 1 40 7 otherprop Objects
+covered piano 1 298 39 6 piano otherfurniture Furniture piano piano 03928116 n03928116 piano.n.01
+drawer unit 1 40 7 otherprop Objects
+aircon 1 40 7 otherprop Objects
+package 1 40 7 otherprop Objects n03871083 package.n.02
+gas vent 1 40 7 otherprop Objects
+block 1 40 7 otherprop Objects
+cloth container 1 140 40 7 container otherprop Objects
+additional printer 1 66 40 7 printer otherprop Objects printer 04004475 n04004475 printer.n.03
+danger sign 1 208 40 7 sign otherprop Objects
+game machine 1 220 40 7 machine otherprop Objects
+light fixture 1 40 7 otherprop Objects
+utility 1 40 7 otherprop Objects n04516874 utility.n.06
+base rack 1 40 7 otherprop Objects
+staircase landing 1 40 7 otherprop Objects
+szll 1 40 7 otherprop Objects
+piano note 1 40 7 otherprop Objects
+bboks 1 40 7 otherprop Objects
+cabord 1 40 7 otherprop Objects
+central table 1 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+splash 1 40 7 otherprop Objects n04682319 splash.n.04
+suit 1 40 7 otherprop Objects n04350905 suit.n.01
+cook top 1 40 7 otherprop Objects
+jug 1 687 40 7 jug otherprop Objects bottle bottle 02876657 n03603722 jug.n.01
+stepstool 1 276 40 7 step stool otherprop Objects
+tripod 1 50 39 6 stand otherfurniture Furniture n04485082 tripod.n.01
+cover box 1 26 29 7 box box Objects
+baby crib 1 485 39 6 crib otherfurniture Furniture
+air condisnor 1 40 7 otherprop Objects
+water softner 1 40 7 otherprop Objects
+chandelier 1 342 38 7 chandelier otherstructure Objects n03005285 chandelier.n.01
+floor patterning 1 40 7 otherprop Objects
+tablet top 1 40 7 otherprop Objects
+smoke detector 1 40 7 otherprop Objects
+baseball cap 1 40 7 otherprop Objects cap 02954340 n02799323 baseball_cap.n.01
+tissue roll holder 1 40 7 otherprop Objects
+case of water 1 40 7 otherprop Objects
+wall-organizer 1 40 7 otherprop Objects
+piece 1 40 7 otherprop Objects n03343853 firearm.n.01
+wheelbarrel 1 40 7 otherprop Objects
+desktop item 1 40 7 otherprop Objects
+tv showcase 1 40 7 otherprop Objects
+chelves 1 40 7 otherprop Objects
+toothbrush 1 127 40 7 toothbrush otherprop Objects n04453156 toothbrush.n.01
+chiffonière 1 40 7 otherprop Objects
+leg towel 1 135 27 7 towel towel Objects
+flowers/decorations 1 40 7 otherprop Objects
+snake toy 1 389 40 7 toy otherprop Objects
+cabinet's side 1 40 7 otherprop Objects
+bedroom chair 1 5 5 4 chair chair Chair chair chair chair 03001627 n03001627 chair.n.01
+drum 1 145 40 7 drum otherprop Objects n03249569 drum.n.01
+liquid soap 1 133 40 7 soap otherprop Objects
+set of bedding 1 40 7 otherprop Objects
+night lamp 1 144 35 7 lamp lamp Objects lamp lamp 03636649 n03636649 lamp.n.02
+post board 1 408 38 7 board otherstructure Objects
+measuring cup 1 730 40 7 measuring cup otherprop Objects cup n03733805 measuring_cup.n.01
+baseboard heater 1 111 39 6 heater otherfurniture Furniture
+paper shelf 1 40 7 otherprop Objects
+alert sheet 1 559 40 7 sheet otherprop Objects
+duster 1 115 40 7 duster otherprop Objects n03258330 dustcloth.n.01
+snooker table 1 19 7 10 table table Table table table table 04379243 n03982430 pool_table.n.01
+leg rest 1 40 7 otherprop Objects
+wall storage 1 40 7 otherprop Objects
+office board 1 408 38 7 board otherstructure Objects
+bathroom counter 1 7 12 6 counter counter Furniture table table table 04379243 n03116530 counter.n.01
+table sofa 1 83 6 9 sofa sofa Sofa sofa sofa sofa 04256520 n04256520 sofa.n.01
+glass-topped table 1 19 7 10 table table Table table table table 04379243 n04379243 table.n.02
+racket bat 1 40 7 otherprop Objects
+fridge handle 1 758 40 7 handle otherprop Objects
+stove top 1 40 7 otherprop Objects
+monitor from pc 1 40 7 otherprop Objects
+stick 1 529 40 7 stick otherprop Objects
diff --git a/pointnet2/scannet/preprocessing/scannet_util.py b/pointnet2/scannet/preprocessing/scannet_util.py
new file mode 100644
index 0000000..c830991
--- /dev/null
+++ b/pointnet2/scannet/preprocessing/scannet_util.py
@@ -0,0 +1,21 @@
+
+
+g_label_names = ['unannotated', 'wall', 'floor', 'chair', 'table', 'desk', 'bed', 'bookshelf', 'sofa', 'sink', 'bathtub', 'toilet', 'curtain', 'counter', 'door', 'window', 'shower curtain', 'refridgerator', 'picture', 'cabinet', 'otherfurniture']
+
+def get_raw2scannet_label_map():
+ lines = [line.rstrip() for line in open('scannet-labels.combined.tsv')]
+ lines = lines[1:]
+ raw2scannet = {}
+ for i in range(len(lines)):
+ label_classes_set = set(g_label_names)
+ elements = lines[i].split('\t')
+ raw_name = elements[0]
+ nyu40_name = elements[6]
+ if nyu40_name not in label_classes_set:
+ raw2scannet[raw_name] = 'unannotated'
+ else:
+ raw2scannet[raw_name] = nyu40_name
+ return raw2scannet
+
+
+g_raw2scannet = get_raw2scannet_label_map()
diff --git a/pointnet2/scannet/scannet_dataset.py b/pointnet2/scannet/scannet_dataset.py
new file mode 100644
index 0000000..4b586cc
--- /dev/null
+++ b/pointnet2/scannet/scannet_dataset.py
@@ -0,0 +1,182 @@
+import pickle
+import os
+import sys
+import numpy as np
+import pc_util
+import scene_util
+
+class ScannetDataset():
+ def __init__(self, root, npoints=8192, split='train'):
+ self.npoints = npoints
+ self.root = root
+ self.split = split
+ self.data_filename = os.path.join(self.root, 'scannet_%s.pickle'%(split))
+ with open(self.data_filename,'rb') as fp:
+ self.scene_points_list = pickle.load(fp)
+ self.semantic_labels_list = pickle.load(fp)
+ if split=='train':
+ labelweights = np.zeros(21)
+ for seg in self.semantic_labels_list:
+ tmp,_ = np.histogram(seg,range(22))
+ labelweights += tmp
+ labelweights = labelweights.astype(np.float32)
+ labelweights = labelweights/np.sum(labelweights)
+ self.labelweights = 1/np.log(1.2+labelweights)
+ elif split=='test':
+ self.labelweights = np.ones(21)
+ def __getitem__(self, index):
+ point_set = self.scene_points_list[index]
+ semantic_seg = self.semantic_labels_list[index].astype(np.int32)
+ coordmax = np.max(point_set,axis=0)
+ coordmin = np.min(point_set,axis=0)
+ smpmin = np.maximum(coordmax-[1.5,1.5,3.0], coordmin)
+ smpmin[2] = coordmin[2]
+ smpsz = np.minimum(coordmax-smpmin,[1.5,1.5,3.0])
+ smpsz[2] = coordmax[2]-coordmin[2]
+ isvalid = False
+ for i in range(10):
+ curcenter = point_set[np.random.choice(len(semantic_seg),1)[0],:]
+ curmin = curcenter-[0.75,0.75,1.5]
+ curmax = curcenter+[0.75,0.75,1.5]
+ curmin[2] = coordmin[2]
+ curmax[2] = coordmax[2]
+ curchoice = np.sum((point_set>=(curmin-0.2))*(point_set<=(curmax+0.2)),axis=1)==3
+ cur_point_set = point_set[curchoice,:]
+ cur_semantic_seg = semantic_seg[curchoice]
+ if len(cur_semantic_seg)==0:
+ continue
+ mask = np.sum((cur_point_set>=(curmin-0.01))*(cur_point_set<=(curmax+0.01)),axis=1)==3
+ vidx = np.ceil((cur_point_set[mask,:]-curmin)/(curmax-curmin)*[31.0,31.0,62.0])
+ vidx = np.unique(vidx[:,0]*31.0*62.0+vidx[:,1]*62.0+vidx[:,2])
+ isvalid = np.sum(cur_semantic_seg>0)/len(cur_semantic_seg)>=0.7 and len(vidx)/31.0/31.0/62.0>=0.02
+ if isvalid:
+ break
+ choice = np.random.choice(len(cur_semantic_seg), self.npoints, replace=True)
+ point_set = cur_point_set[choice,:]
+ semantic_seg = cur_semantic_seg[choice]
+ mask = mask[choice]
+ sample_weight = self.labelweights[semantic_seg]
+ sample_weight *= mask
+ return point_set, semantic_seg, sample_weight
+ def __len__(self):
+ return len(self.scene_points_list)
+
+class ScannetDatasetWholeScene():
+ def __init__(self, root, npoints=8192, split='train'):
+ self.npoints = npoints
+ self.root = root
+ self.split = split
+ self.data_filename = os.path.join(self.root, 'scannet_%s.pickle'%(split))
+ with open(self.data_filename,'rb') as fp:
+ self.scene_points_list = pickle.load(fp)
+ self.semantic_labels_list = pickle.load(fp)
+ if split=='train':
+ labelweights = np.zeros(21)
+ for seg in self.semantic_labels_list:
+ tmp,_ = np.histogram(seg,range(22))
+ labelweights += tmp
+ labelweights = labelweights.astype(np.float32)
+ labelweights = labelweights/np.sum(labelweights)
+ self.labelweights = 1/np.log(1.2+labelweights)
+ elif split=='test':
+ self.labelweights = np.ones(21)
+ def __getitem__(self, index):
+ point_set_ini = self.scene_points_list[index]
+ semantic_seg_ini = self.semantic_labels_list[index].astype(np.int32)
+ coordmax = np.max(point_set_ini,axis=0)
+ coordmin = np.min(point_set_ini,axis=0)
+ nsubvolume_x = np.ceil((coordmax[0]-coordmin[0])/1.5).astype(np.int32)
+ nsubvolume_y = np.ceil((coordmax[1]-coordmin[1])/1.5).astype(np.int32)
+ point_sets = list()
+ semantic_segs = list()
+ sample_weights = list()
+ isvalid = False
+ for i in range(nsubvolume_x):
+ for j in range(nsubvolume_y):
+ curmin = coordmin+[i*1.5,j*1.5,0]
+ curmax = coordmin+[(i+1)*1.5,(j+1)*1.5,coordmax[2]-coordmin[2]]
+ curchoice = np.sum((point_set_ini>=(curmin-0.2))*(point_set_ini<=(curmax+0.2)),axis=1)==3
+ cur_point_set = point_set_ini[curchoice,:]
+ cur_semantic_seg = semantic_seg_ini[curchoice]
+ if len(cur_semantic_seg)==0:
+ continue
+ mask = np.sum((cur_point_set>=(curmin-0.001))*(cur_point_set<=(curmax+0.001)),axis=1)==3
+ choice = np.random.choice(len(cur_semantic_seg), self.npoints, replace=True)
+ point_set = cur_point_set[choice,:] # Nx3
+ semantic_seg = cur_semantic_seg[choice] # N
+ mask = mask[choice]
+ if sum(mask)/float(len(mask))<0.01:
+ continue
+ sample_weight = self.labelweights[semantic_seg]
+ sample_weight *= mask # N
+ point_sets.append(np.expand_dims(point_set,0)) # 1xNx3
+ semantic_segs.append(np.expand_dims(semantic_seg,0)) # 1xN
+ sample_weights.append(np.expand_dims(sample_weight,0)) # 1xN
+ point_sets = np.concatenate(tuple(point_sets),axis=0)
+ semantic_segs = np.concatenate(tuple(semantic_segs),axis=0)
+ sample_weights = np.concatenate(tuple(sample_weights),axis=0)
+ return point_sets, semantic_segs, sample_weights
+ def __len__(self):
+ return len(self.scene_points_list)
+
+class ScannetDatasetVirtualScan():
+ def __init__(self, root, npoints=8192, split='train'):
+ self.npoints = npoints
+ self.root = root
+ self.split = split
+ self.data_filename = os.path.join(self.root, 'scannet_%s.pickle'%(split))
+ with open(self.data_filename,'rb') as fp:
+ self.scene_points_list = pickle.load(fp)
+ self.semantic_labels_list = pickle.load(fp)
+ if split=='train':
+ labelweights = np.zeros(21)
+ for seg in self.semantic_labels_list:
+ tmp,_ = np.histogram(seg,range(22))
+ labelweights += tmp
+ labelweights = labelweights.astype(np.float32)
+ labelweights = labelweights/np.sum(labelweights)
+ self.labelweights = 1/np.log(1.2+labelweights)
+ elif split=='test':
+ self.labelweights = np.ones(21)
+ def __getitem__(self, index):
+ point_set_ini = self.scene_points_list[index]
+ semantic_seg_ini = self.semantic_labels_list[index].astype(np.int32)
+ sample_weight_ini = self.labelweights[semantic_seg_ini]
+ point_sets = list()
+ semantic_segs = list()
+ sample_weights = list()
+ for i in xrange(8):
+ smpidx = scene_util.virtual_scan(point_set_ini,mode=i)
+ if len(smpidx)<300:
+ continue
+ point_set = point_set_ini[smpidx,:]
+ semantic_seg = semantic_seg_ini[smpidx]
+ sample_weight = sample_weight_ini[smpidx]
+ choice = np.random.choice(len(semantic_seg), self.npoints, replace=True)
+ point_set = point_set[choice,:] # Nx3
+ semantic_seg = semantic_seg[choice] # N
+ sample_weight = sample_weight[choice] # N
+ point_sets.append(np.expand_dims(point_set,0)) # 1xNx3
+ semantic_segs.append(np.expand_dims(semantic_seg,0)) # 1xN
+ sample_weights.append(np.expand_dims(sample_weight,0)) # 1xN
+ point_sets = np.concatenate(tuple(point_sets),axis=0)
+ semantic_segs = np.concatenate(tuple(semantic_segs),axis=0)
+ sample_weights = np.concatenate(tuple(sample_weights),axis=0)
+ return point_sets, semantic_segs, sample_weights
+ def __len__(self):
+ return len(self.scene_points_list)
+
+if __name__=='__main__':
+ d = ScannetDatasetWholeScene(root = './data', split='test', npoints=8192)
+ labelweights_vox = np.zeros(21)
+ for ii in xrange(len(d)):
+ print ii
+ ps,seg,smpw = d[ii]
+ for b in xrange(ps.shape[0]):
+ _, uvlabel, _ = pc_util.point_cloud_label_to_surface_voxel_label_fast(ps[b,smpw[b,:]>0,:], seg[b,smpw[b,:]>0], res=0.02)
+ tmp,_ = np.histogram(uvlabel,range(22))
+ labelweights_vox += tmp
+ print labelweights_vox[1:].astype(np.float32)/np.sum(labelweights_vox[1:].astype(np.float32))
+ exit()
+
+
diff --git a/pointnet2/scannet/scene_util.py b/pointnet2/scannet/scene_util.py
new file mode 100644
index 0000000..b50c421
--- /dev/null
+++ b/pointnet2/scannet/scene_util.py
@@ -0,0 +1,73 @@
+import os
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+sys.path.append(BASE_DIR)
+
+import numpy as np
+from sklearn.neighbors import NearestNeighbors
+from numpy import linalg as la
+import scipy.io as sio
+
+def cart2sph(xyz):
+ xy = xyz[:,0]**2+xyz[:,1]**2
+ aer = np.zeros(xyz.shape)
+ aer[:,2] = np.sqrt(xy+xyz[:,2]**2)
+ aer[:,1] = np.arctan2(xyz[:,2],np.sqrt(xy))
+ aer[:,0] = np.arctan2(xyz[:,1],xyz[:,0])
+ return aer
+
+# generate virtual scan of a scene by subsampling the point cloud
+def virtual_scan(xyz, mode=-1):
+ camloc = np.mean(xyz,axis=0)
+ camloc[2] = 1.5 # human height
+ if mode==-1:
+ view_dr = np.array([2*np.pi*np.random.random(), np.pi/10*(np.random.random()-0.75)])
+ camloc[:2] -= (0.8+0.7*np.random.random())*np.array([np.cos(view_dr[0]),np.sin(view_dr[0])])
+ else:
+ view_dr = np.array([np.pi/4*mode, 0])
+ camloc[:2] -= np.array([np.cos(view_dr[0]),np.sin(view_dr[0])])
+ ct_ray_dr = np.array([np.cos(view_dr[1])*np.cos(view_dr[0]), np.cos(view_dr[1])*np.sin(view_dr[0]), np.sin(view_dr[1])])
+ hr_dr = np.cross(ct_ray_dr, np.array([0,0,1]))
+ hr_dr /= la.norm(hr_dr)
+ vt_dr = np.cross(hr_dr, ct_ray_dr)
+ vt_dr /= la.norm(vt_dr)
+ xx = np.linspace(-0.6,0.6,200) #200
+ yy = np.linspace(-0.45,0.45,150) #150
+ xx, yy = np.meshgrid(xx,yy)
+ xx = xx.reshape(-1,1)
+ yy = yy.reshape(-1,1)
+ rays = xx*hr_dr.reshape(1,-1)+yy*vt_dr.reshape(1,-1)+ct_ray_dr.reshape(1,-1)
+ rays_aer = cart2sph(rays)
+ local_xyz = xyz-camloc.reshape(1,-1)
+ local_aer = cart2sph(local_xyz)
+ nbrs = NearestNeighbors(n_neighbors=1, algorithm='kd_tree').fit(rays_aer[:,:2])
+ mindd, minidx = nbrs.kneighbors(local_aer[:,:2])
+ mindd = mindd.reshape(-1)
+ minidx = minidx.reshape(-1)
+
+ sub_idx = mindd<0.01
+ if sum(sub_idx)<100:
+ return np.ones(0)
+ sub_r = local_aer[sub_idx,2]
+ sub_minidx = minidx[sub_idx]
+ min_r = float('inf')*np.ones(np.max(sub_minidx)+1)
+ for i in xrange(len(sub_r)):
+ if sub_r[i]min_r[sub_minidx[i]]:
+ sub_smpidx[i] = 0
+ smpidx = np.where(sub_idx)[0]
+ smpidx = smpidx[sub_smpidx==1]
+ return smpidx
+
+if __name__=='__main__':
+ pc = np.load('scannet_dataset/scannet_scenes/scene0015_00.npy')
+ print pc.shape
+ xyz = pc[:,:3]
+ seg = pc[:,7]
+ smpidx = virtual_scan(xyz,mode=2)
+ xyz = xyz[smpidx,:]
+ seg = seg[smpidx]
+ sio.savemat('tmp.mat',{'pc':xyz,'seg':seg})
diff --git a/pointnet2/scannet/train.py b/pointnet2/scannet/train.py
new file mode 100644
index 0000000..9841907
--- /dev/null
+++ b/pointnet2/scannet/train.py
@@ -0,0 +1,433 @@
+import argparse
+import math
+from datetime import datetime
+#import h5pyprovider
+import numpy as np
+import tensorflow as tf
+import socket
+import importlib
+import os
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+ROOT_DIR = os.path.dirname(BASE_DIR)
+sys.path.append(BASE_DIR) # model
+sys.path.append(ROOT_DIR) # provider
+sys.path.append(os.path.join(ROOT_DIR, 'utils'))
+import provider
+import tf_util
+import pc_util
+sys.path.append(os.path.join(ROOT_DIR, 'data_prep'))
+import scannet_dataset
+
+parser = argparse.ArgumentParser()
+parser.add_argument('--gpu', type=int, default=0, help='GPU to use [default: GPU 0]')
+parser.add_argument('--model', default='model', help='Model name [default: model]')
+parser.add_argument('--log_dir', default='log', help='Log dir [default: log]')
+parser.add_argument('--num_point', type=int, default=8192, help='Point Number [default: 8192]')
+parser.add_argument('--max_epoch', type=int, default=201, help='Epoch to run [default: 201]')
+parser.add_argument('--batch_size', type=int, default=32, help='Batch Size during training [default: 32]')
+parser.add_argument('--learning_rate', type=float, default=0.001, help='Initial learning rate [default: 0.001]')
+parser.add_argument('--momentum', type=float, default=0.9, help='Initial learning rate [default: 0.9]')
+parser.add_argument('--optimizer', default='adam', help='adam or momentum [default: adam]')
+parser.add_argument('--decay_step', type=int, default=200000, help='Decay step for lr decay [default: 200000]')
+parser.add_argument('--decay_rate', type=float, default=0.7, help='Decay rate for lr decay [default: 0.7]')
+FLAGS = parser.parse_args()
+
+EPOCH_CNT = 0
+
+BATCH_SIZE = FLAGS.batch_size
+NUM_POINT = FLAGS.num_point
+MAX_EPOCH = FLAGS.max_epoch
+BASE_LEARNING_RATE = FLAGS.learning_rate
+GPU_INDEX = FLAGS.gpu
+MOMENTUM = FLAGS.momentum
+OPTIMIZER = FLAGS.optimizer
+DECAY_STEP = FLAGS.decay_step
+DECAY_RATE = FLAGS.decay_rate
+
+MODEL = importlib.import_module(FLAGS.model) # import network module
+MODEL_FILE = os.path.join(BASE_DIR, FLAGS.model+'.py')
+LOG_DIR = FLAGS.log_dir
+if not os.path.exists(LOG_DIR): os.mkdir(LOG_DIR)
+os.system('cp %s %s' % (MODEL_FILE, LOG_DIR)) # bkp of model def
+os.system('cp train.py %s' % (LOG_DIR)) # bkp of train procedure
+LOG_FOUT = open(os.path.join(LOG_DIR, 'log_train.txt'), 'w')
+LOG_FOUT.write(str(FLAGS)+'\n')
+
+BN_INIT_DECAY = 0.5
+BN_DECAY_DECAY_RATE = 0.5
+BN_DECAY_DECAY_STEP = float(DECAY_STEP)
+BN_DECAY_CLIP = 0.99
+
+HOSTNAME = socket.gethostname()
+
+NUM_CLASSES = 21
+
+# Shapenet official train/test split
+DATA_PATH = os.path.join(ROOT_DIR,'data','scannet_data_pointnet2')
+TRAIN_DATASET = scannet_dataset.ScannetDataset(root=DATA_PATH, npoints=NUM_POINT, split='train')
+TEST_DATASET = scannet_dataset.ScannetDataset(root=DATA_PATH, npoints=NUM_POINT, split='test')
+TEST_DATASET_WHOLE_SCENE = scannet_dataset.ScannetDatasetWholeScene(root=DATA_PATH, npoints=NUM_POINT, split='test')
+
+
+def log_string(out_str):
+ LOG_FOUT.write(out_str+'\n')
+ LOG_FOUT.flush()
+ print(out_str)
+
+def get_learning_rate(batch):
+ learning_rate = tf.train.exponential_decay(
+ BASE_LEARNING_RATE, # Base learning rate.
+ batch * BATCH_SIZE, # Current index into the dataset.
+ DECAY_STEP, # Decay step.
+ DECAY_RATE, # Decay rate.
+ staircase=True)
+ learing_rate = tf.maximum(learning_rate, 0.00001) # CLIP THE LEARNING RATE!
+ return learning_rate
+
+def get_bn_decay(batch):
+ bn_momentum = tf.train.exponential_decay(
+ BN_INIT_DECAY,
+ batch*BATCH_SIZE,
+ BN_DECAY_DECAY_STEP,
+ BN_DECAY_DECAY_RATE,
+ staircase=True)
+ bn_decay = tf.minimum(BN_DECAY_CLIP, 1 - bn_momentum)
+ return bn_decay
+
+def train():
+ with tf.Graph().as_default():
+ with tf.device('/gpu:'+str(GPU_INDEX)):
+ pointclouds_pl, labels_pl, smpws_pl = MODEL.placeholder_inputs(BATCH_SIZE, NUM_POINT)
+ is_training_pl = tf.placeholder(tf.bool, shape=())
+ print is_training_pl
+
+ # Note the global_step=batch parameter to minimize.
+ # That tells the optimizer to helpfully increment the 'batch' parameter for you every time it trains.
+ batch = tf.Variable(0)
+ bn_decay = get_bn_decay(batch)
+ tf.summary.scalar('bn_decay', bn_decay)
+
+ print "--- Get model and loss"
+ # Get model and loss
+ pred, end_points = MODEL.get_model(pointclouds_pl, is_training_pl, NUM_CLASSES, bn_decay=bn_decay)
+ loss = MODEL.get_loss(pred, labels_pl, smpws_pl)
+ tf.summary.scalar('loss', loss)
+
+ correct = tf.equal(tf.argmax(pred, 2), tf.to_int64(labels_pl))
+ accuracy = tf.reduce_sum(tf.cast(correct, tf.float32)) / float(BATCH_SIZE*NUM_POINT)
+ tf.summary.scalar('accuracy', accuracy)
+
+ print "--- Get training operator"
+ # Get training operator
+ learning_rate = get_learning_rate(batch)
+ tf.summary.scalar('learning_rate', learning_rate)
+ if OPTIMIZER == 'momentum':
+ optimizer = tf.train.MomentumOptimizer(learning_rate, momentum=MOMENTUM)
+ elif OPTIMIZER == 'adam':
+ optimizer = tf.train.AdamOptimizer(learning_rate)
+ train_op = optimizer.minimize(loss, global_step=batch)
+
+ # Add ops to save and restore all the variables.
+ saver = tf.train.Saver()
+
+ # Create a session
+ config = tf.ConfigProto()
+ config.gpu_options.allow_growth = True
+ config.allow_soft_placement = True
+ config.log_device_placement = False
+ sess = tf.Session(config=config)
+
+ # Add summary writers
+ merged = tf.summary.merge_all()
+ train_writer = tf.summary.FileWriter(os.path.join(LOG_DIR, 'train'), sess.graph)
+ test_writer = tf.summary.FileWriter(os.path.join(LOG_DIR, 'test'), sess.graph)
+
+ # Init variables
+ init = tf.global_variables_initializer()
+ sess.run(init)
+ #sess.run(init, {is_training_pl: True})
+
+ ops = {'pointclouds_pl': pointclouds_pl,
+ 'labels_pl': labels_pl,
+ 'smpws_pl': smpws_pl,
+ 'is_training_pl': is_training_pl,
+ 'pred': pred,
+ 'loss': loss,
+ 'train_op': train_op,
+ 'merged': merged,
+ 'step': batch,
+ 'end_points': end_points}
+
+ best_acc = -1
+ for epoch in range(MAX_EPOCH):
+ log_string('**** EPOCH %03d ****' % (epoch))
+ sys.stdout.flush()
+
+ train_one_epoch(sess, ops, train_writer)
+ if epoch%5==0:
+ acc = eval_one_epoch(sess, ops, test_writer)
+ acc = eval_whole_scene_one_epoch(sess, ops, test_writer)
+ if acc > best_acc:
+ best_acc = acc
+ save_path = saver.save(sess, os.path.join(LOG_DIR, "best_model_epoch_%03d.ckpt"%(epoch)))
+ log_string("Model saved in file: %s" % save_path)
+
+ # Save the variables to disk.
+ if epoch % 10 == 0:
+ save_path = saver.save(sess, os.path.join(LOG_DIR, "model.ckpt"))
+ log_string("Model saved in file: %s" % save_path)
+
+def get_batch_wdp(dataset, idxs, start_idx, end_idx):
+ bsize = end_idx-start_idx
+ batch_data = np.zeros((bsize, NUM_POINT, 3))
+ batch_label = np.zeros((bsize, NUM_POINT), dtype=np.int32)
+ batch_smpw = np.zeros((bsize, NUM_POINT), dtype=np.float32)
+ for i in range(bsize):
+ ps,seg,smpw = dataset[idxs[i+start_idx]]
+ batch_data[i,...] = ps
+ batch_label[i,:] = seg
+ batch_smpw[i,:] = smpw
+
+ dropout_ratio = np.random.random()*0.875 # 0-0.875
+ drop_idx = np.where(np.random.random((ps.shape[0]))<=dropout_ratio)[0]
+ batch_data[i,drop_idx,:] = batch_data[i,0,:]
+ batch_label[i,drop_idx] = batch_label[i,0]
+ batch_smpw[i,drop_idx] *= 0
+ return batch_data, batch_label, batch_smpw
+
+def get_batch(dataset, idxs, start_idx, end_idx):
+ bsize = end_idx-start_idx
+ batch_data = np.zeros((bsize, NUM_POINT, 3))
+ batch_label = np.zeros((bsize, NUM_POINT), dtype=np.int32)
+ batch_smpw = np.zeros((bsize, NUM_POINT), dtype=np.float32)
+ for i in range(bsize):
+ ps,seg,smpw = dataset[idxs[i+start_idx]]
+ batch_data[i,...] = ps
+ batch_label[i,:] = seg
+ batch_smpw[i,:] = smpw
+ return batch_data, batch_label, batch_smpw
+
+def train_one_epoch(sess, ops, train_writer):
+ """ ops: dict mapping from string to tf ops """
+ is_training = True
+
+ # Shuffle train samples
+ train_idxs = np.arange(0, len(TRAIN_DATASET))
+ np.random.shuffle(train_idxs)
+ num_batches = len(TRAIN_DATASET)/BATCH_SIZE
+
+ log_string(str(datetime.now()))
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ for batch_idx in range(num_batches):
+ start_idx = batch_idx * BATCH_SIZE
+ end_idx = (batch_idx+1) * BATCH_SIZE
+ batch_data, batch_label, batch_smpw = get_batch_wdp(TRAIN_DATASET, train_idxs, start_idx, end_idx)
+ # Augment batched point clouds by rotation
+ aug_data = provider.rotate_point_cloud_z(batch_data)
+ feed_dict = {ops['pointclouds_pl']: aug_data,
+ ops['labels_pl']: batch_label,
+ ops['smpws_pl']:batch_smpw,
+ ops['is_training_pl']: is_training,}
+ summary, step, _, loss_val, pred_val = sess.run([ops['merged'], ops['step'],
+ ops['train_op'], ops['loss'], ops['pred']], feed_dict=feed_dict)
+ train_writer.add_summary(summary, step)
+ pred_val = np.argmax(pred_val, 2)
+ correct = np.sum(pred_val == batch_label)
+ total_correct += correct
+ total_seen += (BATCH_SIZE*NUM_POINT)
+ loss_sum += loss_val
+ if (batch_idx+1)%10 == 0:
+ log_string(' -- %03d / %03d --' % (batch_idx+1, num_batches))
+ log_string('mean loss: %f' % (loss_sum / 10))
+ log_string('accuracy: %f' % (total_correct / float(total_seen)))
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+
+# evaluate on randomly chopped scenes
+def eval_one_epoch(sess, ops, test_writer):
+ """ ops: dict mapping from string to tf ops """
+ global EPOCH_CNT
+ is_training = False
+ test_idxs = np.arange(0, len(TEST_DATASET))
+ num_batches = len(TEST_DATASET)/BATCH_SIZE
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ total_seen_class = [0 for _ in range(NUM_CLASSES)]
+ total_correct_class = [0 for _ in range(NUM_CLASSES)]
+
+ total_correct_vox = 0
+ total_seen_vox = 0
+ total_seen_class_vox = [0 for _ in range(NUM_CLASSES)]
+ total_correct_class_vox = [0 for _ in range(NUM_CLASSES)]
+
+ log_string(str(datetime.now()))
+ log_string('---- EPOCH %03d EVALUATION ----'%(EPOCH_CNT))
+
+ labelweights = np.zeros(21)
+ labelweights_vox = np.zeros(21)
+ for batch_idx in range(num_batches):
+ start_idx = batch_idx * BATCH_SIZE
+ end_idx = (batch_idx+1) * BATCH_SIZE
+ batch_data, batch_label, batch_smpw = get_batch(TEST_DATASET, test_idxs, start_idx, end_idx)
+
+ aug_data = provider.rotate_point_cloud_z(batch_data)
+
+ feed_dict = {ops['pointclouds_pl']: aug_data,
+ ops['labels_pl']: batch_label,
+ ops['smpws_pl']: batch_smpw,
+ ops['is_training_pl']: is_training}
+ summary, step, loss_val, pred_val = sess.run([ops['merged'], ops['step'],
+ ops['loss'], ops['pred']], feed_dict=feed_dict)
+ test_writer.add_summary(summary, step)
+ pred_val = np.argmax(pred_val, 2) # BxN
+ correct = np.sum((pred_val == batch_label) & (batch_label>0) & (batch_smpw>0)) # evaluate only on 20 categories but not unknown
+ total_correct += correct
+ total_seen += np.sum((batch_label>0) & (batch_smpw>0))
+ loss_sum += loss_val
+ tmp,_ = np.histogram(batch_label,range(22))
+ labelweights += tmp
+ for l in range(NUM_CLASSES):
+ total_seen_class[l] += np.sum((batch_label==l) & (batch_smpw>0))
+ total_correct_class[l] += np.sum((pred_val==l) & (batch_label==l) & (batch_smpw>0))
+
+ for b in xrange(batch_label.shape[0]):
+ _, uvlabel, _ = pc_util.point_cloud_label_to_surface_voxel_label_fast(aug_data[b,batch_smpw[b,:]>0,:], np.concatenate((np.expand_dims(batch_label[b,batch_smpw[b,:]>0],1),np.expand_dims(pred_val[b,batch_smpw[b,:]>0],1)),axis=1), res=0.02)
+ total_correct_vox += np.sum((uvlabel[:,0]==uvlabel[:,1])&(uvlabel[:,0]>0))
+ total_seen_vox += np.sum(uvlabel[:,0]>0)
+ tmp,_ = np.histogram(uvlabel[:,0],range(22))
+ labelweights_vox += tmp
+ for l in range(NUM_CLASSES):
+ total_seen_class_vox[l] += np.sum(uvlabel[:,0]==l)
+ total_correct_class_vox[l] += np.sum((uvlabel[:,0]==l) & (uvlabel[:,1]==l))
+
+ log_string('eval mean loss: %f' % (loss_sum / float(num_batches)))
+ log_string('eval point accuracy vox: %f'% (total_correct_vox / float(total_seen_vox)))
+ log_string('eval point avg class acc vox: %f' % (np.mean(np.array(total_correct_class_vox[1:])/(np.array(total_seen_class_vox[1:],dtype=np.float)+1e-6))))
+ log_string('eval point accuracy: %f'% (total_correct / float(total_seen)))
+ log_string('eval point avg class acc: %f' % (np.mean(np.array(total_correct_class[1:])/(np.array(total_seen_class[1:],dtype=np.float)+1e-6))))
+ labelweights_vox = labelweights_vox[1:].astype(np.float32)/np.sum(labelweights_vox[1:].astype(np.float32))
+ caliweights = np.array([0.388,0.357,0.038,0.033,0.017,0.02,0.016,0.025,0.002,0.002,0.002,0.007,0.006,0.022,0.004,0.0004,0.003,0.002,0.024,0.029])
+ log_string('eval point calibrated average acc: %f' % (np.average(np.array(total_correct_class[1:])/(np.array(total_seen_class[1:],dtype=np.float)+1e-6),weights=caliweights)))
+ per_class_str = 'vox based --------'
+ for l in range(1,NUM_CLASSES):
+ per_class_str += 'class %d weight: %f, acc: %f; ' % (l,labelweights_vox[l-1],total_correct_class[l]/float(total_seen_class[l]))
+ log_string(per_class_str)
+ EPOCH_CNT += 1
+ return total_correct/float(total_seen)
+
+# evaluate on whole scenes to generate numbers provided in the paper
+def eval_whole_scene_one_epoch(sess, ops, test_writer):
+ """ ops: dict mapping from string to tf ops """
+ global EPOCH_CNT
+ is_training = False
+ test_idxs = np.arange(0, len(TEST_DATASET_WHOLE_SCENE))
+ num_batches = len(TEST_DATASET_WHOLE_SCENE)
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ total_seen_class = [0 for _ in range(NUM_CLASSES)]
+ total_correct_class = [0 for _ in range(NUM_CLASSES)]
+
+ total_correct_vox = 0
+ total_seen_vox = 0
+ total_seen_class_vox = [0 for _ in range(NUM_CLASSES)]
+ total_correct_class_vox = [0 for _ in range(NUM_CLASSES)]
+
+ log_string(str(datetime.now()))
+ log_string('---- EPOCH %03d EVALUATION WHOLE SCENE----'%(EPOCH_CNT))
+
+ labelweights = np.zeros(21)
+ labelweights_vox = np.zeros(21)
+ is_continue_batch = False
+
+ extra_batch_data = np.zeros((0,NUM_POINT,3))
+ extra_batch_label = np.zeros((0,NUM_POINT))
+ extra_batch_smpw = np.zeros((0,NUM_POINT))
+ for batch_idx in range(num_batches):
+ if not is_continue_batch:
+ batch_data, batch_label, batch_smpw = TEST_DATASET_WHOLE_SCENE[batch_idx]
+ batch_data = np.concatenate((batch_data,extra_batch_data),axis=0)
+ batch_label = np.concatenate((batch_label,extra_batch_label),axis=0)
+ batch_smpw = np.concatenate((batch_smpw,extra_batch_smpw),axis=0)
+ else:
+ batch_data_tmp, batch_label_tmp, batch_smpw_tmp = TEST_DATASET_WHOLE_SCENE[batch_idx]
+ batch_data = np.concatenate((batch_data,batch_data_tmp),axis=0)
+ batch_label = np.concatenate((batch_label,batch_label_tmp),axis=0)
+ batch_smpw = np.concatenate((batch_smpw,batch_smpw_tmp),axis=0)
+ if batch_data.shape[0]0) & (batch_smpw>0)) # evaluate only on 20 categories but not unknown
+ total_correct += correct
+ total_seen += np.sum((batch_label>0) & (batch_smpw>0))
+ loss_sum += loss_val
+ tmp,_ = np.histogram(batch_label,range(22))
+ labelweights += tmp
+ for l in range(NUM_CLASSES):
+ total_seen_class[l] += np.sum((batch_label==l) & (batch_smpw>0))
+ total_correct_class[l] += np.sum((pred_val==l) & (batch_label==l) & (batch_smpw>0))
+
+ for b in xrange(batch_label.shape[0]):
+ _, uvlabel, _ = pc_util.point_cloud_label_to_surface_voxel_label_fast(aug_data[b,batch_smpw[b,:]>0,:], np.concatenate((np.expand_dims(batch_label[b,batch_smpw[b,:]>0],1),np.expand_dims(pred_val[b,batch_smpw[b,:]>0],1)),axis=1), res=0.02)
+ total_correct_vox += np.sum((uvlabel[:,0]==uvlabel[:,1])&(uvlabel[:,0]>0))
+ total_seen_vox += np.sum(uvlabel[:,0]>0)
+ tmp,_ = np.histogram(uvlabel[:,0],range(22))
+ labelweights_vox += tmp
+ for l in range(NUM_CLASSES):
+ total_seen_class_vox[l] += np.sum(uvlabel[:,0]==l)
+ total_correct_class_vox[l] += np.sum((uvlabel[:,0]==l) & (uvlabel[:,1]==l))
+
+ log_string('eval whole scene mean loss: %f' % (loss_sum / float(num_batches)))
+ log_string('eval whole scene point accuracy vox: %f'% (total_correct_vox / float(total_seen_vox)))
+ log_string('eval whole scene point avg class acc vox: %f' % (np.mean(np.array(total_correct_class_vox[1:])/(np.array(total_seen_class_vox[1:],dtype=np.float)+1e-6))))
+ log_string('eval whole scene point accuracy: %f'% (total_correct / float(total_seen)))
+ log_string('eval whole scene point avg class acc: %f' % (np.mean(np.array(total_correct_class[1:])/(np.array(total_seen_class[1:],dtype=np.float)+1e-6))))
+ labelweights = labelweights[1:].astype(np.float32)/np.sum(labelweights[1:].astype(np.float32))
+ labelweights_vox = labelweights_vox[1:].astype(np.float32)/np.sum(labelweights_vox[1:].astype(np.float32))
+ caliweights = np.array([0.388,0.357,0.038,0.033,0.017,0.02,0.016,0.025,0.002,0.002,0.002,0.007,0.006,0.022,0.004,0.0004,0.003,0.002,0.024,0.029])
+ caliacc = np.average(np.array(total_correct_class_vox[1:])/(np.array(total_seen_class_vox[1:],dtype=np.float)+1e-6),weights=caliweights)
+ log_string('eval whole scene point calibrated average acc vox: %f' % caliacc)
+
+ per_class_str = 'vox based --------'
+ for l in range(1,NUM_CLASSES):
+ per_class_str += 'class %d weight: %f, acc: %f; ' % (l,labelweights_vox[l-1],total_correct_class_vox[l]/float(total_seen_class_vox[l]))
+ log_string(per_class_str)
+ EPOCH_CNT += 1
+ return caliacc
+
+
+if __name__ == "__main__":
+ log_string('pid: %s'%(str(os.getpid())))
+ train()
+ LOG_FOUT.close()
diff --git a/pointnet2/tf_ops/3d_interpolation/compile.sh b/pointnet2/tf_ops/3d_interpolation/compile.sh
new file mode 100644
index 0000000..ee5c18b
--- /dev/null
+++ b/pointnet2/tf_ops/3d_interpolation/compile.sh
@@ -0,0 +1,5 @@
+TF_CFLAGS=( $(python -c 'import tensorflow as tf; print(" ".join(tf.sysconfig.get_compile_flags()))') )
+TF_LFLAGS=( $(python -c 'import tensorflow as tf; print(" ".join(tf.sysconfig.get_link_flags()))') )
+
+g++ -std=c++11 -shared -o tf_interpolate_so.so tf_interpolate.cpp \
+ ${TF_CFLAGS[@]} -fPIC -lcudart ${TF_LFLAGS[@]}
diff --git a/pointnet2/tf_ops/3d_interpolation/interpolate.cpp b/pointnet2/tf_ops/3d_interpolation/interpolate.cpp
new file mode 100644
index 0000000..b7d0dd0
--- /dev/null
+++ b/pointnet2/tf_ops/3d_interpolation/interpolate.cpp
@@ -0,0 +1,169 @@
+#include
+#include
+#include // memset
+#include // rand, RAND_MAX
+#include // sqrtf
+#include
+#include
+using namespace std;
+float randomf(){
+ return (rand()+0.5)/(RAND_MAX+1.0);
+}
+static double get_time(){
+ timespec tp;
+ clock_gettime(CLOCK_MONOTONIC,&tp);
+ return tp.tv_sec+tp.tv_nsec*1e-9;
+}
+
+// Find three nearest neigbors with square distance
+// input: xyz1 (b,n,3), xyz2(b,m,3)
+// output: dist (b,n,3), idx (b,n,3)
+void threenn_cpu(int b, int n, int m, const float *xyz1, const float *xyz2, float *dist, int *idx) {
+ for (int i=0;i
+#include
+#include // memset
+#include // rand, RAND_MAX
+#include // sqrtf
+#include "tensorflow/core/framework/op.h"
+#include "tensorflow/core/framework/op_kernel.h"
+#include "tensorflow/core/framework/shape_inference.h"
+#include "tensorflow/core/framework/common_shape_fns.h"
+using namespace tensorflow;
+
+REGISTER_OP("ThreeNN")
+ .Input("xyz1: float32")
+ .Input("xyz2: float32")
+ .Output("dist: float32")
+ .Output("idx: int32")
+ .SetShapeFn([](::tensorflow::shape_inference::InferenceContext* c) {
+ c->set_output(0, c->input(0));
+ c->set_output(1, c->input(0));
+ return Status::OK();
+ });
+REGISTER_OP("ThreeInterpolate")
+ .Input("points: float32")
+ .Input("idx: int32")
+ .Input("weight: float32")
+ .Output("out: float32")
+ .SetShapeFn([](::tensorflow::shape_inference::InferenceContext* c) {
+ ::tensorflow::shape_inference::ShapeHandle dims1; // (b,m,c)
+ c->WithRank(c->input(0), 3, &dims1);
+ ::tensorflow::shape_inference::ShapeHandle dims2; // (b,n,3)
+ c->WithRank(c->input(1), 3, &dims2);
+ // (b,n,c)
+ ::tensorflow::shape_inference::ShapeHandle output = c->MakeShape({c->Dim(dims1, 0), c->Dim(dims2, 1), c->Dim(dims1, 2)});
+ c->set_output(0, output);
+ return Status::OK();
+ });
+REGISTER_OP("ThreeInterpolateGrad")
+ .Input("points: float32")
+ .Input("idx: int32")
+ .Input("weight: float32")
+ .Input("grad_out: float32")
+ .Output("grad_points: float32")
+ .SetShapeFn([](::tensorflow::shape_inference::InferenceContext* c) {
+ c->set_output(0, c->input(0));
+ return Status::OK();
+ });
+
+float randomf(){
+ return (rand()+0.5)/(RAND_MAX+1.0);
+}
+static double get_time(){
+ timespec tp;
+ clock_gettime(CLOCK_MONOTONIC,&tp);
+ return tp.tv_sec+tp.tv_nsec*1e-9;
+}
+
+// Find three nearest neigbors with square distance
+// input: xyz1 (b,n,3), xyz2(b,m,3)
+// output: dist (b,n,3), idx (b,n,3)
+void threenn_cpu(int b, int n, int m, const float *xyz1, const float *xyz2, float *dist, int *idx) {
+ for (int i=0;iinput(0);
+ OP_REQUIRES(context, xyz1_tensor.dims()==3 && xyz1_tensor.shape().dim_size(2)==3, errors::InvalidArgument("ThreeNN expects (b,n,3) xyz1 shape."));
+ int b = xyz1_tensor.shape().dim_size(0);
+ int n = xyz1_tensor.shape().dim_size(1);
+
+ const Tensor& xyz2_tensor = context->input(1);
+ OP_REQUIRES(context, xyz2_tensor.dims()==3 && xyz2_tensor.shape().dim_size(2)==3, errors::InvalidArgument("ThreeNN expects (b,m,3) xyz2 shape."));
+ int m = xyz2_tensor.shape().dim_size(1);
+
+ Tensor *dist_tensor = nullptr;
+ OP_REQUIRES_OK(context, context->allocate_output(0, TensorShape{b,n,3}, &dist_tensor));
+ Tensor *idx_tensor = nullptr;
+ OP_REQUIRES_OK(context, context->allocate_output(1, TensorShape{b,n,3}, &idx_tensor));
+
+ auto xyz1_flat = xyz1_tensor.flat();
+ const float *xyz1 = &(xyz1_flat(0));
+ auto xyz2_flat = xyz2_tensor.flat();
+ const float *xyz2 = &(xyz2_flat(0));
+ auto dist_flat = dist_tensor->flat();
+ float *dist = &(dist_flat(0));
+ auto idx_flat = idx_tensor->flat();
+ int *idx = &(idx_flat(0));
+ threenn_cpu(b,n,m,xyz1,xyz2,dist,idx);
+ }
+};
+REGISTER_KERNEL_BUILDER(Name("ThreeNN").Device(DEVICE_CPU), ThreeNNOp);
+
+
+
+class ThreeInterpolateOp: public OpKernel{
+ public:
+ explicit ThreeInterpolateOp(OpKernelConstruction * context):OpKernel(context){}
+
+ void Compute(OpKernelContext * context) override {
+ const Tensor& points_tensor=context->input(0);
+ OP_REQUIRES(context, points_tensor.dims()==3, errors::InvalidArgument("ThreeInterpolate expects (b,m,c) points shape"));
+ int b = points_tensor.shape().dim_size(0);
+ int m = points_tensor.shape().dim_size(1);
+ int c = points_tensor.shape().dim_size(2);
+
+ const Tensor& idx_tensor=context->input(1);
+ OP_REQUIRES(context,idx_tensor.dims()==3 && idx_tensor.shape().dim_size(0)==b && idx_tensor.shape().dim_size(2)==3, errors::InvalidArgument("ThreeInterpolate expects (b,n,3) idx shape"));
+ int n = idx_tensor.shape().dim_size(1);
+ const Tensor& weight_tensor=context->input(2);
+ OP_REQUIRES(context,weight_tensor.dims()==3 && weight_tensor.shape().dim_size(0)==b && weight_tensor.shape().dim_size(1)==n && weight_tensor.shape().dim_size(2)==3, errors::InvalidArgument("ThreeInterpolate expects (b,n,3) weight shape"));
+
+ Tensor * out_tensor = nullptr;
+ OP_REQUIRES_OK(context, context->allocate_output(0,TensorShape{b,n,c}, &out_tensor));
+
+ auto points_flat = points_tensor.flat();
+ const float *points = &(points_flat(0));
+ auto idx_flat = idx_tensor.flat();
+ const int *idx = &(idx_flat(0));
+ auto weight_flat = weight_tensor.flat();
+ const float *weight = &(weight_flat(0));
+ auto out_flat = out_tensor->flat();
+ float *out = &(out_flat(0));
+ threeinterpolate_cpu(b,m,c,n,points,idx,weight,out);
+ }
+};
+REGISTER_KERNEL_BUILDER(Name("ThreeInterpolate").Device(DEVICE_CPU),ThreeInterpolateOp);
+
+
+class ThreeInterpolateGradOp: public OpKernel{
+ public:
+ explicit ThreeInterpolateGradOp(OpKernelConstruction * context):OpKernel(context){}
+
+ void Compute(OpKernelContext * context) override {
+ const Tensor& points_tensor=context->input(0);
+ OP_REQUIRES(context, points_tensor.dims()==3, errors::InvalidArgument("ThreeInterpolateGrad expects (b,m,c) points shape"));
+ int b = points_tensor.shape().dim_size(0);
+ int m = points_tensor.shape().dim_size(1);
+ int c = points_tensor.shape().dim_size(2);
+
+ const Tensor& idx_tensor=context->input(1);
+ OP_REQUIRES(context,idx_tensor.dims()==3 && idx_tensor.shape().dim_size(0)==b, errors::InvalidArgument("ThreeInterpolateGrad expects (b,n,3) idx shape"));
+ int n = idx_tensor.shape().dim_size(1);
+ const Tensor& weight_tensor=context->input(2);
+ OP_REQUIRES(context,weight_tensor.dims()==3 && weight_tensor.shape().dim_size(0)==b && weight_tensor.shape().dim_size(1)==n && weight_tensor.shape().dim_size(2)==3, errors::InvalidArgument("ThreeInterpolateGrad expects (b,n,3) weight shape"));
+
+ const Tensor& grad_out_tensor=context->input(3);
+ OP_REQUIRES(context,grad_out_tensor.dims()==3 && grad_out_tensor.shape().dim_size(0)==b && grad_out_tensor.shape().dim_size(1)==n && grad_out_tensor.shape().dim_size(2)==c, errors::InvalidArgument("ThreeInterpolateGrad expects (b,n,c) grad_out shape"));
+
+ Tensor * grad_points_tensor = nullptr;
+ OP_REQUIRES_OK(context, context->allocate_output(0,TensorShape{b,m,c}, &grad_points_tensor));
+
+ auto points_flat = points_tensor.flat();
+ const float *points = &(points_flat(0));
+ auto idx_flat = idx_tensor.flat();
+ const int *idx = &(idx_flat(0));
+ auto weight_flat = weight_tensor.flat();
+ const float *weight = &(weight_flat(0));
+ auto grad_out_flat = grad_out_tensor.flat();
+ const float *grad_out = &(grad_out_flat(0));
+ auto grad_points_flat = grad_points_tensor->flat();
+ float *grad_points = &(grad_points_flat(0));
+ memset(grad_points, 0, sizeof(float)*b*m*c);
+ threeinterpolate_grad_cpu(b,n,c,m,grad_out,idx,weight,grad_points);
+ }
+};
+REGISTER_KERNEL_BUILDER(Name("ThreeInterpolateGrad").Device(DEVICE_CPU),ThreeInterpolateGradOp);
+
+
diff --git a/pointnet2/tf_ops/3d_interpolation/tf_interpolate.py b/pointnet2/tf_ops/3d_interpolation/tf_interpolate.py
new file mode 100644
index 0000000..945ac17
--- /dev/null
+++ b/pointnet2/tf_ops/3d_interpolation/tf_interpolate.py
@@ -0,0 +1,65 @@
+from __future__ import print_function
+try:
+ import tensorflow.compat.v1 as tf
+ tf.disable_eager_execution()
+except:
+ import tensorflow as tf
+
+from tensorflow.python.framework import ops
+import sys
+import os
+BASE_DIR = os.path.dirname(__file__)
+sys.path.append(BASE_DIR)
+interpolate_module=tf.load_op_library(os.path.join(BASE_DIR, 'tf_interpolate_so.so'))
+def three_nn(xyz1, xyz2):
+ '''
+ Input:
+ xyz1: (b,n,3) float32 array, unknown points
+ xyz2: (b,m,3) float32 array, known points
+ Output:
+ dist: (b,n,3) float32 array, distances to known points
+ idx: (b,n,3) int32 array, indices to known points
+ '''
+ return interpolate_module.three_nn(xyz1, xyz2)
+ops.NoGradient('ThreeNN')
+def three_interpolate(points, idx, weight):
+ '''
+ Input:
+ points: (b,m,c) float32 array, known points
+ idx: (b,n,3) int32 array, indices to known points
+ weight: (b,n,3) float32 array, weights on known points
+ Output:
+ out: (b,n,c) float32 array, interpolated point values
+ '''
+ return interpolate_module.three_interpolate(points, idx, weight)
+@tf.RegisterGradient('ThreeInterpolate')
+def _three_interpolate_grad(op, grad_out):
+ points = op.inputs[0]
+ idx = op.inputs[1]
+ weight = op.inputs[2]
+ return [interpolate_module.three_interpolate_grad(points, idx, weight, grad_out), None, None]
+
+if __name__=='__main__':
+ import numpy as np
+ import time
+ np.random.seed(100)
+ pts = np.random.random((32,128,64)).astype('float32')
+ tmp1 = np.random.random((32,512,3)).astype('float32')
+ tmp2 = np.random.random((32,128,3)).astype('float32')
+ with tf.device('/cpu:0'):
+ points = tf.constant(pts)
+ xyz1 = tf.constant(tmp1)
+ xyz2 = tf.constant(tmp2)
+ dist, idx = three_nn(xyz1, xyz2)
+ weight = tf.ones_like(dist)/3.0
+ interpolated_points = three_interpolate(points, idx, weight)
+ with tf.Session('') as sess:
+ now = time.time()
+ for _ in range(100):
+ ret = sess.run(interpolated_points)
+ print(time.time() - now)
+ print(ret.shape, ret.dtype)
+ #print ret
+
+
+
diff --git a/pointnet2/tf_ops/3d_interpolation/tf_interpolate_compile.sh b/pointnet2/tf_ops/3d_interpolation/tf_interpolate_compile.sh
new file mode 100644
index 0000000..34c9fda
--- /dev/null
+++ b/pointnet2/tf_ops/3d_interpolation/tf_interpolate_compile.sh
@@ -0,0 +1,5 @@
+# TF1.2
+g++ -std=c++11 tf_interpolate.cpp -o tf_interpolate_so.so -shared -fPIC -I /usr/local/lib/python2.7/dist-packages/tensorflow/include -I /usr/local/cuda-8.0/include -lcudart -L /usr/local/cuda-8.0/lib64/ -O2 -D_GLIBCXX_USE_CXX11_ABI=0
+
+# TF1.4
+#g++ -std=c++11 tf_interpolate.cpp -o tf_interpolate_so.so -shared -fPIC -I /usr/local/lib/python2.7/dist-packages/tensorflow/include -I /usr/local/cuda-8.0/include -I /usr/local/lib/python2.7/dist-packages/tensorflow/include/external/nsync/public -lcudart -L /usr/local/cuda-8.0/lib64/ -L/usr/local/lib/python2.7/dist-packages/tensorflow -ltensorflow_framework -O2 -D_GLIBCXX_USE_CXX11_ABI=0
diff --git a/pointnet2/tf_ops/3d_interpolation/tf_interpolate_op_test.py b/pointnet2/tf_ops/3d_interpolation/tf_interpolate_op_test.py
new file mode 100644
index 0000000..5c365fa
--- /dev/null
+++ b/pointnet2/tf_ops/3d_interpolation/tf_interpolate_op_test.py
@@ -0,0 +1,29 @@
+from __future__ import print_function
+try:
+ import tensorflow.compat.v1 as tf
+ tf.disable_eager_execution()
+except:
+ import tensorflow as tf
+import numpy as np
+from tf_interpolate import three_nn, three_interpolate
+
+class GroupPointTest(tf.test.TestCase):
+ def test(self):
+ pass
+
+ def test_grad(self):
+ with self.test_session():
+ points = tf.constant(np.random.random((1,8,16)).astype('float32'))
+ print(points)
+ xyz1 = tf.constant(np.random.random((1,128,3)).astype('float32'))
+ xyz2 = tf.constant(np.random.random((1,8,3)).astype('float32'))
+ dist, idx = three_nn(xyz1, xyz2)
+ weight = tf.ones_like(dist)/3.0
+ interpolated_points = three_interpolate(points, idx, weight)
+ print(interpolated_points)
+ err = tf.test.compute_gradient_error(points, (1,8,16), interpolated_points, (1,128,16))
+ print(err)
+ self.assertLess(err, 1e-4)
+
+if __name__=='__main__':
+ tf.test.main()
diff --git a/pointnet2/tf_ops/3d_interpolation/tf_interpolate_so.so b/pointnet2/tf_ops/3d_interpolation/tf_interpolate_so.so
new file mode 100755
index 0000000..cfa756b
Binary files /dev/null and b/pointnet2/tf_ops/3d_interpolation/tf_interpolate_so.so differ
diff --git a/pointnet2/tf_ops/3d_interpolation/visu_interpolation.py b/pointnet2/tf_ops/3d_interpolation/visu_interpolation.py
new file mode 100644
index 0000000..5b5836e
--- /dev/null
+++ b/pointnet2/tf_ops/3d_interpolation/visu_interpolation.py
@@ -0,0 +1,44 @@
+''' Visualize part segmentation '''
+import os
+import sys
+ROOT_DIR = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))
+sys.path.append('/home/rqi/Projects/toolkits/visualization')
+from show3d_balls import showpoints
+import numpy as np
+from tf_interpolate import three_nn, three_interpolate
+import tensorflow as tf
+
+
+pts2 = np.array([[0,0,1],[1,0,0],[0,1,0],[1,1,0]]).astype('float32')
+xyz1 = np.random.random((100,3)).astype('float32')
+xyz2 = np.array([[0,0,0],[1,0,0],[0,1,0],[1,1,1]]).astype('float32')
+
+def fun(xyz1,xyz2,pts2):
+ with tf.device('/cpu:0'):
+ points = tf.constant(np.expand_dims(pts2,0))
+ xyz1 = tf.constant(np.expand_dims(xyz1,0))
+ xyz2 = tf.constant(np.expand_dims(xyz2,0))
+ dist, idx = three_nn(xyz1, xyz2)
+ #weight = tf.ones_like(dist)/3.0
+ dist = tf.maximum(dist, 1e-10)
+ norm = tf.reduce_sum((1.0/dist),axis=2,keep_dims=True)
+ norm = tf.tile(norm, [1,1,3])
+ print norm
+ weight = (1.0/dist) / norm
+ interpolated_points = three_interpolate(points, idx, weight)
+ with tf.Session('') as sess:
+ tmp,pts1,d,w = sess.run([xyz1, interpolated_points, dist, weight])
+ #print w
+ pts1 = pts1.squeeze()
+ return pts1
+
+pts1 = fun(xyz1,xyz2,pts2)
+all_pts = np.zeros((104,3))
+all_pts[0:100,:] = pts1
+all_pts[100:,:] = pts2
+all_xyz = np.zeros((104,3))
+all_xyz[0:100,:]=xyz1
+all_xyz[100:,:]=xyz2
+showpoints(xyz2, pts2, ballradius=8)
+showpoints(xyz1, pts1, ballradius=8)
+showpoints(all_xyz, all_pts, ballradius=8)
diff --git a/pointnet2/tf_ops/HowTO.md b/pointnet2/tf_ops/HowTO.md
new file mode 100644
index 0000000..0f621e0
--- /dev/null
+++ b/pointnet2/tf_ops/HowTO.md
@@ -0,0 +1,52 @@
+
+In a conda env with python 3.7:
+
+Install tensorflow 2 with pip:
+```
+pip install tensorflow-gpu==2.2
+```
+Install CUDNN with conda:
+```
+conda install cudnn=7.6
+```
+
+Install CUDA 10.1 from [here](https://developer.nvidia.com/cuda-10.1-download-archive-update2). If you have an unusual install path, also set `$CUDA_HOME` environment variable.
+
+
+Create a symbolic link of tensorflow_framework.so.x to tensorflow_framework.so [(Issue48)](https://github.com/charlesq34/pointnet2/issues/48#issuecomment-608135179):
+```
+cd {YOUR_CONDA_PATH}/envs/6dofgrasp_py3/lib/python3.7/site-packages/tensorflow/
+ln -s libtensorflow_framework.so.2 libtensorflow_framework.so
+```
+also export the LD_LIBRARY_PATH here:
+```
+export LD_LIBRARY_PATH=$LD_LIBRARY_PATH:{YOUR_CONDA_PATH}/envs/6dofgrasp_py3/lib/python3.7/site-packages/tensorflow
+```
+
+### Compile PointNet CUDA kernels
+```
+cd pointnet2/tf_ops/grouping
+sh compile.sh
+```
+```
+cd pointnet2/tf_ops/d_interpolation
+sh compile.sh
+```
+```
+cd pointnet2/tf_ops/sampling
+sh compile.sh
+```
+
+## Tests
+
+Check whether tensorflow_framework.so.x was found in
+```
+ldd tf_grouping_so.so
+```
+
+Run compiled operation:
+```
+python tf_grouping_op_test.py
+```
+
+If there is no segfault you are good to go
\ No newline at end of file
diff --git a/pointnet2/tf_ops/grouping/compile.sh b/pointnet2/tf_ops/grouping/compile.sh
new file mode 100644
index 0000000..e9d2884
--- /dev/null
+++ b/pointnet2/tf_ops/grouping/compile.sh
@@ -0,0 +1,9 @@
+TF_CFLAGS=( $(python -c 'import tensorflow as tf; print(" ".join(tf.sysconfig.get_compile_flags()))') )
+TF_LFLAGS=( $(python -c 'import tensorflow as tf; print(" ".join(tf.sysconfig.get_link_flags()))') )
+
+$CUDA_HOME/bin/nvcc -std=c++11 -c -o tf_grouping_g.cu.o tf_grouping_g.cu \
+ ${TF_CFLAGS[@]} -D GOOGLE_CUDA=1 -x cu -Xcompiler -fPIC
+
+g++ -std=c++11 -shared -o tf_grouping_so.so tf_grouping.cpp \
+ tf_grouping_g.cu.o ${TF_CFLAGS[@]} -fPIC -lcudart ${TF_LFLAGS[@]}
+
diff --git a/pointnet2/tf_ops/grouping/test/compile.sh b/pointnet2/tf_ops/grouping/test/compile.sh
new file mode 100644
index 0000000..e1824dd
--- /dev/null
+++ b/pointnet2/tf_ops/grouping/test/compile.sh
@@ -0,0 +1,6 @@
+g++ query_ball_point.cpp -o query_ball_point
+nvcc query_ball_point.cu -o query_ball_point_cuda
+nvcc query_ball_point_block.cu -o query_ball_point_block
+nvcc query_ball_point_grid.cu -o query_ball_point_grid
+g++ -Wall selection_sort.cpp -o selection_sort
+nvcc selection_sort.cu -o selection_sort_cuda
diff --git a/pointnet2/tf_ops/grouping/test/query_ball_point.cpp b/pointnet2/tf_ops/grouping/test/query_ball_point.cpp
new file mode 100644
index 0000000..4e28051
--- /dev/null
+++ b/pointnet2/tf_ops/grouping/test/query_ball_point.cpp
@@ -0,0 +1,119 @@
+#include
+#include
+#include // memset
+#include // rand, RAND_MAX
+#include // sqrtf
+#include
+#include
+using namespace std;
+float randomf(){
+ return (rand()+0.5)/(RAND_MAX+1.0);
+}
+static double get_time(){
+ timespec tp;
+ clock_gettime(CLOCK_MONOTONIC,&tp);
+ return tp.tv_sec+tp.tv_nsec*1e-9;
+}
+// input: radius (1), nsample (1), xyz1 (b,n,3), xyz2 (b,m,3)
+// output: idx (b,m,nsample)
+void query_ball_point_cpu(int b, int n, int m, float radius, int nsample, const float *xyz1, const float *xyz2, int *idx) {
+ for (int i=0;i
+#include
+#include // memset
+#include // rand, RAND_MAX
+#include // sqrtf
+#include
+#include
+using namespace std;
+float randomf(){
+ return (rand()+0.5)/(RAND_MAX+1.0);
+}
+static double get_time(){
+ timespec tp;
+ clock_gettime(CLOCK_MONOTONIC,&tp);
+ return tp.tv_sec+tp.tv_nsec*1e-9;
+}
+// input: radius (1), nsample (1), xyz1 (b,n,3), xyz2 (b,m,3)
+// output: idx (b,m,nsample)
+__global__ void query_ball_point_gpu(int b, int n, int m, float radius, int nsample, const float *xyz1, const float *xyz2, int *idx) {
+ for (int i=0;i>>(b,n,m,radius,nsample,xyz1,xyz2,idx);
+ cudaDeviceSynchronize();
+ printf("query_ball_point gpu time %f\n",get_time()-t0);
+
+ t0=get_time();
+ group_point_gpu<<<1,1>>>(b,n,c,m,nsample,points,idx,out);
+ cudaDeviceSynchronize();
+ printf("grou_point gpu time %f\n",get_time()-t0);
+
+ t0=get_time();
+ group_point_grad_gpu<<<1,1>>>(b,n,c,m,nsample,grad_out,idx,grad_points);
+ cudaDeviceSynchronize();
+ printf("grou_point_grad gpu time %f\n",get_time()-t0);
+
+ cudaFree(xyz1);
+ cudaFree(xyz2);
+ cudaFree(points);
+ cudaFree(idx);
+ cudaFree(out);
+ cudaFree(grad_out);
+ cudaFree(grad_points);
+ return 0;
+}
diff --git a/pointnet2/tf_ops/grouping/test/query_ball_point_block.cu b/pointnet2/tf_ops/grouping/test/query_ball_point_block.cu
new file mode 100644
index 0000000..477fb3b
--- /dev/null
+++ b/pointnet2/tf_ops/grouping/test/query_ball_point_block.cu
@@ -0,0 +1,134 @@
+#include
+#include
+#include // memset
+#include // rand, RAND_MAX
+#include // sqrtf
+#include
+#include
+using namespace std;
+float randomf(){
+ return (rand()+0.5)/(RAND_MAX+1.0);
+}
+static double get_time(){
+ timespec tp;
+ clock_gettime(CLOCK_MONOTONIC,&tp);
+ return tp.tv_sec+tp.tv_nsec*1e-9;
+}
+// input: radius (1), nsample (1), xyz1 (b,n,3), xyz2 (b,m,3)
+// output: idx (b,m,nsample)
+__global__ void query_ball_point_gpu(int b, int n, int m, float radius, int nsample, const float *xyz1, const float *xyz2, int *idx) {
+ int index = threadIdx.x;
+ xyz1 += n*3*index;
+ xyz2 += m*3*index;
+ idx += m*nsample*index;
+
+ for (int j=0;j>>(b,n,m,radius,nsample,xyz1,xyz2,idx);
+ cudaDeviceSynchronize();
+ printf("query_ball_point gpu time %f\n",get_time()-t0);
+
+ t0=get_time();
+ group_point_gpu<<<1,b>>>(b,n,c,m,nsample,points,idx,out);
+ cudaDeviceSynchronize();
+ printf("grou_point gpu time %f\n",get_time()-t0);
+
+ t0=get_time();
+ group_point_grad_gpu<<<1,b>>>(b,n,c,m,nsample,grad_out,idx,grad_points);
+ cudaDeviceSynchronize();
+ printf("grou_point_grad gpu time %f\n",get_time()-t0);
+
+ cudaFree(xyz1);
+ cudaFree(xyz2);
+ cudaFree(points);
+ cudaFree(idx);
+ cudaFree(out);
+ cudaFree(grad_out);
+ cudaFree(grad_points);
+ return 0;
+}
diff --git a/pointnet2/tf_ops/grouping/test/query_ball_point_grid.cu b/pointnet2/tf_ops/grouping/test/query_ball_point_grid.cu
new file mode 100644
index 0000000..dcfadba
--- /dev/null
+++ b/pointnet2/tf_ops/grouping/test/query_ball_point_grid.cu
@@ -0,0 +1,144 @@
+#include
+#include
+#include // memset
+#include // rand, RAND_MAX
+#include // sqrtf
+#include
+#include
+using namespace std;
+float randomf(){
+ return (rand()+0.5)/(RAND_MAX+1.0);
+}
+static double get_time(){
+ timespec tp;
+ clock_gettime(CLOCK_MONOTONIC,&tp);
+ return tp.tv_sec+tp.tv_nsec*1e-9;
+}
+// input: radius (1), nsample (1), xyz1 (b,n,3), xyz2 (b,m,3)
+// output: idx (b,m,nsample)
+__global__ void query_ball_point_gpu(int b, int n, int m, float radius, int nsample, const float *xyz1, const float *xyz2, int *idx) {
+ int batch_index = blockIdx.x;
+ xyz1 += n*3*batch_index;
+ xyz2 += m*3*batch_index;
+ idx += m*nsample*batch_index;
+
+ int index = threadIdx.x;
+ int stride = blockDim.x;
+
+ for (int j=index;j>>(b,n,m,radius,nsample,xyz1,xyz2,idx);
+ cudaDeviceSynchronize();
+ printf("query_ball_point gpu time %f\n",get_time()-t0);
+
+ t0=get_time();
+ group_point_gpu<<>>(b,n,c,m,nsample,points,idx,out);
+ cudaDeviceSynchronize();
+ printf("grou_point gpu time %f\n",get_time()-t0);
+
+ t0=get_time();
+ group_point_grad_gpu<<>>(b,n,c,m,nsample,grad_out,idx,grad_points);
+ cudaDeviceSynchronize();
+ printf("grou_point_grad gpu time %f\n",get_time()-t0);
+
+ cudaFree(xyz1);
+ cudaFree(xyz2);
+ cudaFree(points);
+ cudaFree(idx);
+ cudaFree(out);
+ cudaFree(grad_out);
+ cudaFree(grad_points);
+ return 0;
+}
diff --git a/pointnet2/tf_ops/grouping/test/selection_sort.cpp b/pointnet2/tf_ops/grouping/test/selection_sort.cpp
new file mode 100644
index 0000000..6f0839e
--- /dev/null
+++ b/pointnet2/tf_ops/grouping/test/selection_sort.cpp
@@ -0,0 +1,94 @@
+#include
+#include
+#include // memset
+#include // rand, RAND_MAX
+#include // sqrtf
+#include
+#include
+using namespace std;
+float randomf(){
+ return (rand()+0.5)/(RAND_MAX+1.0);
+}
+static double get_time(){
+ timespec tp;
+ clock_gettime(CLOCK_MONOTONIC,&tp);
+ return tp.tv_sec+tp.tv_nsec*1e-9;
+}
+
+// input: k (1), distance matrix dist (b,m,n)
+// output: idx (b,m,n), val (b,m,n)
+void selection_sort_cpu(int b, int n, int m, int k, const float *dist, int *idx, float *val) {
+ float *p_dist;
+ float tmp;
+ int tmpi;
+ for (int i=0;i
+#include
+#include // memset
+#include // rand, RAND_MAX
+#include // sqrtf
+#include
+#include
+using namespace std;
+float randomf(){
+ return (rand()+0.5)/(RAND_MAX+1.0);
+}
+static double get_time(){
+ timespec tp;
+ clock_gettime(CLOCK_MONOTONIC,&tp);
+ return tp.tv_sec+tp.tv_nsec*1e-9;
+}
+
+// input: k (1), distance matrix dist (b,m,n)
+// output: idx (b,m,k), val (b,m,k)
+__global__ void selection_sort_gpu(int b, int n, int m, int k, float *dist, int *idx, float *val) {
+ int batch_index = blockIdx.x;
+ dist+=m*n*batch_index;
+ idx+=m*k*batch_index;
+ val+=m*k*batch_index;
+
+ int index = threadIdx.x;
+ int stride = blockDim.x;
+
+ float *p_dist;
+ for (int j=index;j>>(b,n,m,k,dist,idx,val);
+ cudaDeviceSynchronize();
+ printf("selection sort cpu time %f\n",get_time()-t0);
+
+ return 0;
+}
diff --git a/pointnet2/tf_ops/grouping/test/selection_sort_const.cu b/pointnet2/tf_ops/grouping/test/selection_sort_const.cu
new file mode 100644
index 0000000..9666849
--- /dev/null
+++ b/pointnet2/tf_ops/grouping/test/selection_sort_const.cu
@@ -0,0 +1,92 @@
+#include
+#include
+#include // memset
+#include // rand, RAND_MAX
+#include // sqrtf
+#include
+#include
+using namespace std;
+float randomf(){
+ return (rand()+0.5)/(RAND_MAX+1.0);
+}
+static double get_time(){
+ timespec tp;
+ clock_gettime(CLOCK_MONOTONIC,&tp);
+ return tp.tv_sec+tp.tv_nsec*1e-9;
+}
+
+// input: k (1), distance matrix dist (b,m,n)
+// output: idx (b,m,n), dist_out (b,m,n)
+__global__ void selection_sort_gpu(int b, int n, int m, int k, const float *dist, int *outi, float *out) {
+ int batch_index = blockIdx.x;
+ dist+=m*n*batch_index;
+ outi+=m*n*batch_index;
+ out+=m*n*batch_index;
+
+ int index = threadIdx.x;
+ int stride = blockDim.x;
+
+ // copy from dist to dist_out
+ for (int j=index;j>>(b,n,m,k,dist,idx,dist_out);
+ cudaDeviceSynchronize();
+ printf("selection sort cpu time %f\n",get_time()-t0);
+
+ //for (int i=0;i
+#include
+#include // memset
+#include // rand, RAND_MAX
+#include // sqrtf
+#include "tensorflow/core/framework/op.h"
+#include "tensorflow/core/framework/op_kernel.h"
+#include "tensorflow/core/framework/shape_inference.h"
+#include "tensorflow/core/framework/common_shape_fns.h"
+#include
+using namespace tensorflow;
+
+REGISTER_OP("QueryBallPoint")
+ .Attr("radius: float")
+ .Attr("nsample: int")
+ .Input("xyz1: float32")
+ .Input("xyz2: float32")
+ .Output("idx: int32")
+ .Output("pts_cnt: int32")
+ .SetShapeFn([](::tensorflow::shape_inference::InferenceContext* c) {
+ ::tensorflow::shape_inference::ShapeHandle dims2; // batch_size * npoint * 3
+ c->WithRank(c->input(1), 3, &dims2);
+ int nsample;
+ TF_RETURN_IF_ERROR(c->GetAttr("nsample", &nsample));
+ ::tensorflow::shape_inference::ShapeHandle output1 = c->MakeShape({c->Dim(dims2, 0), c->Dim(dims2, 1), nsample});
+ c->set_output(0, output1);
+ ::tensorflow::shape_inference::ShapeHandle output2 = c->MakeShape({c->Dim(dims2, 0), c->Dim(dims2, 1)});
+ c->set_output(1, output2);
+ return Status::OK();
+ });
+REGISTER_OP("SelectionSort")
+ .Attr("k: int")
+ .Input("dist: float32")
+ .Output("outi: int32")
+ .Output("out: float32")
+ .SetShapeFn([](::tensorflow::shape_inference::InferenceContext* c) {
+ c->set_output(0, c->input(0));
+ c->set_output(1, c->input(0));
+ return Status::OK();
+ });
+REGISTER_OP("GroupPoint")
+ .Input("points: float32")
+ .Input("idx: int32")
+ .Output("out: float32")
+ .SetShapeFn([](::tensorflow::shape_inference::InferenceContext* c) {
+ ::tensorflow::shape_inference::ShapeHandle dims1; // batch_size * ndataset * channels
+ c->WithRank(c->input(0), 3, &dims1);
+ ::tensorflow::shape_inference::ShapeHandle dims2; // batch_size * npoints * nsample
+ c->WithRank(c->input(1), 3, &dims2);
+ // batch_size * npoints * nsample * channels
+ ::tensorflow::shape_inference::ShapeHandle output = c->MakeShape({c->Dim(dims2, 0), c->Dim(dims2, 1), c->Dim(dims2, 2), c->Dim(dims1, 2)});
+ c->set_output(0, output);
+ return Status::OK();
+ });
+REGISTER_OP("GroupPointGrad")
+ .Input("points: float32")
+ .Input("idx: int32")
+ .Input("grad_out: float32")
+ .Output("grad_points: float32")
+ .SetShapeFn([](::tensorflow::shape_inference::InferenceContext* c) {
+ c->set_output(0, c->input(0));
+ return Status::OK();
+ });
+
+
+void queryBallPointLauncher(int b, int n, int m, float radius, int nsample, const float *xyz1, const float *xyz2, int *idx, int *pts_cnt);
+class QueryBallPointGpuOp : public OpKernel {
+ public:
+ explicit QueryBallPointGpuOp(OpKernelConstruction* context) : OpKernel(context) {
+ OP_REQUIRES_OK(context, context->GetAttr("radius", &radius_));
+ OP_REQUIRES(context, radius_ > 0, errors::InvalidArgument("QueryBallPoint expects positive radius"));
+
+ OP_REQUIRES_OK(context, context->GetAttr("nsample", &nsample_));
+ OP_REQUIRES(context, nsample_ > 0, errors::InvalidArgument("QueryBallPoint expects positive nsample"));
+ }
+
+ void Compute(OpKernelContext* context) override {
+ const Tensor& xyz1_tensor = context->input(0);
+ OP_REQUIRES(context, xyz1_tensor.dims()==3 && xyz1_tensor.shape().dim_size(2)==3, errors::InvalidArgument("QueryBallPoint expects (batch_size, ndataset, 3) xyz1 shape."));
+ int b = xyz1_tensor.shape().dim_size(0);
+ int n = xyz1_tensor.shape().dim_size(1);
+
+ const Tensor& xyz2_tensor = context->input(1);
+ OP_REQUIRES(context, xyz2_tensor.dims()==3 && xyz2_tensor.shape().dim_size(2)==3, errors::InvalidArgument("QueryBallPoint expects (batch_size, npoint, 3) xyz2 shape."));
+ int m = xyz2_tensor.shape().dim_size(1);
+
+ Tensor *idx_tensor = nullptr;
+ OP_REQUIRES_OK(context, context->allocate_output(0, TensorShape{b,m,nsample_}, &idx_tensor));
+ Tensor *pts_cnt_tensor = nullptr;
+ OP_REQUIRES_OK(context, context->allocate_output(1, TensorShape{b,m}, &pts_cnt_tensor));
+
+ auto xyz1_flat = xyz1_tensor.flat();
+ const float *xyz1 = &(xyz1_flat(0));
+ auto xyz2_flat = xyz2_tensor.flat();
+ const float *xyz2 = &(xyz2_flat(0));
+ auto idx_flat = idx_tensor->flat();
+ int *idx = &(idx_flat(0));
+ auto pts_cnt_flat = pts_cnt_tensor->flat();
+ int *pts_cnt = &(pts_cnt_flat(0));
+ queryBallPointLauncher(b,n,m,radius_,nsample_,xyz1,xyz2,idx,pts_cnt);
+ }
+ private:
+ float radius_;
+ int nsample_;
+};
+REGISTER_KERNEL_BUILDER(Name("QueryBallPoint").Device(DEVICE_GPU), QueryBallPointGpuOp);
+
+void selectionSortLauncher(int b, int n, int m, int k, const float *dist, int *outi, float *out);
+class SelectionSortGpuOp : public OpKernel {
+ public:
+ explicit SelectionSortGpuOp(OpKernelConstruction* context) : OpKernel(context) {
+ OP_REQUIRES_OK(context, context->GetAttr("k", &k_));
+ OP_REQUIRES(context, k_ > 0, errors::InvalidArgument("SelectionSort expects positive k"));
+ }
+
+ void Compute(OpKernelContext* context) override {
+ const Tensor& dist_tensor = context->input(0);
+ OP_REQUIRES(context, dist_tensor.dims()==3, errors::InvalidArgument("SelectionSort expects (b,m,n) dist shape."));
+ int b = dist_tensor.shape().dim_size(0);
+ int m = dist_tensor.shape().dim_size(1);
+ int n = dist_tensor.shape().dim_size(2);
+
+ Tensor *outi_tensor = nullptr;
+ OP_REQUIRES_OK(context, context->allocate_output(0, TensorShape{b,m,n}, &outi_tensor));
+ Tensor *out_tensor = nullptr;
+ OP_REQUIRES_OK(context, context->allocate_output(1, TensorShape{b,m,n}, &out_tensor));
+
+ auto dist_flat = dist_tensor.flat();
+ const float *dist = &(dist_flat(0));
+ auto outi_flat = outi_tensor->flat();
+ int *outi = &(outi_flat(0));
+ auto out_flat = out_tensor->flat();
+ float *out = &(out_flat(0));
+ selectionSortLauncher(b,n,m,k_,dist,outi,out);
+ }
+ private:
+ int k_;
+};
+REGISTER_KERNEL_BUILDER(Name("SelectionSort").Device(DEVICE_GPU), SelectionSortGpuOp);
+
+
+void groupPointLauncher(int b, int n, int c, int m, int nsample, const float *points, const int *idx, float *out);
+class GroupPointGpuOp: public OpKernel{
+ public:
+ explicit GroupPointGpuOp(OpKernelConstruction * context):OpKernel(context){}
+
+ void Compute(OpKernelContext * context) override {
+ const Tensor& points_tensor=context->input(0);
+ OP_REQUIRES(context, points_tensor.dims()==3, errors::InvalidArgument("GroupPoint expects (batch_size, num_points, channel) points shape"));
+ int b = points_tensor.shape().dim_size(0);
+ int n = points_tensor.shape().dim_size(1);
+ int c = points_tensor.shape().dim_size(2);
+
+ const Tensor& idx_tensor=context->input(1);
+ OP_REQUIRES(context,idx_tensor.dims()==3 && idx_tensor.shape().dim_size(0)==b, errors::InvalidArgument("GroupPoint expects (batch_size, npoints, nsample) idx shape"));
+ int m = idx_tensor.shape().dim_size(1);
+ int nsample = idx_tensor.shape().dim_size(2);
+
+ Tensor * out_tensor = nullptr;
+ OP_REQUIRES_OK(context, context->allocate_output(0,TensorShape{b,m,nsample,c}, &out_tensor));
+
+ auto points_flat = points_tensor.flat();
+ const float *points = &(points_flat(0));
+ auto idx_flat = idx_tensor.flat();
+ const int *idx = &(idx_flat(0));
+ auto out_flat = out_tensor->flat();
+ float *out = &(out_flat(0));
+ groupPointLauncher(b,n,c,m,nsample,points,idx,out);
+ }
+};
+REGISTER_KERNEL_BUILDER(Name("GroupPoint").Device(DEVICE_GPU),GroupPointGpuOp);
+
+void groupPointGradLauncher(int b, int n, int c, int m, int nsample, const float *grad_out, const int *idx, float *grad_points);
+class GroupPointGradGpuOp: public OpKernel{
+ public:
+ explicit GroupPointGradGpuOp(OpKernelConstruction * context):OpKernel(context){}
+
+ void Compute(OpKernelContext * context) override {
+ const Tensor& points_tensor=context->input(0);
+ OP_REQUIRES(context, points_tensor.dims()==3, errors::InvalidArgument("GroupPointGrad expects (batch_size, num_points, channel) points shape"));
+ int b = points_tensor.shape().dim_size(0);
+ int n = points_tensor.shape().dim_size(1);
+ int c = points_tensor.shape().dim_size(2);
+
+ const Tensor& idx_tensor=context->input(1);
+ OP_REQUIRES(context,idx_tensor.dims()==3 && idx_tensor.shape().dim_size(0)==b, errors::InvalidArgument("GroupPointGrad expects (batch_size, npoints, nsample) idx shape"));
+ int m = idx_tensor.shape().dim_size(1);
+ int nsample = idx_tensor.shape().dim_size(2);
+
+ const Tensor& grad_out_tensor=context->input(2);
+ OP_REQUIRES(context,grad_out_tensor.dims()==4 && grad_out_tensor.shape().dim_size(0)==b && grad_out_tensor.shape().dim_size(1)==m && grad_out_tensor.shape().dim_size(2)==nsample && grad_out_tensor.shape().dim_size(3)==c, errors::InvalidArgument("GroupPointGrad expects (batch_size, npoints, nsample, channel) grad_out shape"));
+
+ Tensor * grad_points_tensor = nullptr;
+ OP_REQUIRES_OK(context, context->allocate_output(0,TensorShape{b,n,c}, &grad_points_tensor));
+
+ auto points_flat = points_tensor.flat();
+ const float *points = &(points_flat(0));
+ auto idx_flat = idx_tensor.flat();
+ const int *idx = &(idx_flat(0));
+ auto grad_out_flat = grad_out_tensor.flat();
+ const float *grad_out = &(grad_out_flat(0));
+ auto grad_points_flat = grad_points_tensor->flat();
+ float *grad_points = &(grad_points_flat(0));
+ cudaMemset(grad_points, 0, sizeof(float)*b*n*c);
+ groupPointGradLauncher(b,n,c,m,nsample,grad_out,idx,grad_points);
+ }
+};
+REGISTER_KERNEL_BUILDER(Name("GroupPointGrad").Device(DEVICE_GPU),GroupPointGradGpuOp);
+
+
diff --git a/pointnet2/tf_ops/grouping/tf_grouping.py b/pointnet2/tf_ops/grouping/tf_grouping.py
new file mode 100644
index 0000000..709348f
--- /dev/null
+++ b/pointnet2/tf_ops/grouping/tf_grouping.py
@@ -0,0 +1,122 @@
+from __future__ import print_function
+try:
+ import tensorflow.compat.v1 as tf
+ tf.disable_eager_execution()
+except:
+ import tensorflow as tf
+from tensorflow.python.framework import ops
+import sys
+import os
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+sys.path.append(BASE_DIR)
+grouping_module=tf.load_op_library(os.path.join(BASE_DIR, 'tf_grouping_so.so'))
+def query_ball_point(radius, nsample, xyz1, xyz2):
+ '''
+ Input:
+ radius: float32, ball search radius
+ nsample: int32, number of points selected in each ball region
+ xyz1: (batch_size, ndataset, 3) float32 array, input points
+ xyz2: (batch_size, npoint, 3) float32 array, query points
+ Output:
+ idx: (batch_size, npoint, nsample) int32 array, indices to input points
+ pts_cnt: (batch_size, npoint) int32 array, number of unique points in each local region
+ '''
+ #return grouping_module.query_ball_point(radius, nsample, xyz1, xyz2)
+ return grouping_module.query_ball_point(xyz1, xyz2, radius, nsample)
+ops.NoGradient('QueryBallPoint')
+def select_top_k(k, dist):
+ '''
+ Input:
+ k: int32, number of k SMALLEST elements selected
+ dist: (b,m,n) float32 array, distance matrix, m query points, n dataset points
+ Output:
+ idx: (b,m,n) int32 array, first k in n are indices to the top k
+ dist_out: (b,m,n) float32 array, first k in n are the top k
+ '''
+ return grouping_module.selection_sort(dist, k)
+ops.NoGradient('SelectionSort')
+def group_point(points, idx):
+ '''
+ Input:
+ points: (batch_size, ndataset, channel) float32 array, points to sample from
+ idx: (batch_size, npoint, nsample) int32 array, indices to points
+ Output:
+ out: (batch_size, npoint, nsample, channel) float32 array, values sampled from points
+ '''
+ return grouping_module.group_point(points, idx)
+@tf.RegisterGradient('GroupPoint')
+def _group_point_grad(op, grad_out):
+ points = op.inputs[0]
+ idx = op.inputs[1]
+ return [grouping_module.group_point_grad(points, idx, grad_out), None]
+
+def knn_point(k, xyz1, xyz2):
+ '''
+ Input:
+ k: int32, number of k in k-nn search
+ xyz1: (batch_size, ndataset, c) float32 array, input points
+ xyz2: (batch_size, npoint, c) float32 array, query points
+ Output:
+ val: (batch_size, npoint, k) float32 array, L2 distances
+ idx: (batch_size, npoint, k) int32 array, indices to input points
+ '''
+ b = xyz1.get_shape()[0]
+ n = xyz1.get_shape()[1]
+ c = xyz1.get_shape()[2]
+ m = xyz2.get_shape()[1]
+ print(b, n, c, m)
+ print(xyz1, (b,1,n,c))
+ xyz1 = tf.tile(tf.reshape(xyz1, (b,1,n,c)), [1,m,1,1])
+ xyz2 = tf.tile(tf.reshape(xyz2, (b,m,1,c)), [1,1,n,1])
+ print(xyz1.shape, xyz2.shape)
+ dist = tf.reduce_sum((xyz1-xyz2)**2, -1)
+ print(dist.shape, k)
+
+ outi, out = select_top_k(k, dist)
+ idx = tf.slice(outi, [0,0,0], [-1,-1,k])
+ val = tf.slice(out, [0,0,0], [-1,-1,k])
+ print(idx, val)
+ #val, idx = tf.nn.top_k(-dist, k=k) # ONLY SUPPORT CPU
+ return val, idx
+
+if __name__=='__main__':
+ knn=True
+ import numpy as np
+ import time
+ np.random.seed(100)
+ pts = np.random.random((32,512,64)).astype('float32')
+ tmp1 = np.random.random((32,512,3)).astype('float32')
+ print(tmp1[0,0,:])
+ tmp2 = np.random.random((32,128,3)).astype('float32')
+ with tf.device('/gpu:0'):
+ points = tf.constant(pts)
+ xyz1 = tf.constant(tmp1)
+ xyz2 = tf.constant(tmp2)
+ radius = 0.1
+ nsample = 2
+ if knn:
+ dists, idx = knn_point(nsample, xyz1, xyz2)
+ grouped_points = group_point(points, idx)
+ print('here')
+ else:
+ idx, pts_cnt = query_ball_point(radius, nsample, xyz1, xyz2)
+ index_sum = tf.where(tf.reduce_sum(idx, axis=2)>0)
+ print(index_sum.shape, idx.shape)
+ tf.gather_nd(idx, index_sum)
+ grouped_points = group_point(xyz1, idx)
+ #grouped_points_grad = tf.ones_like(grouped_points)
+ #points_grad = tf.gradients(grouped_points, points, grouped_points_grad)
+ with tf.Session('') as sess:
+ now = time.time()
+ print(now)
+ for _ in range(1):
+ ret, d,idcs = sess.run([grouped_points, dists, idx])
+ print(d[0,5,:2])
+ print(ret[0])
+ print(idcs[0])
+ print(idcs.shape,ret.shape, ret.dtype)
+ print(d)
+ print(time.time() - now)
+ # print(ret)
+
+
diff --git a/pointnet2/tf_ops/grouping/tf_grouping_compile.sh b/pointnet2/tf_ops/grouping/tf_grouping_compile.sh
new file mode 100644
index 0000000..b193367
--- /dev/null
+++ b/pointnet2/tf_ops/grouping/tf_grouping_compile.sh
@@ -0,0 +1,8 @@
+#/bin/bash
+/usr/local/cuda-8.0/bin/nvcc tf_grouping_g.cu -o tf_grouping_g.cu.o -c -O2 -DGOOGLE_CUDA=1 -x cu -Xcompiler -fPIC
+
+# TF1.2
+g++ -std=c++11 tf_grouping.cpp tf_grouping_g.cu.o -o tf_grouping_so.so -shared -fPIC -I /usr/local/lib/python2.7/dist-packages/tensorflow/include -I /usr/local/cuda-8.0/include -lcudart -L /usr/local/cuda-8.0/lib64/ -O2 -D_GLIBCXX_USE_CXX11_ABI=0
+
+# TF1.4
+#g++ -std=c++11 tf_grouping.cpp tf_grouping_g.cu.o -o tf_grouping_so.so -shared -fPIC -I /usr/local/lib/python2.7/dist-packages/tensorflow/include -I /usr/local/cuda-8.0/include -I /usr/local/lib/python2.7/dist-packages/tensorflow/include/external/nsync/public -lcudart -L /usr/local/cuda-8.0/lib64/ -L/usr/local/lib/python2.7/dist-packages/tensorflow -ltensorflow_framework -O2 -D_GLIBCXX_USE_CXX11_ABI=0
diff --git a/pointnet2/tf_ops/grouping/tf_grouping_g.cu b/pointnet2/tf_ops/grouping/tf_grouping_g.cu
new file mode 100644
index 0000000..578330d
--- /dev/null
+++ b/pointnet2/tf_ops/grouping/tf_grouping_g.cu
@@ -0,0 +1,141 @@
+// input: radius (1), nsample (1), xyz1 (b,n,3), xyz2 (b,m,3)
+// output: idx (b,m,nsample), pts_cnt (b,m)
+__global__ void query_ball_point_gpu(int b, int n, int m, float radius, int nsample, const float *xyz1, const float *xyz2, int *idx, int *pts_cnt) {
+ int batch_index = blockIdx.x;
+ xyz1 += n*3*batch_index;
+ xyz2 += m*3*batch_index;
+ idx += m*nsample*batch_index;
+ pts_cnt += m*batch_index; // counting how many unique points selected in local region
+
+ int index = threadIdx.x;
+ int stride = blockDim.x;
+
+ for (int j=index;j>>(b,n,m,radius,nsample,xyz1,xyz2,idx,pts_cnt);
+ //cudaDeviceSynchronize();
+}
+void selectionSortLauncher(int b, int n, int m, int k, const float *dist, int *outi, float *out) {
+ selection_sort_gpu<<>>(b,n,m,k,dist,outi,out);
+ //cudaDeviceSynchronize();
+}
+void groupPointLauncher(int b, int n, int c, int m, int nsample, const float *points, const int *idx, float *out){
+ group_point_gpu<<>>(b,n,c,m,nsample,points,idx,out);
+ //cudaDeviceSynchronize();
+}
+void groupPointGradLauncher(int b, int n, int c, int m, int nsample, const float *grad_out, const int *idx, float *grad_points){
+ group_point_grad_gpu<<>>(b,n,c,m,nsample,grad_out,idx,grad_points);
+ //group_point_grad_gpu<<<1,1>>>(b,n,c,m,nsample,grad_out,idx,grad_points);
+ //cudaDeviceSynchronize();
+}
diff --git a/pointnet2/tf_ops/grouping/tf_grouping_g.cu.o b/pointnet2/tf_ops/grouping/tf_grouping_g.cu.o
new file mode 100644
index 0000000..ece163f
Binary files /dev/null and b/pointnet2/tf_ops/grouping/tf_grouping_g.cu.o differ
diff --git a/pointnet2/tf_ops/grouping/tf_grouping_op_test.py b/pointnet2/tf_ops/grouping/tf_grouping_op_test.py
new file mode 100644
index 0000000..c8603c7
--- /dev/null
+++ b/pointnet2/tf_ops/grouping/tf_grouping_op_test.py
@@ -0,0 +1,33 @@
+from __future__ import print_function
+try:
+ import tensorflow.compat.v1 as tf
+ tf.disable_eager_execution()
+except:
+ import tensorflow as tf
+import numpy as np
+from tf_grouping import query_ball_point, group_point
+
+class GroupPointTest(tf.test.TestCase):
+ def test(self):
+ pass
+
+ def test_grad(self):
+ with tf.device('/gpu:0'):
+ points = tf.constant(np.random.random((1,128,16)).astype('float32'))
+ print(points)
+ xyz1 = tf.constant(np.random.random((1,128,3)).astype('float32'))
+ xyz2 = tf.constant(np.random.random((1,8,3)).astype('float32'))
+ radius = 0.3
+ nsample = 32
+ idx, pts_cnt = query_ball_point(radius, nsample, xyz1, xyz2)
+ grouped_points = group_point(points, idx)
+ print(grouped_points)
+
+ with self.test_session():
+ print("---- Going to compute gradient error")
+ err = tf.test.compute_gradient_error(points, (1,128,16), grouped_points, (1,8,32,16))
+ print(err)
+ self.assertLess(err, 1e-4)
+
+if __name__=='__main__':
+ tf.test.main()
diff --git a/pointnet2/tf_ops/grouping/tf_grouping_so.so b/pointnet2/tf_ops/grouping/tf_grouping_so.so
new file mode 100755
index 0000000..83a99a5
Binary files /dev/null and b/pointnet2/tf_ops/grouping/tf_grouping_so.so differ
diff --git a/pointnet2/tf_ops/sampling/compile.sh b/pointnet2/tf_ops/sampling/compile.sh
new file mode 100644
index 0000000..7d9e77f
--- /dev/null
+++ b/pointnet2/tf_ops/sampling/compile.sh
@@ -0,0 +1,8 @@
+TF_CFLAGS=( $(python -c 'import tensorflow as tf; print(" ".join(tf.sysconfig.get_compile_flags()))') )
+TF_LFLAGS=( $(python -c 'import tensorflow as tf; print(" ".join(tf.sysconfig.get_link_flags()))') )
+
+$CUDA_HOME/bin/nvcc -std=c++11 -c -o tf_sampling_g.cu.o tf_sampling_g.cu \
+ ${TF_CFLAGS[@]} -D GOOGLE_CUDA=1 -x cu -Xcompiler -fPIC
+
+g++ -std=c++11 -shared -o tf_sampling_so.so tf_sampling.cpp \
+ tf_sampling_g.cu.o ${TF_CFLAGS[@]} -fPIC -lcudart ${TF_LFLAGS[@]}
diff --git a/pointnet2/tf_ops/sampling/tf_sampling.cpp b/pointnet2/tf_ops/sampling/tf_sampling.cpp
new file mode 100644
index 0000000..fb3dd28
--- /dev/null
+++ b/pointnet2/tf_ops/sampling/tf_sampling.cpp
@@ -0,0 +1,179 @@
+/* Furthest point sampling
+ * Original author: Haoqiang Fan
+ * Modified by Charles R. Qi
+ * All Rights Reserved. 2017.
+ */
+#include "tensorflow/core/framework/op.h"
+#include "tensorflow/core/framework/op_kernel.h"
+#include "tensorflow/core/framework/shape_inference.h"
+#include "tensorflow/core/framework/common_shape_fns.h"
+#include
+
+using namespace tensorflow;
+
+REGISTER_OP("ProbSample")
+ .Input("inp: float32")
+ .Input("inpr: float32")
+ .Output("out: int32")
+ .SetShapeFn([](::tensorflow::shape_inference::InferenceContext* c) {
+ ::tensorflow::shape_inference::ShapeHandle dims1; // batch_size * ncategory
+ c->WithRank(c->input(0), 2, &dims1);
+ ::tensorflow::shape_inference::ShapeHandle dims2; // batch_size * npoints
+ c->WithRank(c->input(1), 2, &dims2);
+ // batch_size * npoints
+ ::tensorflow::shape_inference::ShapeHandle output = c->MakeShape({c->Dim(dims2, 0), c->Dim(dims2, 1)});
+ c->set_output(0, output);
+ return Status::OK();
+ });
+REGISTER_OP("FarthestPointSample")
+ .Attr("npoint: int")
+ .Input("inp: float32")
+ .Output("out: int32")
+ .SetShapeFn([](::tensorflow::shape_inference::InferenceContext* c) {
+ ::tensorflow::shape_inference::ShapeHandle dims1; // batch_size * npoint * 3
+ c->WithRank(c->input(0), 3, &dims1);
+ int npoint;
+ TF_RETURN_IF_ERROR(c->GetAttr("npoint", &npoint));
+ ::tensorflow::shape_inference::ShapeHandle output = c->MakeShape({c->Dim(dims1, 0), npoint});
+ c->set_output(0, output);
+ return Status::OK();
+ });
+REGISTER_OP("GatherPoint")
+ .Input("inp: float32")
+ .Input("idx: int32")
+ .Output("out: float32")
+ .SetShapeFn([](::tensorflow::shape_inference::InferenceContext* c) {
+ ::tensorflow::shape_inference::ShapeHandle dims1; // batch_size * ndataset * 3
+ c->WithRank(c->input(0), 3, &dims1);
+ ::tensorflow::shape_inference::ShapeHandle dims2; // batch_size * npoints
+ c->WithRank(c->input(1), 2, &dims2);
+ // batch_size * npoints * 3
+ ::tensorflow::shape_inference::ShapeHandle output = c->MakeShape({c->Dim(dims1, 0), c->Dim(dims2, 1), c->Dim(dims1, 2)});
+ c->set_output(0, output);
+ return Status::OK();
+ });
+REGISTER_OP("GatherPointGrad")
+ .Input("inp: float32")
+ .Input("idx: int32")
+ .Input("out_g: float32")
+ .Output("inp_g: float32")
+ .SetShapeFn([](::tensorflow::shape_inference::InferenceContext* c) {
+ c->set_output(0, c->input(0));
+ return Status::OK();
+ });
+
+void probsampleLauncher(int b,int n,int m,const float * inp_p,const float * inp_r,float * temp,int * out);
+class ProbSampleGpuOp: public OpKernel{
+ public:
+ explicit ProbSampleGpuOp(OpKernelConstruction* context):OpKernel(context){}
+ void Compute(OpKernelContext * context)override{
+ const Tensor& inp_tensor=context->input(0);
+ const Tensor& inpr_tensor=context->input(1);
+ auto inp_flat=inp_tensor.flat();
+ auto inpr_flat=inpr_tensor.flat();
+ const float * inp=&(inp_flat(0));
+ const float * inpr=&(inpr_flat(0));
+ OP_REQUIRES(context,inp_tensor.dims()==2,errors::InvalidArgument("ProbSample expects (batch_size,num_choices) inp shape"));
+ int b=inp_tensor.shape().dim_size(0);
+ int n=inp_tensor.shape().dim_size(1);
+ OP_REQUIRES(context,inpr_tensor.dims()==2 && inpr_tensor.shape().dim_size(0)==b,errors::InvalidArgument("ProbSample expects (batch_size,num_points) inpr shape"));
+ int m=inpr_tensor.shape().dim_size(1);
+ Tensor * out_tensor=NULL;
+ OP_REQUIRES_OK(context,context->allocate_output(0,TensorShape{b,m},&out_tensor));
+ auto out_flat=out_tensor->flat();
+ int * out=&(out_flat(0));
+ Tensor temp_tensor;
+ OP_REQUIRES_OK(context,context->allocate_temp(DataTypeToEnum::value,TensorShape{b,n},&temp_tensor));
+ auto temp_flat=temp_tensor.flat();
+ float * temp=&(temp_flat(0));
+ probsampleLauncher(b,n,m,inp,inpr,temp,out);
+ }
+};
+REGISTER_KERNEL_BUILDER(Name("ProbSample").Device(DEVICE_GPU), ProbSampleGpuOp);
+
+void farthestpointsamplingLauncher(int b,int n,int m,const float * inp,float * temp,int * out);
+class FarthestPointSampleGpuOp: public OpKernel{
+ public:
+ explicit FarthestPointSampleGpuOp(OpKernelConstruction* context):OpKernel(context) {
+ OP_REQUIRES_OK(context, context->GetAttr("npoint", &npoint_));
+ OP_REQUIRES(context, npoint_ > 0, errors::InvalidArgument("FarthestPointSample expects positive npoint"));
+ }
+ void Compute(OpKernelContext * context)override{
+ int m = npoint_;
+
+ const Tensor& inp_tensor=context->input(0);
+ OP_REQUIRES(context,inp_tensor.dims()==3 && inp_tensor.shape().dim_size(2)==3,errors::InvalidArgument("FarthestPointSample expects (batch_size,num_points,3) inp shape"));
+ int b=inp_tensor.shape().dim_size(0);
+ int n=inp_tensor.shape().dim_size(1);
+ auto inp_flat=inp_tensor.flat();
+ const float * inp=&(inp_flat(0));
+ Tensor * out_tensor;
+ OP_REQUIRES_OK(context,context->allocate_output(0,TensorShape{b,m},&out_tensor));
+ auto out_flat=out_tensor->flat();
+ int * out=&(out_flat(0));
+ Tensor temp_tensor;
+ OP_REQUIRES_OK(context,context->allocate_temp(DataTypeToEnum::value,TensorShape{32,n},&temp_tensor));
+ auto temp_flat=temp_tensor.flat();
+ float * temp=&(temp_flat(0));
+ farthestpointsamplingLauncher(b,n,m,inp,temp,out);
+ }
+ private:
+ int npoint_;
+};
+REGISTER_KERNEL_BUILDER(Name("FarthestPointSample").Device(DEVICE_GPU),FarthestPointSampleGpuOp);
+
+void gatherpointLauncher(int b,int n,int m,const float * inp,const int * idx,float * out);
+class GatherPointGpuOp: public OpKernel{
+ public:
+ explicit GatherPointGpuOp(OpKernelConstruction * context):OpKernel(context){}
+ void Compute(OpKernelContext * context)override{
+ const Tensor& inp_tensor=context->input(0);
+ OP_REQUIRES(context,inp_tensor.dims()==3 && inp_tensor.shape().dim_size(2)==3,errors::InvalidArgument("GatherPoint expects (batch_size,num_points,3) inp shape"));
+ int b=inp_tensor.shape().dim_size(0);
+ int n=inp_tensor.shape().dim_size(1);
+ const Tensor& idx_tensor=context->input(1);
+ OP_REQUIRES(context,idx_tensor.dims()==2 && idx_tensor.shape().dim_size(0)==b,errors::InvalidArgument("GatherPoint expects (batch_size,num_result) idx shape"));
+ int m=idx_tensor.shape().dim_size(1);
+ auto inp_flat=inp_tensor.flat();
+ const float * inp=&(inp_flat(0));
+ auto idx_flat=idx_tensor.flat();
+ const int * idx=&(idx_flat(0));
+ Tensor * out_tensor=NULL;
+ OP_REQUIRES_OK(context,context->allocate_output(0,TensorShape{b,m,3},&out_tensor));
+ auto out_flat=out_tensor->flat();
+ float * out=&(out_flat(0));
+ gatherpointLauncher(b,n,m,inp,idx,out);
+ }
+};
+REGISTER_KERNEL_BUILDER(Name("GatherPoint").Device(DEVICE_GPU),GatherPointGpuOp);
+
+void scatteraddpointLauncher(int b,int n,int m,const float * out_g,const int * idx,float * inp_g);
+class GatherPointGradGpuOp: public OpKernel{
+ public:
+ explicit GatherPointGradGpuOp(OpKernelConstruction * context):OpKernel(context){}
+ void Compute(OpKernelContext * context)override{
+ const Tensor& inp_tensor=context->input(0);
+ OP_REQUIRES(context,inp_tensor.dims()==3 && inp_tensor.shape().dim_size(2)==3,errors::InvalidArgument("GatherPointGradGpuOp expects (batch_size,num_points,3) inp"));
+ int b=inp_tensor.shape().dim_size(0);
+ int n=inp_tensor.shape().dim_size(1);
+ const Tensor& idx_tensor=context->input(1);
+ OP_REQUIRES(context,idx_tensor.dims()==2 && idx_tensor.shape().dim_size(0)==b,errors::InvalidArgument("GatherPointGradGpuOp expects (batch_size,num_result) idx shape"));
+ int m=idx_tensor.shape().dim_size(1);
+ auto inp_flat=inp_tensor.flat();
+ const float * inp=&(inp_flat(0));
+ auto idx_flat=idx_tensor.flat();
+ const int * idx=&(idx_flat(0));
+ const Tensor& out_g_tensor=context->input(2);
+ OP_REQUIRES(context,out_g_tensor.dims()==3 && out_g_tensor.shape().dim_size(0)==b && out_g_tensor.shape().dim_size(1)==m && out_g_tensor.shape().dim_size(2)==3,errors::InvalidArgument("GatherPointGradGpuOp expects (batch_size,num_result,3) out_g shape"));
+ auto out_g_flat=out_g_tensor.flat();
+ const float * out_g=&(out_g_flat(0));
+ Tensor * inp_g_tensor=NULL;
+ OP_REQUIRES_OK(context,context->allocate_output(0,TensorShape{b,n,3},&inp_g_tensor));
+ auto inp_g_flat=inp_g_tensor->flat();
+ float * inp_g=&(inp_g_flat(0));
+ cudaMemset(inp_g,0,b*n*3*4);
+ scatteraddpointLauncher(b,n,m,out_g,idx,inp_g);
+ }
+};
+REGISTER_KERNEL_BUILDER(Name("GatherPointGrad").Device(DEVICE_GPU),GatherPointGradGpuOp);
+
diff --git a/pointnet2/tf_ops/sampling/tf_sampling.py b/pointnet2/tf_ops/sampling/tf_sampling.py
new file mode 100644
index 0000000..e4351cd
--- /dev/null
+++ b/pointnet2/tf_ops/sampling/tf_sampling.py
@@ -0,0 +1,98 @@
+from __future__ import print_function
+''' Furthest point sampling
+Original author: Haoqiang Fan
+Modified by Charles R. Qi
+All Rights Reserved. 2017.
+'''
+try:
+ import tensorflow.compat.v1 as tf
+ tf.disable_eager_execution()
+except:
+ import tensorflow as tf
+from tensorflow.python.framework import ops
+import sys
+import os
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+sys.path.append(BASE_DIR)
+print(BASE_DIR)
+sampling_module=tf.load_op_library(os.path.join(BASE_DIR, 'tf_sampling_so.so'))
+def prob_sample(inp,inpr):
+ '''
+input:
+ batch_size * ncategory float32
+ batch_size * npoints float32
+returns:
+ batch_size * npoints int32
+ '''
+ return sampling_module.prob_sample(inp,inpr)
+ops.NoGradient('ProbSample')
+# TF1.0 API requires set shape in C++
+#@tf.RegisterShape('ProbSample')
+#def _prob_sample_shape(op):
+# shape1=op.inputs[0].get_shape().with_rank(2)
+# shape2=op.inputs[1].get_shape().with_rank(2)
+# return [tf.TensorShape([shape2.dims[0],shape2.dims[1]])]
+def gather_point(inp,idx):
+ '''
+input:
+ batch_size * ndataset * 3 float32
+ batch_size * npoints int32
+returns:
+ batch_size * npoints * 3 float32
+ '''
+ return sampling_module.gather_point(inp,idx)
+#@tf.RegisterShape('GatherPoint')
+#def _gather_point_shape(op):
+# shape1=op.inputs[0].get_shape().with_rank(3)
+# shape2=op.inputs[1].get_shape().with_rank(2)
+# return [tf.TensorShape([shape1.dims[0],shape2.dims[1],shape1.dims[2]])]
+@tf.RegisterGradient('GatherPoint')
+def _gather_point_grad(op,out_g):
+ inp=op.inputs[0]
+ idx=op.inputs[1]
+ return [sampling_module.gather_point_grad(inp,idx,out_g),None]
+def farthest_point_sample(npoint,inp):
+ '''
+input:
+ int32
+ batch_size * ndataset * 3 float32
+returns:
+ batch_size * npoint int32
+ '''
+ return sampling_module.farthest_point_sample(inp, npoint)
+ops.NoGradient('FarthestPointSample')
+
+
+if __name__=='__main__':
+ import numpy as np
+ np.random.seed(100)
+ triangles=np.random.rand(1,5,3,3).astype('float32')
+ with tf.device('/gpu:0'):
+ inp=tf.constant(triangles)
+ tria=inp[:,:,0,:]
+ trib=inp[:,:,1,:]
+ tric=inp[:,:,2,:]
+ areas=tf.sqrt(tf.reduce_sum(tf.cross(trib-tria,tric-tria)**2,2)+1e-9)
+ randomnumbers=tf.random_uniform((1,8192))
+ triids=prob_sample(areas,randomnumbers)
+ tria_sample=gather_point(tria,triids)
+ trib_sample=gather_point(trib,triids)
+ tric_sample=gather_point(tric,triids)
+ us=tf.random_uniform((1,8192))
+ vs=tf.random_uniform((1,8192))
+ uplusv=1-tf.abs(us+vs-1)
+ uminusv=us-vs
+ us=(uplusv+uminusv)*0.5
+ vs=(uplusv-uminusv)*0.5
+ pt_sample=tria_sample+(trib_sample-tria_sample)*tf.expand_dims(us,-1)+(tric_sample-tria_sample)*tf.expand_dims(vs,-1)
+ print('pt_sample: ', pt_sample)
+ reduced_sample=gather_point(pt_sample,farthest_point_sample(1024,pt_sample))
+ print(reduced_sample)
+ with tf.Session('') as sess:
+ ret=sess.run(reduced_sample)
+ print(ret.shape,ret.dtype)
+ try:
+ import cPickle as pickle
+ except:
+ import pickle
+ pickle.dump(ret,open('1.pkl','wb'),-1)
diff --git a/pointnet2/tf_ops/sampling/tf_sampling_compile.sh b/pointnet2/tf_ops/sampling/tf_sampling_compile.sh
new file mode 100644
index 0000000..6e4d9c0
--- /dev/null
+++ b/pointnet2/tf_ops/sampling/tf_sampling_compile.sh
@@ -0,0 +1,8 @@
+#/bin/bash
+/home/msundermeyer/.conda/envs/6dofgrasp/bin/nvcc tf_sampling_g.cu -o tf_sampling_g.cu.o -c -O2 -DGOOGLE_CUDA=1 -x cu -Xcompiler -fPIC
+
+# TF1.2
+g++ -std=c++11 tf_sampling.cpp tf_sampling_g.cu.o -o tf_sampling_so.so -shared -fPIC -I /usr/local/lib/python2.7/dist-packages/tensorflow/include -I /usr/local/cuda-8.0/include -lcudart -L /usr/local/cuda-8.0/lib64/ -O2 -D_GLIBCXX_USE_CXX11_ABI=0
+
+# TF1.4
+#g++ -std=c++11 tf_sampling.cpp tf_sampling_g.cu.o -o tf_sampling_so.so -shared -fPIC -I /usr/local/lib/python2.7/dist-packages/tensorflow/include -I /usr/local/cuda-8.0/include -I /usr/local/lib/python2.7/dist-packages/tensorflow/include/external/nsync/public -lcudart -L /usr/local/cuda-8.0/lib64/ -L/usr/local/lib/python2.7/dist-packages/tensorflow -ltensorflow_framework -O2 -D_GLIBCXX_USE_CXX11_ABI=0
diff --git a/pointnet2/tf_ops/sampling/tf_sampling_g.cu b/pointnet2/tf_ops/sampling/tf_sampling_g.cu
new file mode 100644
index 0000000..6e28bc7
--- /dev/null
+++ b/pointnet2/tf_ops/sampling/tf_sampling_g.cu
@@ -0,0 +1,212 @@
+/* Furthest point sampling GPU implementation
+ * Original author: Haoqiang Fan
+ * Modified by Charles R. Qi
+ * All Rights Reserved. 2017.
+ */
+
+__global__ void cumsumKernel(int b,int n,const float * __restrict__ inp,float * __restrict__ out){
+ const int BlockSize=2048;
+ const int paddingLevel=5;
+ __shared__ float buffer4[BlockSize*4];
+ __shared__ float buffer[BlockSize+(BlockSize>>paddingLevel)];
+ for (int i=blockIdx.x;i>2;
+ for (int k=threadIdx.x*4;k>2)+(k>>(2+paddingLevel))]=v4;
+ }else{
+ float v=0;
+ for (int k2=k;k2>2)+(k>>(2+paddingLevel))]=v;
+ }
+ }
+ int u=0;
+ for (;(2<>(u+1));k+=blockDim.x){
+ int i1=(((k<<1)+2)<>paddingLevel;
+ i2+=i2>>paddingLevel;
+ buffer[i1]+=buffer[i2];
+ }
+ }
+ u--;
+ for (;u>=0;u--){
+ __syncthreads();
+ for (int k=threadIdx.x;k>(u+1));k+=blockDim.x){
+ int i1=(((k<<1)+3)<>paddingLevel;
+ i2+=i2>>paddingLevel;
+ buffer[i1]+=buffer[i2];
+ }
+ }
+ __syncthreads();
+ for (int k=threadIdx.x*4;k>2)-1)+(((k>>2)-1)>>paddingLevel);
+ buffer4[k]+=buffer[k2];
+ buffer4[k+1]+=buffer[k2];
+ buffer4[k+2]+=buffer[k2];
+ buffer4[k+3]+=buffer[k2];
+ }
+ }
+ __syncthreads();
+ for (int k=threadIdx.x;k>paddingLevel)]+runningsum2;
+ float r2=runningsum+t;
+ runningsum2=t-(r2-runningsum);
+ runningsum=r2;
+ __syncthreads();
+ }
+ }
+}
+
+__global__ void binarysearchKernel(int b,int n,int m,const float * __restrict__ dataset,const float * __restrict__ query, int * __restrict__ result){
+ int base=1;
+ while (base=1;k>>=1)
+ if (r>=k && dataset[i*n+r-k]>=q)
+ r-=k;
+ result[i*m+j]=r;
+ }
+ }
+}
+__global__ void farthestpointsamplingKernel(int b,int n,int m,const float * __restrict__ dataset,float * __restrict__ temp,int * __restrict__ idxs){
+ if (m<=0)
+ return;
+ const int BlockSize=512;
+ __shared__ float dists[BlockSize];
+ __shared__ int dists_i[BlockSize];
+ const int BufferSize=3072;
+ __shared__ float buf[BufferSize*3];
+ for (int i=blockIdx.x;ibest){
+ best=d2;
+ besti=k;
+ }
+ }
+ dists[threadIdx.x]=best;
+ dists_i[threadIdx.x]=besti;
+ for (int u=0;(1<>(u+1))){
+ int i1=(threadIdx.x*2)<>>(b,n,inp,out);
+}
+//require b*n working space
+void probsampleLauncher(int b,int n,int m,const float * inp_p,const float * inp_r,float * temp,int * out){
+ cumsumKernel<<<32,512>>>(b,n,inp_p,temp);
+ binarysearchKernel<<>>(b,n,m,temp,inp_r,out);
+}
+//require 32*n working space
+void farthestpointsamplingLauncher(int b,int n,int m,const float * inp,float * temp,int * out){
+ farthestpointsamplingKernel<<<32,512>>>(b,n,m,inp,temp,out);
+}
+void gatherpointLauncher(int b,int n,int m,const float * inp,const int * idx,float * out){
+ gatherpointKernel<<>>(b,n,m,inp,idx,out);
+}
+void scatteraddpointLauncher(int b,int n,int m,const float * out_g,const int * idx,float * inp_g){
+ scatteraddpointKernel<<>>(b,n,m,out_g,idx,inp_g);
+}
+
diff --git a/pointnet2/tf_ops/sampling/tf_sampling_g.cu.o b/pointnet2/tf_ops/sampling/tf_sampling_g.cu.o
new file mode 100644
index 0000000..e68deeb
Binary files /dev/null and b/pointnet2/tf_ops/sampling/tf_sampling_g.cu.o differ
diff --git a/pointnet2/tf_ops/sampling/tf_sampling_so.so b/pointnet2/tf_ops/sampling/tf_sampling_so.so
new file mode 100755
index 0000000..fd6f973
Binary files /dev/null and b/pointnet2/tf_ops/sampling/tf_sampling_so.so differ
diff --git a/pointnet2/train.py b/pointnet2/train.py
new file mode 100644
index 0000000..0e36b06
--- /dev/null
+++ b/pointnet2/train.py
@@ -0,0 +1,285 @@
+'''
+ Single-GPU training.
+ Will use H5 dataset in default. If using normal, will shift to the normal dataset.
+'''
+import argparse
+import math
+from datetime import datetime
+import h5py
+import numpy as np
+import tensorflow as tf
+import socket
+import importlib
+import os
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+ROOT_DIR = BASE_DIR
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(ROOT_DIR, 'models'))
+sys.path.append(os.path.join(ROOT_DIR, 'utils'))
+import provider
+import tf_util
+import modelnet_dataset
+import modelnet_h5_dataset
+
+parser = argparse.ArgumentParser()
+parser.add_argument('--gpu', type=int, default=0, help='GPU to use [default: GPU 0]')
+parser.add_argument('--model', default='pointnet2_cls_ssg', help='Model name [default: pointnet2_cls_ssg]')
+parser.add_argument('--log_dir', default='log', help='Log dir [default: log]')
+parser.add_argument('--num_point', type=int, default=1024, help='Point Number [default: 1024]')
+parser.add_argument('--max_epoch', type=int, default=251, help='Epoch to run [default: 251]')
+parser.add_argument('--batch_size', type=int, default=16, help='Batch Size during training [default: 16]')
+parser.add_argument('--learning_rate', type=float, default=0.001, help='Initial learning rate [default: 0.001]')
+parser.add_argument('--momentum', type=float, default=0.9, help='Initial learning rate [default: 0.9]')
+parser.add_argument('--optimizer', default='adam', help='adam or momentum [default: adam]')
+parser.add_argument('--decay_step', type=int, default=200000, help='Decay step for lr decay [default: 200000]')
+parser.add_argument('--decay_rate', type=float, default=0.7, help='Decay rate for lr decay [default: 0.7]')
+parser.add_argument('--normal', action='store_true', help='Whether to use normal information')
+FLAGS = parser.parse_args()
+
+EPOCH_CNT = 0
+
+BATCH_SIZE = FLAGS.batch_size
+NUM_POINT = FLAGS.num_point
+MAX_EPOCH = FLAGS.max_epoch
+BASE_LEARNING_RATE = FLAGS.learning_rate
+GPU_INDEX = FLAGS.gpu
+MOMENTUM = FLAGS.momentum
+OPTIMIZER = FLAGS.optimizer
+DECAY_STEP = FLAGS.decay_step
+DECAY_RATE = FLAGS.decay_rate
+
+MODEL = importlib.import_module(FLAGS.model) # import network module
+MODEL_FILE = os.path.join(ROOT_DIR, 'models', FLAGS.model+'.py')
+LOG_DIR = FLAGS.log_dir
+if not os.path.exists(LOG_DIR): os.mkdir(LOG_DIR)
+os.system('cp %s %s' % (MODEL_FILE, LOG_DIR)) # bkp of model def
+os.system('cp train.py %s' % (LOG_DIR)) # bkp of train procedure
+LOG_FOUT = open(os.path.join(LOG_DIR, 'log_train.txt'), 'w')
+LOG_FOUT.write(str(FLAGS)+'\n')
+
+BN_INIT_DECAY = 0.5
+BN_DECAY_DECAY_RATE = 0.5
+BN_DECAY_DECAY_STEP = float(DECAY_STEP)
+BN_DECAY_CLIP = 0.99
+
+HOSTNAME = socket.gethostname()
+
+NUM_CLASSES = 40
+
+# Shapenet official train/test split
+if FLAGS.normal:
+ assert(NUM_POINT<=10000)
+ DATA_PATH = os.path.join(ROOT_DIR, 'data/modelnet40_normal_resampled')
+ TRAIN_DATASET = modelnet_dataset.ModelNetDataset(root=DATA_PATH, npoints=NUM_POINT, split='train', normal_channel=FLAGS.normal, batch_size=BATCH_SIZE)
+ TEST_DATASET = modelnet_dataset.ModelNetDataset(root=DATA_PATH, npoints=NUM_POINT, split='test', normal_channel=FLAGS.normal, batch_size=BATCH_SIZE)
+else:
+ assert(NUM_POINT<=2048)
+ TRAIN_DATASET = modelnet_h5_dataset.ModelNetH5Dataset(os.path.join(BASE_DIR, 'data/modelnet40_ply_hdf5_2048/train_files.txt'), batch_size=BATCH_SIZE, npoints=NUM_POINT, shuffle=True)
+ TEST_DATASET = modelnet_h5_dataset.ModelNetH5Dataset(os.path.join(BASE_DIR, 'data/modelnet40_ply_hdf5_2048/test_files.txt'), batch_size=BATCH_SIZE, npoints=NUM_POINT, shuffle=False)
+
+def log_string(out_str):
+ LOG_FOUT.write(out_str+'\n')
+ LOG_FOUT.flush()
+ print(out_str)
+
+def get_learning_rate(batch):
+ learning_rate = tf.train.exponential_decay(
+ BASE_LEARNING_RATE, # Base learning rate.
+ batch * BATCH_SIZE, # Current index into the dataset.
+ DECAY_STEP, # Decay step.
+ DECAY_RATE, # Decay rate.
+ staircase=True)
+ learning_rate = tf.maximum(learning_rate, 0.00001) # CLIP THE LEARNING RATE!
+ return learning_rate
+
+def get_bn_decay(batch):
+ bn_momentum = tf.train.exponential_decay(
+ BN_INIT_DECAY,
+ batch*BATCH_SIZE,
+ BN_DECAY_DECAY_STEP,
+ BN_DECAY_DECAY_RATE,
+ staircase=True)
+ bn_decay = tf.minimum(BN_DECAY_CLIP, 1 - bn_momentum)
+ return bn_decay
+
+def train():
+ with tf.Graph().as_default():
+ with tf.device('/gpu:'+str(GPU_INDEX)):
+ pointclouds_pl, labels_pl = MODEL.placeholder_inputs(BATCH_SIZE, NUM_POINT)
+ is_training_pl = tf.placeholder(tf.bool, shape=())
+
+ # Note the global_step=batch parameter to minimize.
+ # That tells the optimizer to helpfully increment the 'batch' parameter
+ # for you every time it trains.
+ batch = tf.get_variable('batch', [],
+ initializer=tf.constant_initializer(0), trainable=False)
+ bn_decay = get_bn_decay(batch)
+ tf.summary.scalar('bn_decay', bn_decay)
+
+ # Get model and loss
+ pred, end_points = MODEL.get_model(pointclouds_pl, is_training_pl, bn_decay=bn_decay)
+ MODEL.get_loss(pred, labels_pl, end_points)
+ losses = tf.get_collection('losses')
+ total_loss = tf.add_n(losses, name='total_loss')
+ tf.summary.scalar('total_loss', total_loss)
+ for l in losses + [total_loss]:
+ tf.summary.scalar(l.op.name, l)
+
+ correct = tf.equal(tf.argmax(pred, 1), tf.to_int64(labels_pl))
+ accuracy = tf.reduce_sum(tf.cast(correct, tf.float32)) / float(BATCH_SIZE)
+ tf.summary.scalar('accuracy', accuracy)
+
+ print "--- Get training operator"
+ # Get training operator
+ learning_rate = get_learning_rate(batch)
+ tf.summary.scalar('learning_rate', learning_rate)
+ if OPTIMIZER == 'momentum':
+ optimizer = tf.train.MomentumOptimizer(learning_rate, momentum=MOMENTUM)
+ elif OPTIMIZER == 'adam':
+ optimizer = tf.train.AdamOptimizer(learning_rate)
+ train_op = optimizer.minimize(total_loss, global_step=batch)
+
+ # Add ops to save and restore all the variables.
+ saver = tf.train.Saver()
+
+ # Create a session
+ config = tf.ConfigProto()
+ config.gpu_options.allow_growth = True
+ config.allow_soft_placement = True
+ config.log_device_placement = False
+ sess = tf.Session(config=config)
+
+ # Add summary writers
+ merged = tf.summary.merge_all()
+ train_writer = tf.summary.FileWriter(os.path.join(LOG_DIR, 'train'), sess.graph)
+ test_writer = tf.summary.FileWriter(os.path.join(LOG_DIR, 'test'), sess.graph)
+
+ # Init variables
+ init = tf.global_variables_initializer()
+ sess.run(init)
+
+ ops = {'pointclouds_pl': pointclouds_pl,
+ 'labels_pl': labels_pl,
+ 'is_training_pl': is_training_pl,
+ 'pred': pred,
+ 'loss': total_loss,
+ 'train_op': train_op,
+ 'merged': merged,
+ 'step': batch,
+ 'end_points': end_points}
+
+ best_acc = -1
+ for epoch in range(MAX_EPOCH):
+ log_string('**** EPOCH %03d ****' % (epoch))
+ sys.stdout.flush()
+
+ train_one_epoch(sess, ops, train_writer)
+ eval_one_epoch(sess, ops, test_writer)
+
+ # Save the variables to disk.
+ if epoch % 10 == 0:
+ save_path = saver.save(sess, os.path.join(LOG_DIR, "model.ckpt"))
+ log_string("Model saved in file: %s" % save_path)
+
+
+def train_one_epoch(sess, ops, train_writer):
+ """ ops: dict mapping from string to tf ops """
+ is_training = True
+
+ log_string(str(datetime.now()))
+
+ # Make sure batch data is of same size
+ cur_batch_data = np.zeros((BATCH_SIZE,NUM_POINT,TRAIN_DATASET.num_channel()))
+ cur_batch_label = np.zeros((BATCH_SIZE), dtype=np.int32)
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ batch_idx = 0
+ while TRAIN_DATASET.has_next_batch():
+ batch_data, batch_label = TRAIN_DATASET.next_batch(augment=True)
+ #batch_data = provider.random_point_dropout(batch_data)
+ bsize = batch_data.shape[0]
+ cur_batch_data[0:bsize,...] = batch_data
+ cur_batch_label[0:bsize] = batch_label
+
+ feed_dict = {ops['pointclouds_pl']: cur_batch_data,
+ ops['labels_pl']: cur_batch_label,
+ ops['is_training_pl']: is_training,}
+ summary, step, _, loss_val, pred_val = sess.run([ops['merged'], ops['step'],
+ ops['train_op'], ops['loss'], ops['pred']], feed_dict=feed_dict)
+ train_writer.add_summary(summary, step)
+ pred_val = np.argmax(pred_val, 1)
+ correct = np.sum(pred_val[0:bsize] == batch_label[0:bsize])
+ total_correct += correct
+ total_seen += bsize
+ loss_sum += loss_val
+ if (batch_idx+1)%50 == 0:
+ log_string(' ---- batch: %03d ----' % (batch_idx+1))
+ log_string('mean loss: %f' % (loss_sum / 50))
+ log_string('accuracy: %f' % (total_correct / float(total_seen)))
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ batch_idx += 1
+
+ TRAIN_DATASET.reset()
+
+def eval_one_epoch(sess, ops, test_writer):
+ """ ops: dict mapping from string to tf ops """
+ global EPOCH_CNT
+ is_training = False
+
+ # Make sure batch data is of same size
+ cur_batch_data = np.zeros((BATCH_SIZE,NUM_POINT,TEST_DATASET.num_channel()))
+ cur_batch_label = np.zeros((BATCH_SIZE), dtype=np.int32)
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ batch_idx = 0
+ shape_ious = []
+ total_seen_class = [0 for _ in range(NUM_CLASSES)]
+ total_correct_class = [0 for _ in range(NUM_CLASSES)]
+
+ log_string(str(datetime.now()))
+ log_string('---- EPOCH %03d EVALUATION ----'%(EPOCH_CNT))
+
+ while TEST_DATASET.has_next_batch():
+ batch_data, batch_label = TEST_DATASET.next_batch(augment=False)
+ bsize = batch_data.shape[0]
+ # for the last batch in the epoch, the bsize:end are from last batch
+ cur_batch_data[0:bsize,...] = batch_data
+ cur_batch_label[0:bsize] = batch_label
+
+ feed_dict = {ops['pointclouds_pl']: cur_batch_data,
+ ops['labels_pl']: cur_batch_label,
+ ops['is_training_pl']: is_training}
+ summary, step, loss_val, pred_val = sess.run([ops['merged'], ops['step'],
+ ops['loss'], ops['pred']], feed_dict=feed_dict)
+ test_writer.add_summary(summary, step)
+ pred_val = np.argmax(pred_val, 1)
+ correct = np.sum(pred_val[0:bsize] == batch_label[0:bsize])
+ total_correct += correct
+ total_seen += bsize
+ loss_sum += loss_val
+ batch_idx += 1
+ for i in range(0, bsize):
+ l = batch_label[i]
+ total_seen_class[l] += 1
+ total_correct_class[l] += (pred_val[i] == l)
+
+ log_string('eval mean loss: %f' % (loss_sum / float(batch_idx)))
+ log_string('eval accuracy: %f'% (total_correct / float(total_seen)))
+ log_string('eval avg class acc: %f' % (np.mean(np.array(total_correct_class)/np.array(total_seen_class,dtype=np.float))))
+ EPOCH_CNT += 1
+
+ TEST_DATASET.reset()
+ return total_correct/float(total_seen)
+
+
+if __name__ == "__main__":
+ log_string('pid: %s'%(str(os.getpid())))
+ train()
+ LOG_FOUT.close()
diff --git a/pointnet2/train_multi_gpu.py b/pointnet2/train_multi_gpu.py
new file mode 100644
index 0000000..6087ec0
--- /dev/null
+++ b/pointnet2/train_multi_gpu.py
@@ -0,0 +1,359 @@
+'''
+ Multi-GPU training.
+ Near linear scale acceleration for multi-gpus on a single machine.
+ Will use H5 dataset in default. If using normal, will shift to the normal dataset.
+'''
+
+import argparse
+import math
+from datetime import datetime
+import h5py
+import numpy as np
+import tensorflow as tf
+import socket
+import importlib
+import os
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+ROOT_DIR = BASE_DIR
+sys.path.append(BASE_DIR)
+sys.path.append(os.path.join(ROOT_DIR, 'models'))
+sys.path.append(os.path.join(ROOT_DIR, 'utils'))
+import provider
+import tf_util
+import modelnet_dataset
+import modelnet_h5_dataset
+
+parser = argparse.ArgumentParser()
+parser.add_argument('--num_gpus', type=int, default=1, help='How many gpus to use [default: 1]')
+parser.add_argument('--model', default='pointnet2_cls_ssg', help='Model name [default: pointnet2_cls_ssg]')
+parser.add_argument('--log_dir', default='log', help='Log dir [default: log]')
+parser.add_argument('--num_point', type=int, default=1024, help='Point Number [default: 1024]')
+parser.add_argument('--max_epoch', type=int, default=251, help='Epoch to run [default: 251]')
+parser.add_argument('--batch_size', type=int, default=32, help='Batch Size during training [default: 32]')
+parser.add_argument('--learning_rate', type=float, default=0.001, help='Initial learning rate [default: 0.001]')
+parser.add_argument('--momentum', type=float, default=0.9, help='Initial learning rate [default: 0.9]')
+parser.add_argument('--optimizer', default='adam', help='adam or momentum [default: adam]')
+parser.add_argument('--decay_step', type=int, default=200000, help='Decay step for lr decay [default: 200000]')
+parser.add_argument('--decay_rate', type=float, default=0.7, help='Decay rate for lr decay [default: 0.7]')
+parser.add_argument('--normal', action='store_true', help='Whether to use normal information')
+FLAGS = parser.parse_args()
+
+EPOCH_CNT = 0
+
+NUM_GPUS = FLAGS.num_gpus
+BATCH_SIZE = FLAGS.batch_size
+assert(BATCH_SIZE % NUM_GPUS == 0)
+DEVICE_BATCH_SIZE = BATCH_SIZE / NUM_GPUS
+
+NUM_POINT = FLAGS.num_point
+MAX_EPOCH = FLAGS.max_epoch
+BASE_LEARNING_RATE = FLAGS.learning_rate
+MOMENTUM = FLAGS.momentum
+OPTIMIZER = FLAGS.optimizer
+DECAY_STEP = FLAGS.decay_step
+DECAY_RATE = FLAGS.decay_rate
+
+MODEL = importlib.import_module(FLAGS.model) # import network module
+MODEL_FILE = os.path.join(ROOT_DIR, 'models', FLAGS.model+'.py')
+LOG_DIR = FLAGS.log_dir
+if not os.path.exists(LOG_DIR): os.mkdir(LOG_DIR)
+os.system('cp %s %s' % (MODEL_FILE, LOG_DIR)) # bkp of model def
+os.system('cp train.py %s' % (LOG_DIR)) # bkp of train procedure
+LOG_FOUT = open(os.path.join(LOG_DIR, 'log_train.txt'), 'w')
+LOG_FOUT.write(str(FLAGS)+'\n')
+
+BN_INIT_DECAY = 0.5
+BN_DECAY_DECAY_RATE = 0.5
+BN_DECAY_DECAY_STEP = float(DECAY_STEP)
+BN_DECAY_CLIP = 0.99
+
+HOSTNAME = socket.gethostname()
+
+NUM_CLASSES = 40
+
+# Shapenet official train/test split
+if FLAGS.normal:
+ assert(NUM_POINT<=10000)
+ DATA_PATH = os.path.join(ROOT_DIR, 'data/modelnet40_normal_resampled')
+ TRAIN_DATASET = modelnet_dataset.ModelNetDataset(root=DATA_PATH, npoints=NUM_POINT, split='train', normal_channel=FLAGS.normal, batch_size=BATCH_SIZE)
+ TEST_DATASET = modelnet_dataset.ModelNetDataset(root=DATA_PATH, npoints=NUM_POINT, split='test', normal_channel=FLAGS.normal, batch_size=BATCH_SIZE)
+else:
+ assert(NUM_POINT<=2048)
+ TRAIN_DATASET = modelnet_h5_dataset.ModelNetH5Dataset(os.path.join(BASE_DIR, 'data/modelnet40_ply_hdf5_2048/train_files.txt'), batch_size=BATCH_SIZE, npoints=NUM_POINT, shuffle=True)
+ TEST_DATASET = modelnet_h5_dataset.ModelNetH5Dataset(os.path.join(BASE_DIR, 'data/modelnet40_ply_hdf5_2048/test_files.txt'), batch_size=BATCH_SIZE, npoints=NUM_POINT, shuffle=False)
+
+def log_string(out_str):
+ LOG_FOUT.write(out_str+'\n')
+ LOG_FOUT.flush()
+ print(out_str)
+
+def average_gradients(tower_grads):
+ """Calculate the average gradient for each shared variable across all towers.
+ Note that this function provides a synchronization point across all towers.
+ From tensorflow tutorial: cifar10/cifar10_multi_gpu_train.py
+ Args:
+ tower_grads: List of lists of (gradient, variable) tuples. The outer list
+ is over individual gradients. The inner list is over the gradient
+ calculation for each tower.
+ Returns:
+ List of pairs of (gradient, variable) where the gradient has been averaged
+ across all towers.
+ """
+ average_grads = []
+ for grad_and_vars in zip(*tower_grads):
+ # Note that each grad_and_vars looks like the following:
+ # ((grad0_gpu0, var0_gpu0), ... , (grad0_gpuN, var0_gpuN))
+ grads = []
+ #for g, _ in grad_and_vars:
+ for g, v in grad_and_vars:
+ # Add 0 dimension to the gradients to represent the tower.
+ expanded_g = tf.expand_dims(g, 0)
+
+ # Append on a 'tower' dimension which we will average over below.
+ grads.append(expanded_g)
+
+ # Average over the 'tower' dimension.
+ grad = tf.concat(axis=0, values=grads)
+ grad = tf.reduce_mean(grad, 0)
+
+ # Keep in mind that the Variables are redundant because they are shared
+ # across towers. So .. we will just return the first tower's pointer to
+ # the Variable.
+ v = grad_and_vars[0][1]
+ grad_and_var = (grad, v)
+ average_grads.append(grad_and_var)
+ return average_grads
+
+
+def get_learning_rate(batch):
+ learning_rate = tf.train.exponential_decay(
+ BASE_LEARNING_RATE, # Base learning rate.
+ batch * BATCH_SIZE, # Current index into the dataset.
+ DECAY_STEP, # Decay step.
+ DECAY_RATE, # Decay rate.
+ staircase=True)
+ learning_rate = tf.maximum(learning_rate, 0.00001) # CLIP THE LEARNING RATE!
+ return learning_rate
+
+def get_bn_decay(batch):
+ bn_momentum = tf.train.exponential_decay(
+ BN_INIT_DECAY,
+ batch*BATCH_SIZE,
+ BN_DECAY_DECAY_STEP,
+ BN_DECAY_DECAY_RATE,
+ staircase=True)
+ bn_decay = tf.minimum(BN_DECAY_CLIP, 1 - bn_momentum)
+ return bn_decay
+
+def train():
+ with tf.Graph().as_default():
+ with tf.device('/cpu:0'):
+ pointclouds_pl, labels_pl = MODEL.placeholder_inputs(BATCH_SIZE, NUM_POINT)
+ is_training_pl = tf.placeholder(tf.bool, shape=())
+
+ # Note the global_step=batch parameter to minimize.
+ # That tells the optimizer to helpfully increment the 'batch' parameter
+ # for you every time it trains.
+ batch = tf.get_variable('batch', [],
+ initializer=tf.constant_initializer(0), trainable=False)
+ bn_decay = get_bn_decay(batch)
+ tf.summary.scalar('bn_decay', bn_decay)
+
+ # Set learning rate and optimizer
+ learning_rate = get_learning_rate(batch)
+ tf.summary.scalar('learning_rate', learning_rate)
+ if OPTIMIZER == 'momentum':
+ optimizer = tf.train.MomentumOptimizer(learning_rate, momentum=MOMENTUM)
+ elif OPTIMIZER == 'adam':
+ optimizer = tf.train.AdamOptimizer(learning_rate)
+
+ # -------------------------------------------
+ # Get model and loss on multiple GPU devices
+ # -------------------------------------------
+ # Allocating variables on CPU first will greatly accelerate multi-gpu training.
+ # Ref: https://github.com/kuza55/keras-extras/issues/21
+ MODEL.get_model(pointclouds_pl, is_training_pl, bn_decay=bn_decay)
+
+ tower_grads = []
+ pred_gpu = []
+ total_loss_gpu = []
+ for i in range(NUM_GPUS):
+ with tf.variable_scope(tf.get_variable_scope(), reuse=True):
+ with tf.device('/gpu:%d'%(i)), tf.name_scope('gpu_%d'%(i)) as scope:
+ # Evenly split input data to each GPU
+ pc_batch = tf.slice(pointclouds_pl,
+ [i*DEVICE_BATCH_SIZE,0,0], [DEVICE_BATCH_SIZE,-1,-1])
+ label_batch = tf.slice(labels_pl,
+ [i*DEVICE_BATCH_SIZE], [DEVICE_BATCH_SIZE])
+
+ pred, end_points = MODEL.get_model(pc_batch,
+ is_training=is_training_pl, bn_decay=bn_decay)
+
+ MODEL.get_loss(pred, label_batch, end_points)
+ losses = tf.get_collection('losses', scope)
+ total_loss = tf.add_n(losses, name='total_loss')
+ for l in losses + [total_loss]:
+ tf.summary.scalar(l.op.name, l)
+
+ grads = optimizer.compute_gradients(total_loss)
+ tower_grads.append(grads)
+
+ pred_gpu.append(pred)
+ total_loss_gpu.append(total_loss)
+
+ # Merge pred and losses from multiple GPUs
+ pred = tf.concat(pred_gpu, 0)
+ total_loss = tf.reduce_mean(total_loss_gpu)
+
+ # Get training operator
+ grads = average_gradients(tower_grads)
+ train_op = optimizer.apply_gradients(grads, global_step=batch)
+
+ correct = tf.equal(tf.argmax(pred, 1), tf.to_int64(labels_pl))
+ accuracy = tf.reduce_sum(tf.cast(correct, tf.float32)) / float(BATCH_SIZE)
+ tf.summary.scalar('accuracy', accuracy)
+
+ # Add ops to save and restore all the variables.
+ saver = tf.train.Saver()
+
+ # Create a session
+ config = tf.ConfigProto()
+ config.gpu_options.allow_growth = True
+ config.allow_soft_placement = True
+ config.log_device_placement = False
+ sess = tf.Session(config=config)
+
+ # Add summary writers
+ merged = tf.summary.merge_all()
+ train_writer = tf.summary.FileWriter(os.path.join(LOG_DIR, 'train'), sess.graph)
+ test_writer = tf.summary.FileWriter(os.path.join(LOG_DIR, 'test'), sess.graph)
+
+ # Init variables
+ init = tf.global_variables_initializer()
+ sess.run(init)
+
+ ops = {'pointclouds_pl': pointclouds_pl,
+ 'labels_pl': labels_pl,
+ 'is_training_pl': is_training_pl,
+ 'pred': pred,
+ 'loss': total_loss,
+ 'train_op': train_op,
+ 'merged': merged,
+ 'step': batch,
+ 'end_points': end_points}
+
+ best_acc = -1
+ for epoch in range(MAX_EPOCH):
+ log_string('**** EPOCH %03d ****' % (epoch))
+ sys.stdout.flush()
+
+ train_one_epoch(sess, ops, train_writer)
+ eval_one_epoch(sess, ops, test_writer)
+
+ # Save the variables to disk.
+ if epoch % 10 == 0:
+ save_path = saver.save(sess, os.path.join(LOG_DIR, "model.ckpt"))
+ log_string("Model saved in file: %s" % save_path)
+
+
+def train_one_epoch(sess, ops, train_writer):
+ """ ops: dict mapping from string to tf ops """
+ is_training = True
+
+ log_string(str(datetime.now()))
+
+ # Make sure batch data is of same size
+ cur_batch_data = np.zeros((BATCH_SIZE,NUM_POINT,TRAIN_DATASET.num_channel()))
+ cur_batch_label = np.zeros((BATCH_SIZE), dtype=np.int32)
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ batch_idx = 0
+ while TRAIN_DATASET.has_next_batch():
+ batch_data, batch_label = TRAIN_DATASET.next_batch(augment=True)
+ #batch_data = provider.random_point_dropout(batch_data)
+ bsize = batch_data.shape[0]
+ cur_batch_data[0:bsize,...] = batch_data
+ cur_batch_label[0:bsize] = batch_label
+
+ feed_dict = {ops['pointclouds_pl']: cur_batch_data,
+ ops['labels_pl']: cur_batch_label,
+ ops['is_training_pl']: is_training,}
+ summary, step, _, loss_val, pred_val = sess.run([ops['merged'], ops['step'],
+ ops['train_op'], ops['loss'], ops['pred']], feed_dict=feed_dict)
+ train_writer.add_summary(summary, step)
+ pred_val = np.argmax(pred_val, 1)
+ correct = np.sum(pred_val[0:bsize] == batch_label[0:bsize])
+ total_correct += correct
+ total_seen += bsize
+ loss_sum += loss_val
+ if (batch_idx+1)%50 == 0:
+ log_string(' ---- batch: %03d ----' % (batch_idx+1))
+ log_string('mean loss: %f' % (loss_sum / 50))
+ log_string('accuracy: %f' % (total_correct / float(total_seen)))
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ batch_idx += 1
+
+ TRAIN_DATASET.reset()
+
+def eval_one_epoch(sess, ops, test_writer):
+ """ ops: dict mapping from string to tf ops """
+ global EPOCH_CNT
+ is_training = False
+
+ # Make sure batch data is of same size
+ cur_batch_data = np.zeros((BATCH_SIZE,NUM_POINT,TEST_DATASET.num_channel()))
+ cur_batch_label = np.zeros((BATCH_SIZE), dtype=np.int32)
+
+ total_correct = 0
+ total_seen = 0
+ loss_sum = 0
+ batch_idx = 0
+ shape_ious = []
+ total_seen_class = [0 for _ in range(NUM_CLASSES)]
+ total_correct_class = [0 for _ in range(NUM_CLASSES)]
+
+ log_string(str(datetime.now()))
+ log_string('---- EPOCH %03d EVALUATION ----'%(EPOCH_CNT))
+
+ while TEST_DATASET.has_next_batch():
+ batch_data, batch_label = TEST_DATASET.next_batch(augment=False)
+ bsize = batch_data.shape[0]
+ # for the last batch in the epoch, the bsize:end are from last batch
+ cur_batch_data[0:bsize,...] = batch_data
+ cur_batch_label[0:bsize] = batch_label
+
+ feed_dict = {ops['pointclouds_pl']: cur_batch_data,
+ ops['labels_pl']: cur_batch_label,
+ ops['is_training_pl']: is_training}
+ summary, step, loss_val, pred_val = sess.run([ops['merged'], ops['step'],
+ ops['loss'], ops['pred']], feed_dict=feed_dict)
+ test_writer.add_summary(summary, step)
+ pred_val = np.argmax(pred_val, 1)
+ correct = np.sum(pred_val[0:bsize] == batch_label[0:bsize])
+ total_correct += correct
+ total_seen += bsize
+ loss_sum += loss_val
+ batch_idx += 1
+ for i in range(0, bsize):
+ l = batch_label[i]
+ total_seen_class[l] += 1
+ total_correct_class[l] += (pred_val[i] == l)
+
+ log_string('eval mean loss: %f' % (loss_sum / float(batch_idx)))
+ log_string('eval accuracy: %f'% (total_correct / float(total_seen)))
+ log_string('eval avg class acc: %f' % (np.mean(np.array(total_correct_class)/np.array(total_seen_class,dtype=np.float))))
+ EPOCH_CNT += 1
+
+ TEST_DATASET.reset()
+ return total_correct/float(total_seen)
+
+
+if __name__ == "__main__":
+ log_string('pid: %s'%(str(os.getpid())))
+ train()
+ LOG_FOUT.close()
diff --git a/pointnet2/utils/README.md b/pointnet2/utils/README.md
new file mode 100644
index 0000000..6d2bfad
--- /dev/null
+++ b/pointnet2/utils/README.md
@@ -0,0 +1,6 @@
+## Utilility Functions for 3D Point Cloud Deep Learning
+
+### visualization tool
+
+ sh compile_render_balls_so.sh
+ python show3d_balls.py
diff --git a/pointnet2/utils/compile_render_balls_so.sh b/pointnet2/utils/compile_render_balls_so.sh
new file mode 100644
index 0000000..dc493f6
--- /dev/null
+++ b/pointnet2/utils/compile_render_balls_so.sh
@@ -0,0 +1,2 @@
+g++ -std=c++11 render_balls_so.cpp -o render_balls_so.so -shared -fPIC -O2 -D_GLIBCXX_USE_CXX11_ABI=0
+
diff --git a/pointnet2/utils/pc_util.py b/pointnet2/utils/pc_util.py
new file mode 100644
index 0000000..81f63d8
--- /dev/null
+++ b/pointnet2/utils/pc_util.py
@@ -0,0 +1,315 @@
+""" Utility functions for processing point clouds.
+
+Author: Charles R. Qi, Hao Su
+Date: November 2016
+"""
+
+import os
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+sys.path.append(BASE_DIR)
+
+# Draw point cloud
+from eulerangles import euler2mat
+
+# Point cloud IO
+import numpy as np
+from plyfile import PlyData, PlyElement
+
+
+# ----------------------------------------
+# Point Cloud/Volume Conversions
+# ----------------------------------------
+
+def point_cloud_to_volume_batch(point_clouds, vsize=12, radius=1.0, flatten=True):
+ """ Input is BxNx3 batch of point cloud
+ Output is Bx(vsize^3)
+ """
+ vol_list = []
+ for b in range(point_clouds.shape[0]):
+ vol = point_cloud_to_volume(np.squeeze(point_clouds[b,:,:]), vsize, radius)
+ if flatten:
+ vol_list.append(vol.flatten())
+ else:
+ vol_list.append(np.expand_dims(np.expand_dims(vol, -1), 0))
+ if flatten:
+ return np.vstack(vol_list)
+ else:
+ return np.concatenate(vol_list, 0)
+
+
+def point_cloud_to_volume(points, vsize, radius=1.0):
+ """ input is Nx3 points.
+ output is vsize*vsize*vsize
+ assumes points are in range [-radius, radius]
+ """
+ vol = np.zeros((vsize,vsize,vsize))
+ voxel = 2*radius/float(vsize)
+ locations = (points + radius)/voxel
+ locations = locations.astype(int)
+ vol[locations[:,0],locations[:,1],locations[:,2]] = 1.0
+ return vol
+
+#a = np.zeros((16,1024,3))
+#print point_cloud_to_volume_batch(a, 12, 1.0, False).shape
+
+def volume_to_point_cloud(vol):
+ """ vol is occupancy grid (value = 0 or 1) of size vsize*vsize*vsize
+ return Nx3 numpy array.
+ """
+ vsize = vol.shape[0]
+ assert(vol.shape[1] == vsize and vol.shape[1] == vsize)
+ points = []
+ for a in range(vsize):
+ for b in range(vsize):
+ for c in range(vsize):
+ if vol[a,b,c] == 1:
+ points.append(np.array([a,b,c]))
+ if len(points) == 0:
+ return np.zeros((0,3))
+ points = np.vstack(points)
+ return points
+
+def point_cloud_to_volume_v2_batch(point_clouds, vsize=12, radius=1.0, num_sample=128):
+ """ Input is BxNx3 a batch of point cloud
+ Output is BxVxVxVxnum_samplex3
+ Added on Feb 19
+ """
+ vol_list = []
+ for b in range(point_clouds.shape[0]):
+ vol = point_cloud_to_volume_v2(point_clouds[b,:,:], vsize, radius, num_sample)
+ vol_list.append(np.expand_dims(vol, 0))
+ return np.concatenate(vol_list, 0)
+
+def point_cloud_to_volume_v2(points, vsize, radius=1.0, num_sample=128):
+ """ input is Nx3 points
+ output is vsize*vsize*vsize*num_sample*3
+ assumes points are in range [-radius, radius]
+ samples num_sample points in each voxel, if there are less than
+ num_sample points, replicate the points
+ Added on Feb 19
+ """
+ vol = np.zeros((vsize,vsize,vsize,num_sample,3))
+ voxel = 2*radius/float(vsize)
+ locations = (points + radius)/voxel
+ locations = locations.astype(int)
+ loc2pc = {}
+ for n in range(points.shape[0]):
+ loc = tuple(locations[n,:])
+ if loc not in loc2pc:
+ loc2pc[loc] = []
+ loc2pc[loc].append(points[n,:])
+ #print loc2pc
+
+ for i in range(vsize):
+ for j in range(vsize):
+ for k in range(vsize):
+ if (i,j,k) not in loc2pc:
+ vol[i,j,k,:,:] = np.zeros((num_sample,3))
+ else:
+ pc = loc2pc[(i,j,k)] # a list of (3,) arrays
+ pc = np.vstack(pc) # kx3
+ # Sample/pad to num_sample points
+ if pc.shape[0]>num_sample:
+ choices = np.random.choice(pc.shape[0], num_sample, replace=False)
+ pc = pc[choices,:]
+ elif pc.shape[0]num_sample:
+ choices = np.random.choice(pc.shape[0], num_sample, replace=False)
+ pc = pc[choices,:]
+ elif pc.shape[0] 0)
+ dx = mask[:, 0]
+ dy = mask[:, 1]
+ dv = disk[disk > 0]
+
+ # Order points by z-buffer
+ zorder = np.argsort(points[:, 2])
+ points = points[zorder, :]
+ points[:, 2] = (points[:, 2] - np.min(points[:, 2])) / (np.max(points[:, 2] - np.min(points[:, 2])))
+ max_depth = np.max(points[:, 2])
+
+ for i in range(points.shape[0]):
+ j = points.shape[0] - i - 1
+ x = points[j, 0]
+ y = points[j, 1]
+ xc = canvasSize/2 + (x*space)
+ yc = canvasSize/2 + (y*space)
+ xc = int(np.round(xc))
+ yc = int(np.round(yc))
+
+ px = dx + xc
+ py = dy + yc
+
+ image[px, py] = image[px, py] * 0.7 + dv * (max_depth - points[j, 2]) * 0.3
+
+ image = image / np.max(image)
+ return image
+
+def point_cloud_three_views(points):
+ """ input points Nx3 numpy array (+y is up direction).
+ return an numpy array gray image of size 500x1500. """
+ # +y is up direction
+ # xrot is azimuth
+ # yrot is in-plane
+ # zrot is elevation
+ img1 = draw_point_cloud(points, zrot=110/180.0*np.pi, xrot=45/180.0*np.pi, yrot=0/180.0*np.pi)
+ img2 = draw_point_cloud(points, zrot=70/180.0*np.pi, xrot=135/180.0*np.pi, yrot=0/180.0*np.pi)
+ img3 = draw_point_cloud(points, zrot=180.0/180.0*np.pi, xrot=90/180.0*np.pi, yrot=0/180.0*np.pi)
+ image_large = np.concatenate([img1, img2, img3], 1)
+ return image_large
+
+
+def point_cloud_three_views_demo():
+ """ Demo for draw_point_cloud function """
+ from PIL import Image
+ points = read_ply('../third_party/mesh_sampling/piano.ply')
+ im_array = point_cloud_three_views(points)
+ img = Image.fromarray(np.uint8(im_array*255.0))
+ img.save('piano.jpg')
+
+if __name__=="__main__":
+ point_cloud_three_views_demo()
+
+
+def pyplot_draw_point_cloud(points, output_filename):
+ """ points is a Nx3 numpy array """
+ import matplotlib.pyplot as plt
+ fig = plt.figure()
+ ax = fig.add_subplot(111, projection='3d')
+ ax.scatter(points[:,0], points[:,1], points[:,2])
+ ax.set_xlabel('x')
+ ax.set_ylabel('y')
+ ax.set_zlabel('z')
+ #savefig(output_filename)
+
+def pyplot_draw_volume(vol, output_filename):
+ """ vol is of size vsize*vsize*vsize
+ output an image to output_filename
+ """
+ points = volume_to_point_cloud(vol)
+ pyplot_draw_point_cloud(points, output_filename)
+
+def write_ply_color(points, labels, out_filename, num_classes=None):
+ """ Color (N,3) points with labels (N) within range 0 ~ num_classes-1 as OBJ file """
+ import matplotlib.pyplot as pyplot
+ labels = labels.astype(int)
+ N = points.shape[0]
+ if num_classes is None:
+ num_classes = np.max(labels)+1
+ else:
+ assert(num_classes>np.max(labels))
+ fout = open(out_filename, 'w')
+ #colors = [pyplot.cm.hsv(i/float(num_classes)) for i in range(num_classes)]
+ colors = [pyplot.cm.jet(i/float(num_classes)) for i in range(num_classes)]
+ for i in range(N):
+ c = colors[labels[i]]
+ c = [int(x*255) for x in c]
+ fout.write('v %f %f %f %d %d %d\n' % (points[i,0],points[i,1],points[i,2],c[0],c[1],c[2]))
+ fout.close()
diff --git a/pointnet2/utils/pointnet_util.py b/pointnet2/utils/pointnet_util.py
new file mode 100644
index 0000000..7634318
--- /dev/null
+++ b/pointnet2/utils/pointnet_util.py
@@ -0,0 +1,243 @@
+""" PointNet++ Layers
+
+Author: Charles R. Qi
+Date: November 2017
+"""
+
+import os
+import sys
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+ROOT_DIR = os.path.dirname(BASE_DIR)
+sys.path.append(os.path.join(ROOT_DIR, 'utils'))
+sys.path.append(os.path.join(ROOT_DIR, 'tf_ops/sampling'))
+sys.path.append(os.path.join(ROOT_DIR, 'tf_ops/grouping'))
+sys.path.append(os.path.join(ROOT_DIR, 'tf_ops/3d_interpolation'))
+from tf_sampling import farthest_point_sample, gather_point
+from tf_grouping import query_ball_point, group_point, knn_point
+from tf_interpolate import three_nn, three_interpolate
+try:
+ import tensorflow.compat.v1 as tf
+ tf.disable_eager_execution()
+ TF2 = True
+except:
+ import tensorflow as tf
+ TF2 = False
+import numpy as np
+import tf_util
+
+def sample_and_group(npoint, radius, nsample, xyz, points, knn=False, use_xyz=True):
+ '''
+ Input:
+ npoint: int32
+ radius: float32
+ nsample: int32
+ xyz: (batch_size, ndataset, 3) TF tensor
+ points: (batch_size, ndataset, channel) TF tensor, if None will just use xyz as points
+ knn: bool, if True use kNN instead of radius search
+ use_xyz: bool, if True concat XYZ with local point features, otherwise just use point features
+ Output:
+ new_xyz: (batch_size, npoint, 3) TF tensor
+ new_points: (batch_size, npoint, nsample, 3+channel) TF tensor
+ idx: (batch_size, npoint, nsample) TF tensor, indices of local points as in ndataset points
+ grouped_xyz: (batch_size, npoint, nsample, 3) TF tensor, normalized point XYZs
+ (subtracted by seed point XYZ) in local regions
+ '''
+
+ new_xyz = gather_point(xyz, farthest_point_sample(npoint, xyz)) # (batch_size, npoint, 3)
+ if knn:
+ _,idx = knn_point(nsample, xyz, new_xyz)
+ else:
+ idx, pts_cnt = query_ball_point(radius, nsample, xyz, new_xyz)
+ grouped_xyz = group_point(xyz, idx) # (batch_size, npoint, nsample, 3)
+ grouped_xyz -= tf.tile(tf.expand_dims(new_xyz, 2), [1,1,nsample,1]) # translation normalization
+ if points is not None:
+ grouped_points = group_point(points, idx) # (batch_size, npoint, nsample, channel)
+ if use_xyz:
+ new_points = tf.concat([grouped_xyz, grouped_points], axis=-1) # (batch_size, npoint, nample, 3+channel)
+ else:
+ new_points = grouped_points
+ else:
+ new_points = grouped_xyz
+
+ return new_xyz, new_points, idx, grouped_xyz
+
+
+def sample_and_group_all(xyz, points, use_xyz=True):
+ '''
+ Inputs:
+ xyz: (batch_size, ndataset, 3) TF tensor
+ points: (batch_size, ndataset, channel) TF tensor, if None will just use xyz as points
+ use_xyz: bool, if True concat XYZ with local point features, otherwise just use point features
+ Outputs:
+ new_xyz: (batch_size, 1, 3) as (0,0,0)
+ new_points: (batch_size, 1, ndataset, 3+channel) TF tensor
+ Note:
+ Equivalent to sample_and_group with npoint=1, radius=inf, use (0,0,0) as the centroid
+ '''
+ if TF2:
+ batch_size = xyz.get_shape()[0]
+ nsample = xyz.get_shape()[1]
+ else:
+ batch_size = xyz.get_shape()[0].value
+ nsample = xyz.get_shape()[1].value
+
+
+ new_xyz = tf.constant(np.tile(np.array([0,0,0]).reshape((1,1,3)), (batch_size,1,1)),dtype=tf.float32) # (batch_size, 1, 3)
+ idx = tf.constant(np.tile(np.array(range(nsample)).reshape((1,1,nsample)), (batch_size,1,1)))
+ grouped_xyz = tf.reshape(xyz, (batch_size, 1, nsample, 3)) # (batch_size, npoint=1, nsample, 3)
+ if points is not None:
+ if use_xyz:
+ new_points = tf.concat([xyz, points], axis=2) # (batch_size, 16, 259)
+ else:
+ new_points = points
+ new_points = tf.expand_dims(new_points, 1) # (batch_size, 1, 16, 259)
+ else:
+ new_points = grouped_xyz
+ return new_xyz, new_points, idx, grouped_xyz
+
+
+def pointnet_sa_module(xyz, points, npoint, radius, nsample, mlp, mlp2, group_all, is_training, bn_decay, scope, bn=True, pooling='max', knn=False, use_xyz=True, use_nchw=False):
+ ''' PointNet Set Abstraction (SA) Module
+ Input:
+ xyz: (batch_size, ndataset, 3) TF tensor
+ points: (batch_size, ndataset, channel) TF tensor
+ npoint: int32 -- #points sampled in farthest point sampling
+ radius: float32 -- search radius in local region
+ nsample: int32 -- how many points in each local region
+ mlp: list of int32 -- output size for MLP on each point
+ mlp2: list of int32 -- output size for MLP on each region
+ group_all: bool -- group all points into one PC if set true, OVERRIDE
+ npoint, radius and nsample settings
+ use_xyz: bool, if True concat XYZ with local point features, otherwise just use point features
+ use_nchw: bool, if True, use NCHW data format for conv2d, which is usually faster than NHWC format
+ Return:
+ new_xyz: (batch_size, npoint, 3) TF tensor
+ new_points: (batch_size, npoint, mlp[-1] or mlp2[-1]) TF tensor
+ idx: (batch_size, npoint, nsample) int32 -- indices for local regions
+ '''
+ data_format = 'NCHW' if use_nchw else 'NHWC'
+ with tf.variable_scope(scope) as sc:
+ # Sample and Grouping
+ if group_all:
+ nsample = xyz.get_shape()[1]
+ if not TF2:
+ nsample = nsample.value
+ new_xyz, new_points, idx, grouped_xyz = sample_and_group_all(xyz, points, use_xyz)
+ else:
+ new_xyz, new_points, idx, grouped_xyz = sample_and_group(npoint, radius, nsample, xyz, points, knn, use_xyz)
+
+ # Point Feature Embedding
+ if use_nchw: new_points = tf.transpose(new_points, [0,3,1,2])
+ for i, num_out_channel in enumerate(mlp):
+ new_points = tf_util.conv2d(new_points, num_out_channel, [1,1],
+ padding='VALID', stride=[1,1],
+ bn=bn, is_training=is_training,
+ scope='conv%d'%(i), bn_decay=bn_decay,
+ data_format=data_format)
+ if use_nchw: new_points = tf.transpose(new_points, [0,2,3,1])
+
+ # Pooling in Local Regions
+ if pooling=='max':
+ new_points = tf.reduce_max(new_points, axis=[2], keepdims=True, name='maxpool')
+ elif pooling=='avg':
+ new_points = tf.reduce_mean(new_points, axis=[2], keepdims=True, name='avgpool')
+ elif pooling=='weighted_avg':
+ with tf.variable_scope('weighted_avg'):
+ dists = tf.norm(grouped_xyz,axis=-1,ord=2,keepdims=True)
+ exp_dists = tf.exp(-dists * 5)
+ weights = exp_dists/tf.reduce_sum(exp_dists,axis=2,keepdims=True) # (batch_size, npoint, nsample, 1)
+ new_points *= weights # (batch_size, npoint, nsample, mlp[-1])
+ new_points = tf.reduce_sum(new_points, axis=2, keepdims=True)
+ elif pooling=='max_and_avg':
+ max_points = tf.reduce_max(new_points, axis=[2], keepdims=True, name='maxpool')
+ avg_points = tf.reduce_mean(new_points, axis=[2], keepdims=True, name='avgpool')
+ new_points = tf.concat([avg_points, max_points], axis=-1)
+
+ # [Optional] Further Processing
+ if mlp2 is not None:
+ if use_nchw: new_points = tf.transpose(new_points, [0,3,1,2])
+ for i, num_out_channel in enumerate(mlp2):
+ new_points = tf_util.conv2d(new_points, num_out_channel, [1,1],
+ padding='VALID', stride=[1,1],
+ bn=bn, is_training=is_training,
+ scope='conv_post_%d'%(i), bn_decay=bn_decay,
+ data_format=data_format)
+ if use_nchw: new_points = tf.transpose(new_points, [0,2,3,1])
+
+ new_points = tf.squeeze(new_points, [2]) # (batch_size, npoints, mlp2[-1])
+ return new_xyz, new_points, idx
+
+def pointnet_sa_module_msg(xyz, points, npoint, radius_list, nsample_list, mlp_list, is_training, bn_decay, scope, bn=True, use_xyz=True, use_nchw=False):
+ ''' PointNet Set Abstraction (SA) module with Multi-Scale Grouping (MSG)
+ Input:
+ xyz: (batch_size, ndataset, 3) TF tensor
+ points: (batch_size, ndataset, channel) TF tensor
+ npoint: int32 -- #points sampled in farthest point sampling
+ radius: list of float32 -- search radius in local region
+ nsample: list of int32 -- how many points in each local region
+ mlp: list of list of int32 -- output size for MLP on each point
+ use_xyz: bool, if True concat XYZ with local point features, otherwise just use point features
+ use_nchw: bool, if True, use NCHW data format for conv2d, which is usually faster than NHWC format
+ Return:
+ new_xyz: (batch_size, npoint, 3) TF tensor
+ new_points: (batch_size, npoint, \sum_k{mlp[k][-1]}) TF tensor
+ '''
+ data_format = 'NCHW' if use_nchw else 'NHWC'
+ with tf.variable_scope(scope) as sc:
+ new_xyz = gather_point(xyz, farthest_point_sample(npoint, xyz))
+ new_points_list = []
+ for i in range(len(radius_list)):
+ radius = radius_list[i]
+ nsample = nsample_list[i]
+ idx, pts_cnt = query_ball_point(radius, nsample, xyz, new_xyz)
+ grouped_xyz = group_point(xyz, idx)
+ grouped_xyz -= tf.tile(tf.expand_dims(new_xyz, 2), [1,1,nsample,1])
+ if points is not None:
+ grouped_points = group_point(points, idx)
+ if use_xyz:
+ grouped_points = tf.concat([grouped_points, grouped_xyz], axis=-1)
+ else:
+ grouped_points = grouped_xyz
+ if use_nchw: grouped_points = tf.transpose(grouped_points, [0,3,1,2])
+ for j,num_out_channel in enumerate(mlp_list[i]):
+ grouped_points = tf_util.conv2d(grouped_points, num_out_channel, [1,1],
+ padding='VALID', stride=[1,1], bn=bn, is_training=is_training,
+ scope='conv%d_%d'%(i,j), bn_decay=bn_decay)
+ if use_nchw: grouped_points = tf.transpose(grouped_points, [0,2,3,1])
+ new_points = tf.reduce_max(grouped_points, axis=[2])
+ new_points_list.append(new_points)
+ new_points_concat = tf.concat(new_points_list, axis=-1)
+ return new_xyz, new_points_concat
+
+
+def pointnet_fp_module(xyz1, xyz2, points1, points2, mlp, is_training, bn_decay, scope, bn=True):
+ ''' PointNet Feature Propogation (FP) Module
+ Input:
+ xyz1: (batch_size, ndataset1, 3) TF tensor
+ xyz2: (batch_size, ndataset2, 3) TF tensor, sparser than xyz1
+ points1: (batch_size, ndataset1, nchannel1) TF tensor
+ points2: (batch_size, ndataset2, nchannel2) TF tensor
+ mlp: list of int32 -- output size for MLP on each point
+ Return:
+ new_points: (batch_size, ndataset1, mlp[-1]) TF tensor
+ '''
+ with tf.variable_scope(scope) as sc:
+ dist, idx = three_nn(xyz1, xyz2)
+ dist = tf.maximum(dist, 1e-10)
+ norm = tf.reduce_sum((1.0/dist),axis=2,keepdims=True)
+ norm = tf.tile(norm,[1,1,3])
+ weight = (1.0/dist) / norm
+ interpolated_points = three_interpolate(points2, idx, weight)
+
+ if points1 is not None:
+ new_points1 = tf.concat(axis=2, values=[interpolated_points, points1]) # B,ndataset1,nchannel1+nchannel2
+ else:
+ new_points1 = interpolated_points
+ new_points1 = tf.expand_dims(new_points1, 2)
+ for i, num_out_channel in enumerate(mlp):
+ new_points1 = tf_util.conv2d(new_points1, num_out_channel, [1,1],
+ padding='VALID', stride=[1,1],
+ bn=bn, is_training=is_training,
+ scope='conv_%d'%(i), bn_decay=bn_decay)
+ new_points1 = tf.squeeze(new_points1, [2]) # B,ndataset1,mlp[-1]
+ return new_points1
diff --git a/pointnet2/utils/provider.py b/pointnet2/utils/provider.py
new file mode 100644
index 0000000..5cae966
--- /dev/null
+++ b/pointnet2/utils/provider.py
@@ -0,0 +1,247 @@
+import os
+import sys
+import numpy as np
+import h5py
+BASE_DIR = os.path.dirname(os.path.abspath(__file__))
+sys.path.append(BASE_DIR)
+
+def shuffle_data(data, labels):
+ """ Shuffle data and labels.
+ Input:
+ data: B,N,... numpy array
+ label: B,... numpy array
+ Return:
+ shuffled data, label and shuffle indices
+ """
+ idx = np.arange(len(labels))
+ np.random.shuffle(idx)
+ return data[idx, ...], labels[idx], idx
+
+def shuffle_points(batch_data):
+ """ Shuffle orders of points in each point cloud -- changes FPS behavior.
+ Use the same shuffling idx for the entire batch.
+ Input:
+ BxNxC array
+ Output:
+ BxNxC array
+ """
+ idx = np.arange(batch_data.shape[1])
+ np.random.shuffle(idx)
+ return batch_data[:,idx,:]
+
+def rotate_point_cloud(batch_data):
+ """ Randomly rotate the point clouds to augument the dataset
+ rotation is per shape based along up direction
+ Input:
+ BxNx3 array, original batch of point clouds
+ Return:
+ BxNx3 array, rotated batch of point clouds
+ """
+ rotated_data = np.zeros(batch_data.shape, dtype=np.float32)
+ for k in xrange(batch_data.shape[0]):
+ rotation_angle = np.random.uniform() * 2 * np.pi
+ cosval = np.cos(rotation_angle)
+ sinval = np.sin(rotation_angle)
+ rotation_matrix = np.array([[cosval, 0, sinval],
+ [0, 1, 0],
+ [-sinval, 0, cosval]])
+ shape_pc = batch_data[k, ...]
+ rotated_data[k, ...] = np.dot(shape_pc.reshape((-1, 3)), rotation_matrix)
+ return rotated_data
+
+def rotate_point_cloud_z(batch_data):
+ """ Randomly rotate the point clouds to augument the dataset
+ rotation is per shape based along up direction
+ Input:
+ BxNx3 array, original batch of point clouds
+ Return:
+ BxNx3 array, rotated batch of point clouds
+ """
+ rotated_data = np.zeros(batch_data.shape, dtype=np.float32)
+ for k in xrange(batch_data.shape[0]):
+ rotation_angle = np.random.uniform() * 2 * np.pi
+ cosval = np.cos(rotation_angle)
+ sinval = np.sin(rotation_angle)
+ rotation_matrix = np.array([[cosval, sinval, 0],
+ [-sinval, cosval, 0],
+ [0, 0, 1]])
+ shape_pc = batch_data[k, ...]
+ rotated_data[k, ...] = np.dot(shape_pc.reshape((-1, 3)), rotation_matrix)
+ return rotated_data
+
+def rotate_point_cloud_with_normal(batch_xyz_normal):
+ ''' Randomly rotate XYZ, normal point cloud.
+ Input:
+ batch_xyz_normal: B,N,6, first three channels are XYZ, last 3 all normal
+ Output:
+ B,N,6, rotated XYZ, normal point cloud
+ '''
+ for k in xrange(batch_xyz_normal.shape[0]):
+ rotation_angle = np.random.uniform() * 2 * np.pi
+ cosval = np.cos(rotation_angle)
+ sinval = np.sin(rotation_angle)
+ rotation_matrix = np.array([[cosval, 0, sinval],
+ [0, 1, 0],
+ [-sinval, 0, cosval]])
+ shape_pc = batch_xyz_normal[k,:,0:3]
+ shape_normal = batch_xyz_normal[k,:,3:6]
+ batch_xyz_normal[k,:,0:3] = np.dot(shape_pc.reshape((-1, 3)), rotation_matrix)
+ batch_xyz_normal[k,:,3:6] = np.dot(shape_normal.reshape((-1, 3)), rotation_matrix)
+ return batch_xyz_normal
+
+def rotate_perturbation_point_cloud_with_normal(batch_data, angle_sigma=0.06, angle_clip=0.18):
+ """ Randomly perturb the point clouds by small rotations
+ Input:
+ BxNx6 array, original batch of point clouds and point normals
+ Return:
+ BxNx3 array, rotated batch of point clouds
+ """
+ rotated_data = np.zeros(batch_data.shape, dtype=np.float32)
+ for k in xrange(batch_data.shape[0]):
+ angles = np.clip(angle_sigma*np.random.randn(3), -angle_clip, angle_clip)
+ Rx = np.array([[1,0,0],
+ [0,np.cos(angles[0]),-np.sin(angles[0])],
+ [0,np.sin(angles[0]),np.cos(angles[0])]])
+ Ry = np.array([[np.cos(angles[1]),0,np.sin(angles[1])],
+ [0,1,0],
+ [-np.sin(angles[1]),0,np.cos(angles[1])]])
+ Rz = np.array([[np.cos(angles[2]),-np.sin(angles[2]),0],
+ [np.sin(angles[2]),np.cos(angles[2]),0],
+ [0,0,1]])
+ R = np.dot(Rz, np.dot(Ry,Rx))
+ shape_pc = batch_data[k,:,0:3]
+ shape_normal = batch_data[k,:,3:6]
+ rotated_data[k,:,0:3] = np.dot(shape_pc.reshape((-1, 3)), R)
+ rotated_data[k,:,3:6] = np.dot(shape_normal.reshape((-1, 3)), R)
+ return rotated_data
+
+
+def rotate_point_cloud_by_angle(batch_data, rotation_angle):
+ """ Rotate the point cloud along up direction with certain angle.
+ Input:
+ BxNx3 array, original batch of point clouds
+ Return:
+ BxNx3 array, rotated batch of point clouds
+ """
+ rotated_data = np.zeros(batch_data.shape, dtype=np.float32)
+ for k in xrange(batch_data.shape[0]):
+ #rotation_angle = np.random.uniform() * 2 * np.pi
+ cosval = np.cos(rotation_angle)
+ sinval = np.sin(rotation_angle)
+ rotation_matrix = np.array([[cosval, 0, sinval],
+ [0, 1, 0],
+ [-sinval, 0, cosval]])
+ shape_pc = batch_data[k,:,0:3]
+ rotated_data[k,:,0:3] = np.dot(shape_pc.reshape((-1, 3)), rotation_matrix)
+ return rotated_data
+
+def rotate_point_cloud_by_angle_with_normal(batch_data, rotation_angle):
+ """ Rotate the point cloud along up direction with certain angle.
+ Input:
+ BxNx6 array, original batch of point clouds with normal
+ scalar, angle of rotation
+ Return:
+ BxNx6 array, rotated batch of point clouds iwth normal
+ """
+ rotated_data = np.zeros(batch_data.shape, dtype=np.float32)
+ for k in xrange(batch_data.shape[0]):
+ #rotation_angle = np.random.uniform() * 2 * np.pi
+ cosval = np.cos(rotation_angle)
+ sinval = np.sin(rotation_angle)
+ rotation_matrix = np.array([[cosval, 0, sinval],
+ [0, 1, 0],
+ [-sinval, 0, cosval]])
+ shape_pc = batch_data[k,:,0:3]
+ shape_normal = batch_data[k,:,3:6]
+ rotated_data[k,:,0:3] = np.dot(shape_pc.reshape((-1, 3)), rotation_matrix)
+ rotated_data[k,:,3:6] = np.dot(shape_normal.reshape((-1,3)), rotation_matrix)
+ return rotated_data
+
+
+
+def rotate_perturbation_point_cloud(batch_data, angle_sigma=0.06, angle_clip=0.18):
+ """ Randomly perturb the point clouds by small rotations
+ Input:
+ BxNx3 array, original batch of point clouds
+ Return:
+ BxNx3 array, rotated batch of point clouds
+ """
+ rotated_data = np.zeros(batch_data.shape, dtype=np.float32)
+ for k in xrange(batch_data.shape[0]):
+ angles = np.clip(angle_sigma*np.random.randn(3), -angle_clip, angle_clip)
+ Rx = np.array([[1,0,0],
+ [0,np.cos(angles[0]),-np.sin(angles[0])],
+ [0,np.sin(angles[0]),np.cos(angles[0])]])
+ Ry = np.array([[np.cos(angles[1]),0,np.sin(angles[1])],
+ [0,1,0],
+ [-np.sin(angles[1]),0,np.cos(angles[1])]])
+ Rz = np.array([[np.cos(angles[2]),-np.sin(angles[2]),0],
+ [np.sin(angles[2]),np.cos(angles[2]),0],
+ [0,0,1]])
+ R = np.dot(Rz, np.dot(Ry,Rx))
+ shape_pc = batch_data[k, ...]
+ rotated_data[k, ...] = np.dot(shape_pc.reshape((-1, 3)), R)
+ return rotated_data
+
+
+def jitter_point_cloud(batch_data, sigma=0.01, clip=0.05):
+ """ Randomly jitter points. jittering is per point.
+ Input:
+ BxNx3 array, original batch of point clouds
+ Return:
+ BxNx3 array, jittered batch of point clouds
+ """
+ B, N, C = batch_data.shape
+ assert(clip > 0)
+ jittered_data = np.clip(sigma * np.random.randn(B, N, C), -1*clip, clip)
+ jittered_data += batch_data
+ return jittered_data
+
+def shift_point_cloud(batch_data, shift_range=0.1):
+ """ Randomly shift point cloud. Shift is per point cloud.
+ Input:
+ BxNx3 array, original batch of point clouds
+ Return:
+ BxNx3 array, shifted batch of point clouds
+ """
+ B, N, C = batch_data.shape
+ shifts = np.random.uniform(-shift_range, shift_range, (B,3))
+ for batch_index in range(B):
+ batch_data[batch_index,:,:] += shifts[batch_index,:]
+ return batch_data
+
+
+def random_scale_point_cloud(batch_data, scale_low=0.8, scale_high=1.25):
+ """ Randomly scale the point cloud. Scale is per point cloud.
+ Input:
+ BxNx3 array, original batch of point clouds
+ Return:
+ BxNx3 array, scaled batch of point clouds
+ """
+ B, N, C = batch_data.shape
+ scales = np.random.uniform(scale_low, scale_high, B)
+ for batch_index in range(B):
+ batch_data[batch_index,:,:] *= scales[batch_index]
+ return batch_data
+
+def random_point_dropout(batch_pc, max_dropout_ratio=0.875):
+ ''' batch_pc: BxNx3 '''
+ for b in range(batch_pc.shape[0]):
+ dropout_ratio = np.random.random()*max_dropout_ratio # 0~0.875
+ drop_idx = np.where(np.random.random((batch_pc.shape[1]))<=dropout_ratio)[0]
+ if len(drop_idx)>0:
+ batch_pc[b,drop_idx,:] = batch_pc[b,0,:] # set to the first point
+ return batch_pc
+
+
+def getDataFiles(list_filename):
+ return [line.rstrip() for line in open(list_filename)]
+
+def load_h5(h5_filename):
+ f = h5py.File(h5_filename)
+ data = f['data'][:]
+ label = f['label'][:]
+ return (data, label)
+
+def loadDataFile(filename):
+ return load_h5(filename)
diff --git a/pointnet2/utils/render_balls_so.cpp b/pointnet2/utils/render_balls_so.cpp
new file mode 100644
index 0000000..e95aeba
--- /dev/null
+++ b/pointnet2/utils/render_balls_so.cpp
@@ -0,0 +1,58 @@
+#include
+#include
+#include
+#include
+using namespace std;
+
+struct PointInfo{
+ int x,y,z;
+ float r,g,b;
+};
+
+extern "C"{
+
+void render_ball(int h,int w,unsigned char * show,int n,int * xyzs,float * c0,float * c1,float * c2,int r){
+ r=max(r,1);
+ vector depth(h*w,-2100000000);
+ vector pattern;
+ for (int dx=-r;dx<=r;dx++)
+ for (int dy=-r;dy<=r;dy++)
+ if (dx*dx+dy*dy=h || y2<0 || y2>=w) && depth[x2*w+y2]0:
+ show[:,:,0]=np.maximum(show[:,:,0],np.roll(show[:,:,0],1,axis=0))
+ if magnifyBlue>=2:
+ show[:,:,0]=np.maximum(show[:,:,0],np.roll(show[:,:,0],-1,axis=0))
+ show[:,:,0]=np.maximum(show[:,:,0],np.roll(show[:,:,0],1,axis=1))
+ if magnifyBlue>=2:
+ show[:,:,0]=np.maximum(show[:,:,0],np.roll(show[:,:,0],-1,axis=1))
+ if showrot:
+ cv2.putText(show,'xangle %d'%(int(xangle/np.pi*180)),(30,showsz-30),0,0.5,cv2.cv.CV_RGB(255,0,0))
+ cv2.putText(show,'yangle %d'%(int(yangle/np.pi*180)),(30,showsz-50),0,0.5,cv2.cv.CV_RGB(255,0,0))
+ cv2.putText(show,'zoom %d%%'%(int(zoom*100)),(30,showsz-70),0,0.5,cv2.cv.CV_RGB(255,0,0))
+ changed=True
+ while True:
+ if changed:
+ render()
+ changed=False
+ cv2.imshow('show3d',show)
+ if waittime==0:
+ cmd=cv2.waitKey(10)%256
+ else:
+ cmd=cv2.waitKey(waittime)%256
+ if cmd==ord('q'):
+ break
+ elif cmd==ord('Q'):
+ sys.exit(0)
+
+ if cmd==ord('t') or cmd == ord('p'):
+ if cmd == ord('t'):
+ if c_gt is None:
+ c0=np.zeros((len(xyz),),dtype='float32')+255
+ c1=np.zeros((len(xyz),),dtype='float32')+255
+ c2=np.zeros((len(xyz),),dtype='float32')+255
+ else:
+ c0=c_gt[:,0]
+ c1=c_gt[:,1]
+ c2=c_gt[:,2]
+ else:
+ if c_pred is None:
+ c0=np.zeros((len(xyz),),dtype='float32')+255
+ c1=np.zeros((len(xyz),),dtype='float32')+255
+ c2=np.zeros((len(xyz),),dtype='float32')+255
+ else:
+ c0=c_pred[:,0]
+ c1=c_pred[:,1]
+ c2=c_pred[:,2]
+ if normalizecolor:
+ c0/=(c0.max()+1e-14)/255.0
+ c1/=(c1.max()+1e-14)/255.0
+ c2/=(c2.max()+1e-14)/255.0
+ c0=np.require(c0,'float32','C')
+ c1=np.require(c1,'float32','C')
+ c2=np.require(c2,'float32','C')
+ changed = True
+
+
+
+ if cmd==ord('n'):
+ zoom*=1.1
+ changed=True
+ elif cmd==ord('m'):
+ zoom/=1.1
+ changed=True
+ elif cmd==ord('r'):
+ zoom=1.0
+ changed=True
+ elif cmd==ord('s'):
+ cv2.imwrite('show3d.png',show)
+ if waittime!=0:
+ break
+ return cmd
+if __name__=='__main__':
+ np.random.seed(100)
+ showpoints(np.random.randn(2500,3))
+
diff --git a/pointnet2/utils/tf_util.py b/pointnet2/utils/tf_util.py
new file mode 100644
index 0000000..f66500f
--- /dev/null
+++ b/pointnet2/utils/tf_util.py
@@ -0,0 +1,661 @@
+""" Wrapper functions for TensorFlow layers.
+
+Author: Charles R. Qi
+Date: November 2017
+"""
+
+import numpy as np
+try:
+ import tensorflow.compat.v1 as tf
+ tf.disable_eager_execution()
+ TF2 = True
+except:
+ import tensorflow as tf
+ TF2 = False
+
+def _variable_on_cpu(name, shape, initializer, use_fp16=False):
+ """Helper to create a Variable stored on CPU memory.
+ Args:
+ name: name of the variable
+ shape: list of ints
+ initializer: initializer for Variable
+ Returns:
+ Variable Tensor
+ """
+ with tf.device("/cpu:0"):
+ dtype = tf.float16 if use_fp16 else tf.float32
+ var = tf.get_variable(name, shape, initializer=initializer, dtype=dtype)
+ return var
+
+def _variable_with_weight_decay(name, shape, stddev, wd, use_xavier=True):
+ """Helper to create an initialized Variable with weight decay.
+
+ Note that the Variable is initialized with a truncated normal distribution.
+ A weight decay is added only if one is specified.
+
+ Args:
+ name: name of the variable
+ shape: list of ints
+ stddev: standard deviation of a truncated Gaussian
+ wd: add L2Loss weight decay multiplied by this float. If None, weight
+ decay is not added for this Variable.
+ use_xavier: bool, whether to use xavier initializer
+
+ Returns:
+ Variable Tensor
+ """
+ if use_xavier:
+ if TF2:
+ initializer = tf.keras.initializers.glorot_normal()
+ else:
+ initializer = tf.contrib.layers.xavier_initializer()
+ else:
+ initializer = tf.truncated_normal_initializer(stddev=stddev)
+ var = _variable_on_cpu(name, shape, initializer)
+ if wd is not None:
+ weight_decay = tf.multiply(tf.nn.l2_loss(var), wd, name='weight_loss')
+ tf.add_to_collection('losses', weight_decay)
+ return var
+
+
+def conv1d(inputs,
+ num_output_channels,
+ kernel_size,
+ scope,
+ stride=1,
+ padding='SAME',
+ data_format='NHWC',
+ use_xavier=True,
+ stddev=1e-3,
+ weight_decay=None,
+ activation_fn=tf.nn.relu,
+ bn=False,
+ bn_decay=None,
+ is_training=None):
+ """ 1D convolution with non-linear operation.
+
+ Args:
+ inputs: 3-D tensor variable BxLxC
+ num_output_channels: int
+ kernel_size: int
+ scope: string
+ stride: int
+ padding: 'SAME' or 'VALID'
+ data_format: 'NHWC' or 'NCHW'
+ use_xavier: bool, use xavier_initializer if true
+ stddev: float, stddev for truncated_normal init
+ weight_decay: float
+ activation_fn: function
+ bn: bool, whether to use batch norm
+ bn_decay: float or float tensor variable in [0,1]
+ is_training: bool Tensor variable
+
+ Returns:
+ Variable tensor
+ """
+ with tf.variable_scope(scope) as sc:
+ assert(data_format=='NHWC' or data_format=='NCHW')
+ if data_format == 'NHWC':
+ num_in_channels = inputs.get_shape()[-1]
+ elif data_format=='NCHW':
+ num_in_channels = inputs.get_shape()[1]
+
+ if not TF2:
+ num_in_channels = num_in_channels.value
+ kernel_shape = [kernel_size,
+ num_in_channels, num_output_channels]
+ kernel = _variable_with_weight_decay('weights',
+ shape=kernel_shape,
+ use_xavier=use_xavier,
+ stddev=stddev,
+ wd=weight_decay)
+ outputs = tf.nn.conv1d(inputs, kernel,
+ stride=stride,
+ padding=padding,
+ data_format=data_format)
+ biases = _variable_on_cpu('biases', [num_output_channels],
+ tf.constant_initializer(0.0))
+ outputs = tf.nn.bias_add(outputs, biases, data_format=data_format)
+
+ if bn:
+ outputs = batch_norm_for_conv1d(outputs, is_training,
+ bn_decay=bn_decay, scope='bn',
+ data_format=data_format)
+
+ if activation_fn is not None:
+ outputs = activation_fn(outputs)
+ return outputs
+
+
+
+
+def conv2d(inputs,
+ num_output_channels,
+ kernel_size,
+ scope,
+ stride=[1, 1],
+ padding='SAME',
+ data_format='NHWC',
+ use_xavier=True,
+ stddev=1e-3,
+ weight_decay=None,
+ activation_fn=tf.nn.relu,
+ bn=False,
+ bn_decay=None,
+ is_training=None):
+ """ 2D convolution with non-linear operation.
+
+ Args:
+ inputs: 4-D tensor variable BxHxWxC
+ num_output_channels: int
+ kernel_size: a list of 2 ints
+ scope: string
+ stride: a list of 2 ints
+ padding: 'SAME' or 'VALID'
+ data_format: 'NHWC' or 'NCHW'
+ use_xavier: bool, use xavier_initializer if true
+ stddev: float, stddev for truncated_normal init
+ weight_decay: float
+ activation_fn: function
+ bn: bool, whether to use batch norm
+ bn_decay: float or float tensor variable in [0,1]
+ is_training: bool Tensor variable
+
+ Returns:
+ Variable tensor
+ """
+ with tf.variable_scope(scope) as sc:
+ kernel_h, kernel_w = kernel_size
+ assert(data_format=='NHWC' or data_format=='NCHW')
+ if data_format == 'NHWC':
+ num_in_channels = inputs.get_shape()[-1]
+ elif data_format=='NCHW':
+ num_in_channels = inputs.get_shape()[1]
+ if not TF2:
+ num_in_channels = num_in_channels.value
+ kernel_shape = [kernel_h, kernel_w,
+ num_in_channels, num_output_channels]
+ kernel = _variable_with_weight_decay('weights',
+ shape=kernel_shape,
+ use_xavier=use_xavier,
+ stddev=stddev,
+ wd=weight_decay)
+ stride_h, stride_w = stride
+ outputs = tf.nn.conv2d(inputs, kernel,
+ [1, stride_h, stride_w, 1],
+ padding=padding,
+ data_format=data_format)
+ biases = _variable_on_cpu('biases', [num_output_channels],
+ tf.constant_initializer(0.0))
+ outputs = tf.nn.bias_add(outputs, biases, data_format=data_format)
+
+ if bn:
+ outputs = batch_norm_for_conv2d(outputs, is_training,
+ bn_decay=bn_decay, scope='bn',
+ data_format=data_format)
+
+ if activation_fn is not None:
+ outputs = activation_fn(outputs)
+ return outputs
+
+
+def conv2d_transpose(inputs,
+ num_output_channels,
+ kernel_size,
+ scope,
+ stride=[1, 1],
+ padding='SAME',
+ use_xavier=True,
+ stddev=1e-3,
+ weight_decay=None,
+ activation_fn=tf.nn.relu,
+ bn=False,
+ bn_decay=None,
+ is_training=None):
+ """ 2D convolution transpose with non-linear operation.
+
+ Args:
+ inputs: 4-D tensor variable BxHxWxC
+ num_output_channels: int
+ kernel_size: a list of 2 ints
+ scope: string
+ stride: a list of 2 ints
+ padding: 'SAME' or 'VALID'
+ use_xavier: bool, use xavier_initializer if true
+ stddev: float, stddev for truncated_normal init
+ weight_decay: float
+ activation_fn: function
+ bn: bool, whether to use batch norm
+ bn_decay: float or float tensor variable in [0,1]
+ is_training: bool Tensor variable
+
+ Returns:
+ Variable tensor
+
+ Note: conv2d(conv2d_transpose(a, num_out, ksize, stride), a.shape[-1], ksize, stride) == a
+ """
+ with tf.variable_scope(scope) as sc:
+ kernel_h, kernel_w = kernel_size
+ num_in_channels = inputs.get_shape()[-1]
+ if not TF2:
+ num_in_channels = num_in_channels.value
+ kernel_shape = [kernel_h, kernel_w,
+ num_output_channels, num_in_channels] # reversed to conv2d
+ kernel = _variable_with_weight_decay('weights',
+ shape=kernel_shape,
+ use_xavier=use_xavier,
+ stddev=stddev,
+ wd=weight_decay)
+ stride_h, stride_w = stride
+
+ # from slim.convolution2d_transpose
+ def get_deconv_dim(dim_size, stride_size, kernel_size, padding):
+ dim_size *= stride_size
+
+ if padding == 'VALID' and dim_size is not None:
+ dim_size += max(kernel_size - stride_size, 0)
+ return dim_size
+
+ # caculate output shape
+ batch_size = inputs.get_shape()[0]
+ height = inputs.get_shape()[1]
+ width = inputs.get_shape()[2]
+ if not TF2:
+ batch_size = batch_size.value
+ height = height.value
+ width = width.value
+
+ out_height = get_deconv_dim(height, stride_h, kernel_h, padding)
+ out_width = get_deconv_dim(width, stride_w, kernel_w, padding)
+ output_shape = [batch_size, out_height, out_width, num_output_channels]
+
+ outputs = tf.nn.conv2d_transpose(inputs, kernel, output_shape,
+ [1, stride_h, stride_w, 1],
+ padding=padding)
+ biases = _variable_on_cpu('biases', [num_output_channels],
+ tf.constant_initializer(0.0))
+ outputs = tf.nn.bias_add(outputs, biases)
+
+ if bn:
+ outputs = batch_norm_for_conv2d(outputs, is_training,
+ bn_decay=bn_decay, scope='bn')
+
+ if activation_fn is not None:
+ outputs = activation_fn(outputs)
+ return outputs
+
+
+
+def conv3d(inputs,
+ num_output_channels,
+ kernel_size,
+ scope,
+ stride=[1, 1, 1],
+ padding='SAME',
+ use_xavier=True,
+ stddev=1e-3,
+ weight_decay=None,
+ activation_fn=tf.nn.relu,
+ bn=False,
+ bn_decay=None,
+ is_training=None):
+ """ 3D convolution with non-linear operation.
+
+ Args:
+ inputs: 5-D tensor variable BxDxHxWxC
+ num_output_channels: int
+ kernel_size: a list of 3 ints
+ scope: string
+ stride: a list of 3 ints
+ padding: 'SAME' or 'VALID'
+ use_xavier: bool, use xavier_initializer if true
+ stddev: float, stddev for truncated_normal init
+ weight_decay: float
+ activation_fn: function
+ bn: bool, whether to use batch norm
+ bn_decay: float or float tensor variable in [0,1]
+ is_training: bool Tensor variable
+
+ Returns:
+ Variable tensor
+ """
+ with tf.variable_scope(scope) as sc:
+ kernel_d, kernel_h, kernel_w = kernel_size
+ num_in_channels = inputs.get_shape()[-1]
+ if not TF2:
+ num_in_channels = num_in_channels.value
+ kernel_shape = [kernel_d, kernel_h, kernel_w,
+ num_in_channels, num_output_channels]
+ kernel = _variable_with_weight_decay('weights',
+ shape=kernel_shape,
+ use_xavier=use_xavier,
+ stddev=stddev,
+ wd=weight_decay)
+ stride_d, stride_h, stride_w = stride
+ outputs = tf.nn.conv3d(inputs, kernel,
+ [1, stride_d, stride_h, stride_w, 1],
+ padding=padding)
+ biases = _variable_on_cpu('biases', [num_output_channels],
+ tf.constant_initializer(0.0))
+ outputs = tf.nn.bias_add(outputs, biases)
+
+ if bn:
+ outputs = batch_norm_for_conv3d(outputs, is_training,
+ bn_decay=bn_decay, scope='bn')
+
+ if activation_fn is not None:
+ outputs = activation_fn(outputs)
+ return outputs
+
+def fully_connected(inputs,
+ num_outputs,
+ scope,
+ use_xavier=True,
+ stddev=1e-3,
+ weight_decay=None,
+ activation_fn=tf.nn.relu,
+ bn=False,
+ bn_decay=None,
+ is_training=None):
+ """ Fully connected layer with non-linear operation.
+
+ Args:
+ inputs: 2-D tensor BxN
+ num_outputs: int
+
+ Returns:
+ Variable tensor of size B x num_outputs.
+ """
+ with tf.variable_scope(scope) as sc:
+ num_input_units = inputs.get_shape()[-1]
+ if not TF2:
+ num_input_units = num_input_units.value
+ weights = _variable_with_weight_decay('weights',
+ shape=[num_input_units, num_outputs],
+ use_xavier=use_xavier,
+ stddev=stddev,
+ wd=weight_decay)
+ outputs = tf.matmul(inputs, weights)
+ biases = _variable_on_cpu('biases', [num_outputs],
+ tf.constant_initializer(0.0))
+ outputs = tf.nn.bias_add(outputs, biases)
+
+ if bn:
+ outputs = batch_norm_for_fc(outputs, is_training, bn_decay, 'bn')
+
+ if activation_fn is not None:
+ outputs = activation_fn(outputs)
+ return outputs
+
+
+def max_pool2d(inputs,
+ kernel_size,
+ scope,
+ stride=[2, 2],
+ padding='VALID'):
+ """ 2D max pooling.
+
+ Args:
+ inputs: 4-D tensor BxHxWxC
+ kernel_size: a list of 2 ints
+ stride: a list of 2 ints
+
+ Returns:
+ Variable tensor
+ """
+ with tf.variable_scope(scope) as sc:
+ kernel_h, kernel_w = kernel_size
+ stride_h, stride_w = stride
+ outputs = tf.nn.max_pool(inputs,
+ ksize=[1, kernel_h, kernel_w, 1],
+ strides=[1, stride_h, stride_w, 1],
+ padding=padding,
+ name=sc.name)
+ return outputs
+
+def avg_pool2d(inputs,
+ kernel_size,
+ scope,
+ stride=[2, 2],
+ padding='VALID'):
+ """ 2D avg pooling.
+
+ Args:
+ inputs: 4-D tensor BxHxWxC
+ kernel_size: a list of 2 ints
+ stride: a list of 2 ints
+
+ Returns:
+ Variable tensor
+ """
+ with tf.variable_scope(scope) as sc:
+ kernel_h, kernel_w = kernel_size
+ stride_h, stride_w = stride
+ outputs = tf.nn.avg_pool(inputs,
+ ksize=[1, kernel_h, kernel_w, 1],
+ strides=[1, stride_h, stride_w, 1],
+ padding=padding,
+ name=sc.name)
+ return outputs
+
+
+def max_pool3d(inputs,
+ kernel_size,
+ scope,
+ stride=[2, 2, 2],
+ padding='VALID'):
+ """ 3D max pooling.
+
+ Args:
+ inputs: 5-D tensor BxDxHxWxC
+ kernel_size: a list of 3 ints
+ stride: a list of 3 ints
+
+ Returns:
+ Variable tensor
+ """
+ with tf.variable_scope(scope) as sc:
+ kernel_d, kernel_h, kernel_w = kernel_size
+ stride_d, stride_h, stride_w = stride
+ outputs = tf.nn.max_pool3d(inputs,
+ ksize=[1, kernel_d, kernel_h, kernel_w, 1],
+ strides=[1, stride_d, stride_h, stride_w, 1],
+ padding=padding,
+ name=sc.name)
+ return outputs
+
+def avg_pool3d(inputs,
+ kernel_size,
+ scope,
+ stride=[2, 2, 2],
+ padding='VALID'):
+ """ 3D avg pooling.
+
+ Args:
+ inputs: 5-D tensor BxDxHxWxC
+ kernel_size: a list of 3 ints
+ stride: a list of 3 ints
+
+ Returns:
+ Variable tensor
+ """
+ with tf.variable_scope(scope) as sc:
+ kernel_d, kernel_h, kernel_w = kernel_size
+ stride_d, stride_h, stride_w = stride
+ outputs = tf.nn.avg_pool3d(inputs,
+ ksize=[1, kernel_d, kernel_h, kernel_w, 1],
+ strides=[1, stride_d, stride_h, stride_w, 1],
+ padding=padding,
+ name=sc.name)
+ return outputs
+
+
+def batch_norm_template_unused(inputs, is_training, scope, moments_dims, bn_decay):
+ """ NOTE: this is older version of the util func. it is deprecated.
+ Batch normalization on convolutional maps and beyond...
+ Ref.: http://stackoverflow.com/questions/33949786/how-could-i-use-batch-normalization-in-tensorflow
+
+ Args:
+ inputs: Tensor, k-D input ... x C could be BC or BHWC or BDHWC
+ is_training: boolean tf.Varialbe, true indicates training phase
+ scope: string, variable scope
+ moments_dims: a list of ints, indicating dimensions for moments calculation
+ bn_decay: float or float tensor variable, controling moving average weight
+ Return:
+ normed: batch-normalized maps
+ """
+ with tf.variable_scope(scope) as sc:
+ num_channels = inputs.get_shape()[-1]
+ if not TF2:
+ num_channels = num_channels.value
+ beta = _variable_on_cpu(name='beta',shape=[num_channels],
+ initializer=tf.constant_initializer(0))
+ gamma = _variable_on_cpu(name='gamma',shape=[num_channels],
+ initializer=tf.constant_initializer(1.0))
+ batch_mean, batch_var = tf.nn.moments(inputs, moments_dims, name='moments')
+ decay = bn_decay if bn_decay is not None else 0.9
+ ema = tf.train.ExponentialMovingAverage(decay=decay)
+ # Operator that maintains moving averages of variables.
+ # Need to set reuse=False, otherwise if reuse, will see moments_1/mean/ExponentialMovingAverage/ does not exist
+ # https://github.com/shekkizh/WassersteinGAN.tensorflow/issues/3
+ with tf.variable_scope(tf.get_variable_scope(), reuse=False):
+ ema_apply_op = tf.cond(is_training,
+ lambda: ema.apply([batch_mean, batch_var]),
+ lambda: tf.no_op())
+
+ # Update moving average and return current batch's avg and var.
+ def mean_var_with_update():
+ with tf.control_dependencies([ema_apply_op]):
+ return tf.identity(batch_mean), tf.identity(batch_var)
+
+ # ema.average returns the Variable holding the average of var.
+ mean, var = tf.cond(is_training,
+ mean_var_with_update,
+ lambda: (ema.average(batch_mean), ema.average(batch_var)))
+ normed = tf.nn.batch_normalization(inputs, mean, var, beta, gamma, 1e-3)
+ return normed
+
+
+def batch_norm_template(inputs, is_training, scope, moments_dims_unused, bn_decay, data_format='NHWC'):
+ """ https://www.tensorflow.org/api_docs/python/tf/compat/v1/layers/batch_normalization
+
+ Args:
+ inputs: Tensor, k-D input ... x C could be BC or BHWC or BDHWC
+ is_training: boolean tf.Varialbe, true indicates training phase
+ scope: string, variable scope
+ moments_dims: a list of ints, indicating dimensions for moments calculation
+ bn_decay: float or float tensor variable, controling moving average weight
+ data_format: 'NHWC' or 'NCHW'
+ Return:
+ normed: batch-normalized maps
+ """
+ bn_decay = bn_decay if bn_decay is not None else 0.9
+ if not TF2:
+ return tf.contrib.layers.batch_norm(inputs,
+ center=True, scale=True,
+ is_training=is_training, decay=bn_decay,updates_collections=None,
+ scope=scope,
+ data_format=data_format)
+
+ if data_format == 'NHWC':
+ axis = -1
+ elif data_format == 'NCHW':
+ axis = 1
+ else:
+ raise NotImplementedError(
+ 'data_format {} is not supported for batch norm.'.format(data_format)
+ )
+
+ return tf.compat.v1.layers.batch_normalization(
+ inputs, center=True, scale=True, training=is_training,
+ momentum=bn_decay, axis=axis, name=scope,
+ )
+ #return tf.contrib.layers.batch_norm(inputs,
+ # center=True, scale=True,
+ # is_training=is_training, decay=bn_decay,updates_collections=None,
+ # scope=scope,
+ # data_format=data_format)
+
+
+def batch_norm_for_fc(inputs, is_training, bn_decay, scope):
+ """ Batch normalization on FC data.
+
+ Args:
+ inputs: Tensor, 2D BxC input
+ is_training: boolean tf.Varialbe, true indicates training phase
+ bn_decay: float or float tensor variable, controling moving average weight
+ scope: string, variable scope
+ Return:
+ normed: batch-normalized maps
+ """
+ return batch_norm_template(inputs, is_training, scope, [0,], bn_decay)
+
+
+def batch_norm_for_conv1d(inputs, is_training, bn_decay, scope, data_format):
+ """ Batch normalization on 1D convolutional maps.
+
+ Args:
+ inputs: Tensor, 3D BLC input maps
+ is_training: boolean tf.Varialbe, true indicates training phase
+ bn_decay: float or float tensor variable, controling moving average weight
+ scope: string, variable scope
+ data_format: 'NHWC' or 'NCHW'
+ Return:
+ normed: batch-normalized maps
+ """
+ return batch_norm_template(inputs, is_training, scope, [0,1], bn_decay, data_format)
+
+
+
+
+def batch_norm_for_conv2d(inputs, is_training, bn_decay, scope, data_format):
+ """ Batch normalization on 2D convolutional maps.
+
+ Args:
+ inputs: Tensor, 4D BHWC input maps
+ is_training: boolean tf.Varialbe, true indicates training phase
+ bn_decay: float or float tensor variable, controling moving average weight
+ scope: string, variable scope
+ data_format: 'NHWC' or 'NCHW'
+ Return:
+ normed: batch-normalized maps
+ """
+ return batch_norm_template(inputs, is_training, scope, [0,1,2], bn_decay, data_format)
+
+
+def batch_norm_for_conv3d(inputs, is_training, bn_decay, scope):
+ """ Batch normalization on 3D convolutional maps.
+
+ Args:
+ inputs: Tensor, 5D BDHWC input maps
+ is_training: boolean tf.Varialbe, true indicates training phase
+ bn_decay: float or float tensor variable, controling moving average weight
+ scope: string, variable scope
+ Return:
+ normed: batch-normalized maps
+ """
+ return batch_norm_template(inputs, is_training, scope, [0,1,2,3], bn_decay)
+
+
+def dropout(inputs,
+ is_training,
+ scope,
+ keep_prob=0.5,
+ noise_shape=None):
+ """ Dropout layer.
+
+ Args:
+ inputs: tensor
+ is_training: boolean tf.Variable
+ scope: string
+ keep_prob: float in [0,1]
+ noise_shape: list of ints
+
+ Returns:
+ tensor variable
+ """
+ with tf.variable_scope(scope) as sc:
+ outputs = tf.cond(is_training,
+ lambda: tf.nn.dropout(inputs, keep_prob, noise_shape),
+ lambda: inputs)
+ return outputs
diff --git a/tools/benchmark_query_kd_np_tf.py b/tools/benchmark_query_kd_np_tf.py
new file mode 100644
index 0000000..90f472f
--- /dev/null
+++ b/tools/benchmark_query_kd_np_tf.py
@@ -0,0 +1,98 @@
+from __future__ import print_function
+import sys
+import numpy as np
+from scipy.spatial import cKDTree
+import time
+import tensorflow as tf
+from tqdm import tqdm
+
+N = 5000
+k = 1
+dim = 3
+radius = 0.1
+
+np_matmul_time = []
+np_sort_time = []
+kd_build_time = []
+kd_query_time = []
+tf_time = []
+tf_pointnet_time = []
+
+@tf.function
+def tf_nn(x):
+ dists = tf.norm(tf.expand_dims(x,0)-tf.expand_dims(x,1),axis=2)
+ _,topk = tf.math.top_k(dists, k=k, sorted=False)
+ return topk
+
+# np.random.randint*
+@tf.function
+def tf_queryball(x):
+ dists = tf.norm(tf.expand_dims(x,0)-tf.expand_dims(x,1),axis=2)
+ queries = tf.math.less(dists, radius)
+ idcs = tf.where(queries)
+ return idcs
+ # _,topk = tf.math.top_k(dists, k=k, sorted=False)
+ # return topk
+
+@tf.function
+def tf_knn_max_dist(x):
+
+ squared_dists_all = tf.norm(tf.expand_dims(x,0)-tf.expand_dims(x,1),axis=2)#tf.reduce_sum((tf.expand_dims(x,0)-tf.expand_dims(x,1))**2,axis=2)
+ neg_squared_dists_k, close_contact_pt_idcs = tf.math.top_k(-squared_dists_all, k=k, sorted=False)
+ squared_dists_k = -neg_squared_dists_k
+ loss_mask_pc = tf.cast(tf.reduce_mean(squared_dists_k, axis=1) < radius**2, tf.float32)
+ return loss_mask_pc
+
+# warmup tf
+a=np.random.rand(N,dim).astype(np.float32)
+tf_queryball(a)
+# tf_pointnet(a)
+tf_knn_max_dist(a)
+
+for i in tqdm(range(10)):
+ a=np.random.rand(N,dim).astype(np.float32)
+
+ # start_time_tf = time.time()
+ # tf_time.append(time.time()-start_time_tf)
+ start_time_tf = time.time()
+ f= tf_nn(a)
+ tf_time.append(time.time()-start_time_tf)
+
+
+ start_time_tf = time.time()
+ tf_queryball(a)
+ tf_pointnet_time.append(time.time()-start_time_tf)
+
+ start_time_np = time.time()
+ d=np.linalg.norm(a[np.newaxis,:,:]-a[:,np.newaxis,:],axis=2)
+ np_matmul_time.append(time.time() - start_time_np)
+ start_time_np = time.time()
+ sorted = np.argpartition(d, k, axis=1)
+ np_sort_time.append(time.time()-start_time_np)
+
+ start_time_kd = time.time()
+ tree = cKDTree(a, leafsize=a.shape[0]+1)
+ kd_build_time.append(time.time() - start_time_kd)
+ start_time_kd = time.time()
+ distances, ndx = tree.query(a, k=k, n_jobs=-1)
+ # tree.query_ball_point(a, 0.1)
+ kd_query_time.append(time.time()-start_time_kd)
+
+print('np_matmul_time: ', np.mean(np_matmul_time))
+print('np_sort_time: ', np.mean(np_sort_time))
+print('kd_build_time: ', np.mean(kd_build_time))
+print('kd_query_time: ', np.mean(kd_query_time))
+print('#'*100)
+print('np_brute: ', np.mean(np_sort_time) + np.mean(np_matmul_time))
+print('tf_brute: ', np.mean(tf_time))
+print('tf_pointnet: ', np.mean(tf_pointnet_time))
+print('kd: ', np.mean(kd_build_time) + np.mean(kd_query_time))
+
+# tf_pointnet_query ball: 0.0019501209259033202 (N=1024, k =20, radius=0.1)
+# tf_brute_force_query_ball: 0.0015201091766357422 (N=1024, k=all, radius=0.1)
+# tf_brute_force_knn_with_dist_thres: 0.0009593963623046875 (N=1024, k =20, radius=0.1)
+# ckdtree_time_total: 0.00626897811889648 (N=1024, k =20)
+# Notes:
+# 1.) queury ball + sampling is different than knn + dist thres, but for our disjoint sets we should use the latter.
+# 2.) If you import the cuda kernels, the tf_brute_force knn becomes 3x slower (0.0024s). That means that the cu kernels also change the tf behavior in different parts of the code.
+# 3.) When the pointnet guys created their repo, tf had no gpu implementation of some functions like tf.math.top_k(). Now they have, and it seems to be faster.
diff --git a/tools/color.py b/tools/color.py
new file mode 100644
index 0000000..01cef77
--- /dev/null
+++ b/tools/color.py
@@ -0,0 +1,12 @@
+class color:
+ PURPLE = '\033[95m'
+ CYAN = '\033[96m'
+ DARKCYAN = '\033[36m'
+ BLUE = '\033[94m'
+ GREEN = '\033[92m'
+ YELLOW = '\033[93m'
+ RED = '\033[91m'
+ BOLD = '\033[1m'
+ UNDERLINE = '\033[4m'
+ END = '\033[0m'
+
diff --git a/tools/create_contact_infos.py b/tools/create_contact_infos.py
new file mode 100644
index 0000000..6741a66
--- /dev/null
+++ b/tools/create_contact_infos.py
@@ -0,0 +1,124 @@
+import os
+import numpy as np
+import h5py
+import glob
+import argparse
+import sys
+
+ROOT_DIR = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))
+sys.path.append(ROOT_DIR)
+
+from contact_graspnet.data import PointCloudReader
+from contact_graspnet.mesh_utils import in_collision_with_gripper, grasp_contact_location
+
+def grasps_contact_info(grasp_tfs, successfuls, obj_mesh, check_collisions=True):
+ """
+ Check the collision of the grasps and compute contact points, normals and directions
+
+ Arguments:
+ grasp_tfs {np.ndarray} -- Mx4x4 grasp transformations
+ successfuls {np.ndarray} -- Binary Mx1 successful grasps
+ obj_mesh {trimesh.base.Trimesh} -- Mesh of the object
+
+ Keyword Arguments:
+ check_collisions {bool} -- whether to check for collisions (default: {True})
+
+ Returns:
+ [dict] -- object contact dictionary with all necessary information
+ """
+ print('evaluating {} grasps'.format(len(grasp_tfs)))
+ if check_collisions:
+ collisions, _ = in_collision_with_gripper(
+ obj_mesh,
+ grasp_tfs,
+ gripper_name='panda',
+ silent=True,
+ )
+ contact_dicts = grasp_contact_location(
+ grasp_tfs,
+ successfuls,
+ collisions if check_collisions else [0]*len(successfuls),
+ object_mesh=obj_mesh,
+ gripper_name='panda',
+ silent=True,
+ )
+
+ return contact_dicts
+
+def read_object_grasp_data_acronym(root_folder, h5_path):
+ """
+ Read object grasp data from the acronym dataset and loads mesh
+
+ Arguments:
+ root_folder {str} -- root folder of acronym dataset
+ h5_path {str} -- relative path to grasp h5 file
+
+ Returns:
+ [grasps, success, cad_path, cad_scale] -- grasp trafos, grasp success, absolute mesh path, mesh scale
+ """
+
+ abs_h5_path = os.path.join(root_folder, 'grasps', h5_path)
+ data = h5py.File(abs_h5_path, "r")
+ mesh_fname = os.path.join(root_folder, data["object/file"][()])#.decode('utf-8')
+ mesh_scale = data["object/scale"][()]
+ grasps = np.array(data["grasps/transforms"])
+ success = np.array(data["grasps/qualities/flex/object_in_gripper"])
+
+ positive_grasps = grasps[success==1, :, :]
+ negative_grasps = grasps[success==0, :, :]
+
+ print('positive grasps: {} negative grasps: {}'.format(positive_grasps.shape, negative_grasps.shape))
+
+ return grasps, success, mesh_fname, mesh_scale
+
+def save_contact_data(pcreader, grasp_path, target_path='mesh_contacts'):
+ """
+ Maps acronym grasp data to contact information on meshes and saves them as npz file
+
+ Arguments:
+ grasp_path {str} -- path to grasp json file
+ pcreader {Object} -- PointCloudReader instance from data.py
+
+ """
+
+ target_path = os.path.join(pcreader._root_folder, target_path)
+ if not os.path.exists(target_path):
+ os.makedirs(target_path)
+
+ contact_dir_path = os.path.join(target_path, os.path.basename(grasp_path.replace('.h5','.npz')))
+ if not os.path.exists(os.path.dirname(contact_dir_path)):
+ os.makedirs(os.path.dirname(contact_dir_path))
+ if os.path.exists(contact_dir_path):
+ return
+
+ output_grasps, output_labels, cad_path, cad_scale = read_object_grasp_data_acronym(pcreader._root_folder, grasp_path)
+ pcreader.change_object(cad_path, cad_scale)
+
+ context = pcreader._renderer._cache[(cad_path,cad_scale)]
+ obj_mesh = context['tmesh']
+ obj_mesh_mean = context['mesh_mean']
+
+ output_grasps[:,:3,3] -= obj_mesh_mean
+ contact_dicts = grasps_contact_info(output_grasps, list(output_labels), obj_mesh, check_collisions=False)
+
+ contact_dict_of_arrays = {}
+ for d in contact_dicts:
+ for k in d:
+ contact_dict_of_arrays.setdefault(k,[]).append(d[k])
+
+ np.savez(contact_dir_path, **contact_dict_of_arrays)
+
+if __name__ == '__main__':
+ parser = argparse.ArgumentParser(description="Grasp data reader")
+ parser.add_argument('root_folder', help='Root dir with acronym grasps, meshes and splits', type=str)
+ args = parser.parse_args()
+ print('Root folder', args.root_folder)
+
+ pcreader = PointCloudReader(root_folder=args.root_folder)
+
+ grasp_paths = glob.glob(os.path.join(args.root_folder, 'grasps', '*.h5'))
+
+ print('Computing grasp contacts...')
+ for grasp_path in grasp_paths:
+ print('Reading: ', grasp_path)
+ save_contact_data(pcreader, grasp_path)
\ No newline at end of file
diff --git a/tools/create_table_top_scenes.py b/tools/create_table_top_scenes.py
new file mode 100644
index 0000000..deab73b
--- /dev/null
+++ b/tools/create_table_top_scenes.py
@@ -0,0 +1,511 @@
+import glob
+import os
+import random
+import trimesh
+import numpy as np
+import json
+import argparse
+import signal
+import trimesh.transformations as tra
+
+from acronym_tools import Scene, load_mesh, create_gripper_marker
+
+BASE_DIR = os.path.dirname(os.path.dirname(os.path.abspath(__file__)))
+
+def load_contacts(root_folder, data_splits, splits=['train'], min_pos_contacts=1):
+ """
+ Load grasps and contacts into memory
+
+ Arguments:
+ root_folder {str} -- path to acronym data
+ data_splits {dict} -- dict of categories of train/test object grasp files
+
+ Keyword Arguments:
+ splits {list} -- object data split(s) to use for scene generation
+ min_pos_contacts {int} -- minimum successful grasp contacts to consider object
+
+ Returns:
+ [dict] -- h5 file names as keys and grasp transforms + contact points as values
+ """
+ contact_infos = {}
+ for category_paths in data_splits.values():
+ for split in splits:
+ for grasp_path in category_paths[split]:
+ contact_path = os.path.join(root_folder, 'mesh_contacts', grasp_path.replace('.h5','.npz'))
+ if os.path.exists(contact_path):
+ npz = np.load(contact_path)
+ if 'contact_points' in npz:
+ all_contact_suc = npz['successful'].reshape(-1)
+ pos_idcs = np.where(all_contact_suc>0)[0]
+ if len(pos_idcs) > min_pos_contacts:
+ contact_infos[grasp_path] = {}
+ contact_infos[grasp_path]['successful'] = npz['successful']
+ contact_infos[grasp_path]['grasp_transform'] = npz['grasp_transform']
+ contact_infos[grasp_path]['contact_points'] = npz['contact_points']
+ if not contact_infos:
+ print('Warning: No mesh_contacts found. Please run tools/create_contact_infos.py first!')
+ return contact_infos
+
+def load_splits(root_folder):
+ """
+ Load splits of training and test objects
+
+ Arguments:
+ root_folder {str} -- path to acronym data
+
+ Returns:
+ [dict] -- dict of category-wise train/test object grasp files
+ """
+ split_dict = {}
+ split_paths = glob.glob(os.path.join(root_folder, 'splits/*.json'))
+ for split_p in split_paths:
+ category = os.path.basename(split_p).split('.json')[0]
+ splits = json.load(open(split_p,'r'))
+ split_dict[category] = {}
+ split_dict[category]['train'] = [obj_p.replace('.json', '.h5') for obj_p in splits['train']]
+ split_dict[category]['test'] = [obj_p.replace('.json', '.h5') for obj_p in splits['test']]
+ return split_dict
+
+class TableScene(Scene):
+ """
+ Holds current table-top scene, samples object poses and checks grasp collisions.
+
+ Arguments:
+ root_folder {str} -- path to acronym data
+ gripper_path {str} -- relative path to gripper collision mesh
+
+ Keyword Arguments:
+ lower_table {float} -- lower table to permit slight grasp collisions between table and object/gripper (default: {0.02})
+ """
+
+ def __init__(self, root_folder, gripper_path, lower_table=0.02, splits=['train']):
+
+ super().__init__()
+ self.root_folder = root_folder
+ self.splits= splits
+ self.gripper_mesh = trimesh.load(os.path.join(BASE_DIR, gripper_path))
+
+ self._table_dims = [1.0, 1.2, 0.6]
+ self._table_support = [0.6, 0.6, 0.6]
+ self._table_pose = np.eye(4)
+ self.table_mesh = trimesh.creation.box(self._table_dims)
+ self.table_support = trimesh.creation.box(self._table_support)
+
+ self.data_splits = load_splits(root_folder)
+ self.category_list = list(self.data_splits.keys())
+ self.contact_infos = load_contacts(root_folder, self.data_splits, splits=self.splits)
+
+ self._lower_table = lower_table
+
+ self._scene_count = 0
+
+ def get_random_object(self):
+
+ """Return random scaled but not yet centered object mesh
+
+ Returns:
+ [trimesh.Trimesh, str] -- ShapeNet mesh from a random category, h5 file path
+ """
+
+ while True:
+ random_category = random.choice(self.category_list)
+ cat_obj_paths = [obj_p for split in self.splits for obj_p in self.data_splits[random_category][split]]
+ if cat_obj_paths:
+ random_grasp_path = random.choice(cat_obj_paths)
+ if random_grasp_path in self.contact_infos:
+ break
+
+ obj_mesh = load_mesh(os.path.join(self.root_folder, 'grasps', random_grasp_path), self.root_folder)
+
+ mesh_mean = np.mean(obj_mesh.vertices, 0, keepdims=True)
+ obj_mesh.vertices -= mesh_mean
+
+ return obj_mesh, random_grasp_path
+
+ def _get_random_stable_pose(self, stable_poses, stable_poses_probs, thres=0.005):
+ """Return a stable pose according to their likelihood.
+
+ Args:
+ stable_poses (list[np.ndarray]): List of stable poses as 4x4 matrices.
+ stable_poses_probs (list[float]): List of probabilities.
+ thres (float): Threshold of pose stability to include for sampling
+
+ Returns:
+ np.ndarray: homogeneous 4x4 matrix
+ """
+
+
+ # Random pose with unique (avoid symmetric poses) stability prob > thres
+ _,unique_idcs = np.unique(stable_poses_probs.round(decimals=3), return_index=True)
+ unique_idcs = unique_idcs[::-1]
+ unique_stable_poses_probs = stable_poses_probs[unique_idcs]
+ n = len(unique_stable_poses_probs[unique_stable_poses_probs>thres])
+ index = unique_idcs[np.random.randint(n)]
+
+ # index = np.random.choice(len(stable_poses), p=stable_poses_probs)
+ inplane_rot = tra.rotation_matrix(
+ angle=np.random.uniform(0, 2.0 * np.pi), direction=[0, 0, 1]
+ )
+ return inplane_rot.dot(stable_poses[index])
+
+ def find_object_placement(self, obj_mesh, max_iter):
+ """Try to find a non-colliding stable pose on top of any support surface.
+
+ Args:
+ obj_mesh (trimesh.Trimesh): Object mesh to be placed.
+ max_iter (int): Maximum number of attempts to place to object randomly.
+
+ Raises:
+ RuntimeError: In case the support object(s) do not provide any support surfaces.
+
+ Returns:
+ bool: Whether a placement pose was found.
+ np.ndarray: Homogenous 4x4 matrix describing the object placement pose. Or None if none was found.
+ """
+ support_polys, support_T = self._get_support_polygons()
+ if len(support_polys) == 0:
+ raise RuntimeError("No support polygons found!")
+
+ # get stable poses for object
+ stable_obj = obj_mesh.copy()
+ stable_obj.vertices -= stable_obj.center_mass
+ stable_poses, stable_poses_probs = stable_obj.compute_stable_poses(
+ threshold=0, sigma=0, n_samples=20
+ )
+ # stable_poses, stable_poses_probs = obj_mesh.compute_stable_poses(threshold=0, sigma=0, n_samples=1)
+
+ # Sample support index
+ support_index = max(enumerate(support_polys), key=lambda x: x[1].area)[0]
+
+ iter = 0
+ colliding = True
+ while iter < max_iter and colliding:
+
+ # Sample position in plane
+ pts = trimesh.path.polygons.sample(
+ support_polys[support_index], count=1
+ )
+
+ # To avoid collisions with the support surface
+ pts3d = np.append(pts, 0)
+
+ # Transform plane coordinates into scene coordinates
+ placement_T = np.dot(
+ support_T[support_index],
+ trimesh.transformations.translation_matrix(pts3d),
+ )
+
+ pose = self._get_random_stable_pose(stable_poses, stable_poses_probs)
+
+ placement_T = np.dot(
+ np.dot(placement_T, pose), tra.translation_matrix(-obj_mesh.center_mass)
+ )
+
+ # Check collisions
+ colliding = self.is_colliding(obj_mesh, placement_T)
+
+ iter += 1
+
+ return not colliding, placement_T if not colliding else None
+
+ def is_colliding(self, mesh, transform, eps=1e-6):
+ """
+ Whether given mesh collides with scene
+
+ Arguments:
+ mesh {trimesh.Trimesh} -- mesh
+ transform {np.ndarray} -- mesh transform
+
+ Keyword Arguments:
+ eps {float} -- minimum distance detected as collision (default: {1e-6})
+
+ Returns:
+ [bool] -- colliding or not
+ """
+ dist = self.collision_manager.min_distance_single(mesh, transform=transform)
+ return dist < eps
+
+ def load_suc_obj_contact_grasps(self, grasp_path):
+ """
+ Loads successful object grasp contacts
+
+ Arguments:
+ grasp_path {str} -- acronym grasp path
+
+ Returns:
+ [np.ndarray, np.ndarray] -- Mx4x4 grasp transforms, Mx3 grasp contacts
+ """
+ contact_info = self.contact_infos[grasp_path]
+
+ suc_grasps = contact_info['successful'].reshape(-1)
+ gt_grasps = contact_info['grasp_transform'].reshape(-1,4,4)
+ gt_contacts = contact_info['contact_points'].reshape(-1,3)
+
+ suc_gt_contacts = gt_contacts[np.repeat(suc_grasps,2)>0]
+ suc_gt_grasps = gt_grasps[suc_grasps>0]
+
+ return suc_gt_grasps, suc_gt_contacts
+
+ def set_mesh_transform(self, name, transform):
+ """
+ Set mesh transform for collision manager
+
+ Arguments:
+ name {str} -- mesh name
+ transform {np.ndarray} -- 4x4 homog mesh pose
+ """
+ self.collision_manager.set_transform(name, transform)
+ self._poses[name] = transform
+
+ def save_scene_grasps(self, output_dir, scene_filtered_grasps, scene_filtered_contacts, obj_paths, obj_transforms, obj_scales, obj_grasp_idcs):
+ """
+ Save scene_contact infos in output_dir
+
+ Arguments:
+ output_dir {str} -- absolute output directory
+ scene_filtered_grasps {np.ndarray} -- Nx4x4 filtered scene grasps
+ scene_filtered_contacts {np.ndarray} -- Nx2x3 filtered scene contacts
+ obj_paths {list} -- list of object paths in scene
+ obj_transforms {list} -- list of object transforms in scene
+ obj_scales {list} -- list of object scales in scene
+ obj_grasp_idcs {list} -- list of starting grasp idcs for each object
+ """
+ if not os.path.exists(output_dir):
+ os.makedirs(output_dir)
+
+ contact_info = {}
+ contact_info['obj_paths'] = obj_paths
+ contact_info['obj_transforms'] = obj_transforms
+ contact_info['obj_scales'] = obj_scales
+ contact_info['grasp_transforms'] = scene_filtered_grasps
+ contact_info['scene_contact_points'] = scene_filtered_contacts
+ contact_info['obj_grasp_idcs'] = np.array(obj_grasp_idcs)
+ output_path = os.path.join(output_dir, '{:06d}.npz'.format(self._scene_count))
+ while os.path.exists(output_path):
+ self._scene_count += 1
+ output_path = os.path.join(output_dir, '{:06d}.npz'.format(self._scene_count))
+ np.savez(output_path, **contact_info)
+ self._scene_count += 1
+
+ def _transform_grasps(self, grasps, contacts, obj_transform):
+ """
+ Transform grasps and contacts into given object transform
+
+ Arguments:
+ grasps {np.ndarray} -- Nx4x4 grasps
+ contacts {np.ndarray} -- 2Nx3 contacts
+ obj_transform {np.ndarray} -- 4x4 mesh pose
+
+ Returns:
+ [np.ndarray, np.ndarray] -- transformed grasps and contacts
+ """
+ transformed_grasps = np.matmul(obj_transform, grasps)
+ contacts_homog = np.concatenate((contacts, np.ones((contacts.shape[0], 1))),axis=1)
+ transformed_contacts = np.dot(contacts_homog, obj_transform.T)[:,:3]
+ return transformed_grasps, transformed_contacts
+
+ def _filter_colliding_grasps(self, transformed_grasps, transformed_contacts):
+ """
+ Filter out colliding grasps
+
+ Arguments:
+ transformed_grasps {np.ndarray} -- Nx4x4 grasps
+ transformed_contacts {np.ndarray} -- 2Nx3 contact points
+
+ Returns:
+ [np.ndarray, np.ndarray] -- Mx4x4 filtered grasps, Mx2x3 filtered contact points
+ """
+ filtered_grasps = []
+ filtered_contacts = []
+ for i,g in enumerate(transformed_grasps):
+ if not self.is_colliding(self.gripper_mesh, g):
+ filtered_grasps.append(g)
+ filtered_contacts.append(transformed_contacts[2*i:2*(i+1)])
+ return np.array(filtered_grasps).reshape(-1,4,4), np.array(filtered_contacts).reshape(-1,2,3)
+
+ def reset(self):
+ """
+ Reset, i.e. remove scene objects
+ """
+ for name in self._objects:
+ self.collision_manager.remove_object(name)
+ self._objects = {}
+ self._poses = {}
+ self._support_objects = []
+
+ def load_existing_scene(self, path):
+ """
+ Load an existing scene_contacts scene for visualization
+
+ Arguments:
+ path {str} -- abs path to scene_contacts npz file
+
+ Returns:
+ [np.ndarray, list, list] -- scene_grasps, list of obj paths, list of object transforms
+ """
+ self.add_object('table', self.table_mesh, self._table_pose)
+ self._support_objects.append(self.table_support)
+
+ inp = np.load(os.path.join(self.root_folder, path))
+ scene_filtered_grasps = inp['grasp_transforms']
+ scene_contacts = inp['scene_contact_points']
+ obj_transforms = inp['obj_transforms']
+ obj_paths = inp['obj_paths']
+ obj_scales = inp['obj_scales']
+
+ for obj_path,obj_transform,obj_scale in zip(obj_paths,obj_transforms,obj_scales):
+ obj_mesh = trimesh.load(os.path.join(self.root_folder, obj_path))
+ obj_mesh = obj_mesh.apply_scale(obj_scale)
+ mesh_mean = np.mean(obj_mesh.vertices, 0, keepdims=True)
+ obj_mesh.vertices -= mesh_mean
+ self.add_object(obj_path, obj_mesh, obj_transform)
+ return scene_filtered_grasps, scene_contacts, obj_paths, obj_transforms
+
+
+ def handler(self, signum, frame):
+ raise Exception("Could not place object ")
+
+ def arrange(self, num_obj, max_iter=100, time_out = 8):
+ """
+ Arrange random table top scene with contact grasp annotations
+
+ Arguments:
+ num_obj {int} -- number of objects
+
+ Keyword Arguments:
+ max_iter {int} -- maximum iterations to try placing an object (default: {100})
+ time_out {int} -- maximum time to try placing an object (default: {8})
+
+ Returns:
+ [np.ndarray, np.ndarray, list, list, list, list] --
+ scene_filtered_grasps, scene_filtered_contacts, obj_paths, obj_transforms, obj_scales, obj_grasp_idcs
+
+ """
+
+ self._table_pose[2,3] -= self._lower_table
+ self.add_object('table', self.table_mesh, self._table_pose)
+
+ self._support_objects.append(self.table_support)
+
+ obj_paths = []
+ obj_transforms = []
+ obj_scales = []
+ grasp_paths = []
+
+ for i in range(num_obj):
+ obj_mesh, random_grasp_path = self.get_random_object()
+ signal.signal(signal.SIGALRM, self.handler)
+ signal.alarm(8)
+ try:
+ success, placement_T = self.find_object_placement(obj_mesh, max_iter)
+ except Exception as exc:
+ print(exc, random_grasp_path, " after {} seconds!".format(time_out))
+ continue
+ signal.alarm(0)
+ if success:
+ self.add_object(random_grasp_path, obj_mesh, placement_T)
+ obj_scales.append(float(random_grasp_path.split('_')[-1].split('.h5')[0]))
+ obj_paths.append(os.path.join('meshes', '/'.join(random_grasp_path.split('_')[:2]) + '.obj'))
+ obj_transforms.append(placement_T)
+ grasp_paths.append(random_grasp_path)
+ else:
+ print("Couldn't place object", random_grasp_path, " after {} iterations!".format(max_iter))
+ print('Placed {} objects'.format(len(obj_paths)))
+
+ # self.set_mesh_transform('table', self._table_pose)
+
+ scene_filtered_grasps = []
+ scene_filtered_contacts = []
+ obj_grasp_idcs = []
+ grasp_count = 0
+
+ for obj_transform, grasp_path in zip(obj_transforms, grasp_paths):
+ grasps, contacts = self.load_suc_obj_contact_grasps(grasp_path)
+ transformed_grasps, transformed_contacts = self._transform_grasps(grasps, contacts, obj_transform)
+ filtered_grasps, filtered_contacts = self._filter_colliding_grasps(transformed_grasps, transformed_contacts)
+
+ scene_filtered_grasps.append(filtered_grasps)
+ scene_filtered_contacts.append(filtered_contacts)
+ grasp_count += len(filtered_contacts)
+ obj_grasp_idcs.append(grasp_count)
+
+ scene_filtered_grasps = np.concatenate(scene_filtered_grasps,0)
+ scene_filtered_contacts = np.concatenate(scene_filtered_contacts,0)
+
+ self._table_pose[2,3] += self._lower_table
+ self.set_mesh_transform('table', self._table_pose)
+
+ return scene_filtered_grasps, scene_filtered_contacts, obj_paths, obj_transforms, obj_scales, obj_grasp_idcs
+
+ def visualize(self, scene_grasps, scene_contacts=None):
+ """
+ Visualizes table top scene with grasps
+
+ Arguments:
+ scene_grasps {np.ndarray} -- Nx4x4 grasp transforms
+ scene_contacts {np.ndarray} -- Nx2x3 grasp contacts
+ """
+ print('Visualizing scene and grasps.. takes time')
+
+ gripper_marker = create_gripper_marker(color=[0, 255, 0])
+ gripper_markers = [gripper_marker.copy().apply_transform(t) for t in scene_grasps]
+
+ colors = np.ones((scene_contacts.shape[0]*2,4))*255
+ colors[:,0:2] = 0
+ scene_contact_scene = trimesh.Scene(trimesh.points.PointCloud(scene_contacts.reshape(-1,3), colors=colors))
+
+ # show scene together with successful and collision-free grasps of all objects
+ trimesh.scene.scene.append_scenes(
+ [self.colorize().as_trimesh_scene(), trimesh.Scene(gripper_markers), scene_contact_scene]
+ ).show()
+
+if __name__ == "__main__":
+
+ parser = argparse.ArgumentParser(description="Grasp data reader")
+ parser.add_argument('root_folder', help='Root dir with grasps, meshes, mesh_contacts and splits', type=str)
+ parser.add_argument('--num_grasp_scenes', type=int, default=10000)
+ parser.add_argument('--splits','--list', nargs='+')
+ parser.add_argument('--max_iterations', type=int, default=100)
+ parser.add_argument('--gripper_path', type=str, default='gripper_models/panda_gripper/panda_gripper.obj')
+ parser.add_argument('--min_num_objects', type=int, default=8)
+ parser.add_argument('--max_num_objects', type=int, default=12)
+ parser.add_argument('--start_index', type=int, default=0)
+ parser.add_argument('--load_existing', type=str, default=None)
+ parser.add_argument('--output_dir', type=str, default='scene_contacts')
+ parser.add_argument('-vis', action='store_true', default=False)
+ args = parser.parse_args()
+
+ root_folder = args.root_folder
+ splits = args.splits if args.splits else ['train']
+ max_iterations = args.max_iterations
+ gripper_path = args.gripper_path
+ number_of_scenes = args.num_grasp_scenes
+ min_num_objects = args.min_num_objects
+ max_num_objects = args.max_num_objects
+ start_index = args.start_index
+ load_existing = args.load_existing
+ output_dir = args.output_dir
+ visualize = args.vis
+
+ table_scene = TableScene(root_folder, gripper_path, splits=splits)
+ table_scene._scene_count = start_index
+
+ print('Root folder', args.root_folder)
+ output_dir = os.path.join(root_folder, output_dir)
+
+ while table_scene._scene_count < number_of_scenes:
+
+ table_scene.reset()
+
+ if load_existing is None:
+ print('generating %s/%s' % (table_scene._scene_count, number_of_scenes))
+ num_objects = np.random.randint(min_num_objects,max_num_objects+1)
+ scene_grasps, scene_contacts, obj_paths, obj_transforms, obj_scales, obj_grasp_idcs = table_scene.arrange(num_objects, max_iterations)
+ if not visualize:
+ table_scene.save_scene_grasps(output_dir, scene_grasps, scene_contacts, obj_paths, obj_transforms, obj_scales, obj_grasp_idcs)
+ else:
+ scene_grasps,scene_contacts, _,_ = table_scene.load_existing_scene(load_existing)
+
+ if visualize:
+ table_scene.visualize(scene_grasps, scene_contacts)
+ table_scene._scene_count +=1
\ No newline at end of file
diff --git a/tools/dict_diff.py b/tools/dict_diff.py
new file mode 100644
index 0000000..2a1a9e1
--- /dev/null
+++ b/tools/dict_diff.py
@@ -0,0 +1,28 @@
+from easydict import EasyDict as edict
+import copy
+
+def findDiff(d1, d2, path="", diff_dict = {}):
+ orig_path = copy.deepcopy(path)
+ for k in d1.keys():
+ if not d2.has_key(k):
+ print path, ":"
+ print "keys not in d2: " + k, "\n"
+ else:
+ if type(d1[k]) in [edict, dict]:
+ if path == "":
+ path = k
+ else:
+ path = path + "->" + k
+ diff_dict = findDiff(d1[k],d2[k], path, diff_dict)
+ path = orig_path
+ else:
+ if d1[k] != d2[k]:
+ print path, ":"
+ print " - ", k," : ", d1[k]
+ print " + ", k," : ", d2[k]
+ diff_dict[k] = d2[k]
+ diff_dict[k + '_dictpath'] = copy.deepcopy(path)
+ # path=""
+
+ return diff_dict
+
\ No newline at end of file
diff --git a/tools/plot_pr.py b/tools/plot_pr.py
new file mode 100644
index 0000000..8e77b69
--- /dev/null
+++ b/tools/plot_pr.py
@@ -0,0 +1,237 @@
+import numpy as np
+import matplotlib.pyplot as plt
+from dict_diff import findDiff
+import sys
+import glob2
+import os
+import yaml
+sys.path.append('/home/msundermeyer/ngc_ws/6dof-graspnet/contact_graspnet')
+import utilities
+import copy
+from color import color
+from scipy import spatial
+
+
+def metric_coverage_success_rate(grasps_list, scores_list, flex_outcomes_list, gt_grasps_list, visualize, num_scenes=100):
+ """
+ Computes the coverage success rate for grasps of multiple objects.
+
+ Args:
+ grasps_list: list of numpy array, each numpy array is the predicted
+ grasps for each object. Each numpy array has shape (n, 4, 4) where
+ n is the number of predicted grasps for each object.
+ scores_list: list of numpy array, each numpy array is the predicted
+ scores for each grasp of the corresponding object.
+ flex_outcomes_list: list of numpy array, each element of the numpy
+ array indicates whether that grasp succeeds in grasping the object
+ or not.
+ gt_grasps_list: list of numpy array. Each numpy array has shape of
+ (m, 4, 4) where m is the number of groundtruth grasps for each
+ object.
+ visualize: bool. If True, it will plot the curve.
+
+ Returns:
+ auc: float, area under the curve for the success-coverage plot.
+ """
+ RADIUS = 0.02
+
+ all_trees = []
+ all_grasps = []
+ all_object_indexes = []
+ all_scores = []
+ all_flex_outcomes = []
+ visited = set()
+ tot_num_gt_grasps = 0
+ for i in range(num_scenes):
+ print('building kd-tree {}/{}'.format(i+1, len(grasps_list[:num_scenes])))
+ gt_grasps = np.asarray(gt_grasps_list[i]).copy()
+ all_trees.append(spatial.KDTree(gt_grasps[:, :3, 3]))
+ tot_num_gt_grasps += gt_grasps.shape[0]
+ print(np.mean(flex_outcomes_list[i]))
+ try:
+ print(len(grasps_list[i]), len(scores_list[i].reshape(-1)), len(flex_outcomes_list[i]))
+ except:
+ import pdb; pdb.set_trace()
+ for g, s, f in zip(grasps_list[i], scores_list[i].reshape(-1), flex_outcomes_list[i]):
+ all_grasps.append(np.asarray(g).copy())
+ all_object_indexes.append(i)
+ all_scores.append(s)
+ all_flex_outcomes.append(f)
+
+ all_grasps = np.asarray(all_grasps)
+
+ all_scores = np.asarray(all_scores)
+ order = np.argsort(-all_scores)
+ num_covered_so_far = 0
+ correct_grasps_so_far = 0
+ num_visited_grasps_so_far = 0
+
+ precisions = []
+ recalls = []
+ prev_score = None
+
+ for oindex, index in enumerate(order):
+ if oindex % 1000 == 0:
+ print(oindex, len(order))
+
+ object_id = all_object_indexes[index]
+ close_indexes = all_trees[object_id].query_ball_point(all_grasps[index, :3, 3], RADIUS)
+
+ num_new_covered_gt_grasps = 0
+
+ for close_index in close_indexes:
+ key = (object_id, close_index)
+ if key in visited:
+ continue
+
+ visited.add(key)
+ num_new_covered_gt_grasps += 1
+
+ correct_grasps_so_far += all_flex_outcomes[index]
+ num_visited_grasps_so_far += 1
+ num_covered_so_far += num_new_covered_gt_grasps
+ if prev_score is not None and abs(prev_score - all_scores[index]) < 1e-3:
+ precisions[-1] = float(correct_grasps_so_far) / num_visited_grasps_so_far
+ recalls[-1] = float(num_covered_so_far) / tot_num_gt_grasps
+ else:
+ precisions.append(float(correct_grasps_so_far) / num_visited_grasps_so_far)
+ recalls.append(float(num_covered_so_far) / tot_num_gt_grasps)
+ prev_score = all_scores[index]
+
+ auc = 0
+ for i in range(1, len(precisions)):
+ auc += (recalls[i] - recalls[i-1]) * (precisions[i] + precisions[i-1]) * 0.5
+
+ if visualize:
+ import matplotlib.pyplot as plt
+ plt.plot(recalls, precisions)
+ plt.title('Simulator Precision-Coverage Curves auc = {0:02f}'.format(auc))
+ plt.xlabel('Coverage')
+ plt.ylabel('Precision')
+ plt.xlim([0, 0.6])
+ plt.ylim([0,1.0])
+ # plt.show()
+
+
+ return auc, {'precisions': precisions, 'recalls': recalls, 'auc': auc, 'cfg': None}
+
+# pr_data = glob2.glob(os.path.join(sys.argv[1],'*','*','outfile.npy')) + glob2.glob(os.path.join(sys.argv[1],'*','outfile.npy')) + glob2.glob(os.path.join(sys.argv[1],'outfile.npy'))
+pr_data = glob2.glob(os.path.join(sys.argv[1],'*','*','all_full_results.npz')) + glob2.glob(os.path.join(sys.argv[1],'*','all_full_results.npz')) + glob2.glob(os.path.join(sys.argv[1],'all_full_results.npz'))
+
+default_compare = True
+if default_compare:
+ default_config = utilities.load_config('/home/msundermeyer/ngc_ws/6dof-graspnet/contact_graspnet')
+else:
+ default_config = np.load(pr_data[0], allow_pickle=True).item()['cfg']
+
+legends = []
+all_diff_dicts = {}
+cfgs = {}
+aucs_01 = {}
+name_dict = {}
+
+gt_grasps = []
+for p in range(100):
+ y=np.load('/home/msundermeyer/datasets/visibility_filtered_gt_grasp/{}_filtered_gt_grasps.npz'.format(p), allow_pickle=True)
+ gt_grasps.append(y['gt_grasp_scene_trafos'])
+
+
+
+for abc in pr_data:
+ try:
+ x=np.load(os.path.join(os.path.dirname(abc), 'flex_temp', 'all_full_results.npz'), allow_pickle=True)
+ except:
+ x=np.load(os.path.join(os.path.dirname(os.path.dirname(abc)), 'flex_temp', 'all_full_results.npz'), allow_pickle=True)
+
+ auc, _ = metric_coverage_success_rate(x['grasps'], x['scores'], x['flex_outcomes'], gt_grasps, True)
+
+ base_dir = os.path.dirname(os.path.dirname(abc))
+ outfile_data = glob2.glob(os.path.join(base_dir,'*','*','outfile.npy')) + glob2.glob(os.path.join(base_dir,'*','outfile.npy')) + glob2.glob(os.path.join(base_dir,'outfile.npy'))
+
+ if outfile_data:
+ d = outfile_data[0]
+ print(d)
+ a=np.load(d, allow_pickle=True).item()
+
+ if d.split('/')[2] == 'outfile.npy':
+ names = os.listdir(os.path.dirname(d))
+ print(names)
+ name = names[0]
+ else:
+ try:
+ name = d.split('/')[5]
+ except:
+ name = d.split('/')[4]
+
+ print(50*'#')
+ print(name)
+ all_diff_dicts[name] = copy.deepcopy(findDiff(default_config, a['cfg'], diff_dict={}))
+ cfgs[name] = a['cfg']
+ print(all_diff_dicts)
+
+ b=[]
+ for g in x['scores']:
+ b += list(g)
+ print(np.histogram(b))
+ i = np.argsort(b)
+ o = []
+ for g in x['flex_outcomes']:
+ o += list(g)
+ # np.histogram(np.array(o)[i[-1000:]])
+ # np.histogram(np.array(o)[i[-4000:-2000]])
+ # np.histogram(np.array(o)[i[-4000:-3000]])
+ print(np.histogram(o))
+ print(a['auc'])
+ aucs_01[name] = a['auc']
+ print(50*'#')
+ recalls = np.array(a['recalls'])
+ precisions = np.array(a['precisions'])
+ recalls_01 = recalls[recalls<0.1]
+ precisions_01 = precisions[recalls<0.1]
+
+ deltas = recalls_01[1:]-recalls_01[:-1]
+ aucs_01[name] = np.dot(deltas,precisions_01[:-1])*10
+
+
+ # plt.plot(a['recalls'], a['precisions'])
+ legends.append(d.split('/')[1] + ' - ' + name + ' (auc: {:.4f})'.format(auc))
+ # legends.append(d.split('/')[1] + ' - ' + name + ' (auc: {:.4f})'.format(a['auc']) + ' (auc01: {:.4f})'.format(aucs_01[name]))
+ else:
+ legends.append(base_dir)
+
+
+all_changed_keys = {k:v for d in all_diff_dicts for k,v in all_diff_dicts[d].items()}
+stri = (1+len(all_diff_dicts))*"{:<10}"
+
+print("{:<30}".format("Parameter") + stri.format('default' ,*[d for d in all_diff_dicts]))
+for k,v in all_changed_keys.items():
+ if '_dictpath' in k:
+ keys = v.split('->')
+ cfg_tmp = copy.deepcopy(default_config)
+ if keys[0] == "":
+ continue
+ for k1 in keys:
+ cfg_tmp = cfg_tmp[k1]
+
+ string = "{:<30} {:<10}".format(k[:-9], cfg_tmp[k[:-9]])
+ for d in all_diff_dicts:
+ if k in all_diff_dicts[d]:
+ value = all_diff_dicts[d][k[:-9]]
+ string += color.GREEN + "{:<10}".format(value) + color.END
+ else:
+ value = cfg_tmp[k[:-9]]
+ string += "{:<10}".format(value)
+
+ print(string)
+
+
+
+plt.title('Simulator Precision-Coverage Curves')
+plt.legend(legends)
+plt.xlabel('Coverage')
+plt.ylabel('Precision')
+plt.xlim([0, 0.6])
+plt.ylim([0,1.0])
+
+plt.show()
+
diff --git a/tools/ply_to_npz.py b/tools/ply_to_npz.py
new file mode 100644
index 0000000..d42cc53
--- /dev/null
+++ b/tools/ply_to_npz.py
@@ -0,0 +1,35 @@
+import numpy as np
+import sys
+
+def read_ply_file(ply_file, load_cols=True):
+ """Naive conversion from ply to numpy arrays
+
+ Arguments:
+ ply_file {str} -- [description]
+
+ Keyword Arguments:
+ load_cols {bool} -- load vertex colors (default: {True})
+
+ Returns:
+ dict -- vertex coordinates and optionally colors
+ """
+ ret_dict = {}
+ assert ply_file.endswith('.ply')
+ with open(ply_file, 'r') as f:
+ lines = f.readlines()
+ verts_num = int(lines[3].split(' ')[-1])
+ verts_lines = lines[11:11 + 2*verts_num:2]
+ ret_dict['xyz'] = np.array([list(map(float, l.strip().split(' '))) for l in verts_lines])
+ if load_cols:
+ cols_lines = lines[12:12 + 2*verts_num:2]
+ ret_dict['xyz_color'] = np.array([list(map(int, l.strip().split(' '))) for l in cols_lines])
+
+ return ret_dict
+
+file_name = sys.argv[1]
+ret_dict = read_ply_file(file_name)
+
+# OpenGL to OpenCV
+ret_dict['xyz'][:,1:] = -ret_dict['xyz'][:,1:]
+
+np.savez(file_name.replace('.ply','.npz'), xyz=ret_dict['xyz'], xyz_color=ret_dict['xyz_color'])
\ No newline at end of file
diff --git a/uniform_quaternions/data2_4608.qua b/uniform_quaternions/data2_4608.qua
new file mode 100644
index 0000000..6a7769a
--- /dev/null
+++ b/uniform_quaternions/data2_4608.qua
@@ -0,0 +1,4608 @@
+0.762127 0.0499525 0.425606 0.485311
+0.749087 0.149003 0.358619 0.536711
+0.72323 0.245503 0.285496 0.578929
+0.684998 0.337804 0.207488 0.611241
+0.635045 0.424324 0.12593 0.633094
+0.574227 0.503584 0.0422176 0.644115
+0.503584 0.574227 -0.0422175 0.644115
+0.424324 0.635045 -0.12593 0.633094
+0.337804 0.684998 -0.207488 0.611241
+0.245503 0.72323 -0.285496 0.578929
+0.149003 0.749087 -0.358619 0.536711
+0.0499524 0.762127 -0.425606 0.48531
+-0.0499525 0.762127 -0.485311 0.425606
+-0.149003 0.749087 -0.536711 0.358619
+-0.245504 0.72323 -0.578929 0.285496
+-0.337804 0.684998 -0.611241 0.207488
+-0.424324 0.635045 -0.633094 0.12593
+-0.503584 0.574227 -0.644115 0.0422174
+-0.574227 0.503584 -0.644115 -0.0422176
+-0.635045 0.424324 -0.633094 -0.12593
+-0.684998 0.337804 -0.611241 -0.207488
+-0.72323 0.245503 -0.578929 -0.285496
+-0.749087 0.149003 -0.536711 -0.358619
+-0.762127 0.0499523 -0.48531 -0.425606
+0.814748 0.0534014 0.288675 0.5
+0.800808 0.159291 0.220942 0.533402
+0.773165 0.262454 0.149429 0.557678
+0.732294 0.361127 0.0753593 0.572411
+0.678892 0.453621 -8.60604e-10 0.57735
+0.613875 0.538354 -0.0753593 0.572411
+0.538354 0.613875 -0.149429 0.557678
+0.453621 0.678892 -0.220942 0.533402
+0.361127 0.732294 -0.288675 0.5
+0.262454 0.773165 -0.351469 0.458043
+0.159291 0.800808 -0.408248 0.408248
+0.0534014 0.814748 -0.458043 0.351469
+-0.0534015 0.814748 -0.5 0.288675
+-0.159291 0.800808 -0.533402 0.220942
+-0.262454 0.773165 -0.557678 0.149429
+-0.361127 0.732293 -0.572411 0.0753592
+-0.453621 0.678892 -0.57735 -9.49229e-08
+-0.538354 0.613875 -0.572411 -0.0753594
+-0.613875 0.538354 -0.557678 -0.149429
+-0.678892 0.453621 -0.533402 -0.220942
+-0.732294 0.361127 -0.5 -0.288675
+-0.773165 0.262454 -0.458043 -0.351469
+-0.800808 0.15929 -0.408248 -0.408248
+-0.814748 0.0534013 -0.351468 -0.458043
+0.814748 0.0534014 0.458043 0.351469
+0.800808 0.159291 0.408248 0.408248
+0.773165 0.262454 0.351469 0.458043
+0.732294 0.361127 0.288675 0.5
+0.678892 0.453621 0.220942 0.533402
+0.613875 0.538354 0.149429 0.557678
+0.538354 0.613875 0.0753593 0.572411
+0.453621 0.678892 -2.43762e-08 0.57735
+0.361127 0.732294 -0.0753593 0.572411
+0.262454 0.773165 -0.149429 0.557678
+0.159291 0.800808 -0.220942 0.533402
+0.0534014 0.814748 -0.288675 0.5
+-0.0534015 0.814748 -0.351469 0.458043
+-0.159291 0.800808 -0.408248 0.408248
+-0.262454 0.773165 -0.458043 0.351469
+-0.361127 0.732293 -0.5 0.288675
+-0.453621 0.678892 -0.533402 0.220942
+-0.538354 0.613875 -0.557678 0.149429
+-0.613875 0.538354 -0.572411 0.0753593
+-0.678892 0.453621 -0.57735 -4.9613e-08
+-0.732294 0.361127 -0.572411 -0.0753594
+-0.773165 0.262454 -0.557677 -0.149429
+-0.800808 0.15929 -0.533402 -0.220943
+-0.814748 0.0534013 -0.5 -0.288675
+0.864171 0.0566408 0.329673 0.37592
+0.849385 0.168953 0.277785 0.415735
+0.820066 0.278375 0.221144 0.448436
+0.776715 0.383033 0.16072 0.473465
+0.720074 0.481138 0.0975452 0.490393
+0.651112 0.57101 0.0327016 0.498929
+0.57101 0.651112 -0.0327016 0.498929
+0.481138 0.720074 -0.0975452 0.490393
+0.383033 0.776715 -0.16072 0.473465
+0.278375 0.820066 -0.221144 0.448436
+0.168953 0.849385 -0.277785 0.415735
+0.0566407 0.864171 -0.329673 0.37592
+-0.0566408 0.864171 -0.37592 0.329673
+-0.168953 0.849385 -0.415735 0.277785
+-0.278375 0.820066 -0.448436 0.221144
+-0.383033 0.776715 -0.473465 0.16072
+-0.481138 0.720074 -0.490393 0.0975451
+-0.57101 0.651112 -0.498929 0.0327015
+-0.651112 0.57101 -0.498929 -0.0327016
+-0.720074 0.481138 -0.490393 -0.0975452
+-0.776715 0.383033 -0.473465 -0.16072
+-0.820066 0.278375 -0.448436 -0.221144
+-0.849385 0.168953 -0.415735 -0.277785
+-0.864171 0.0566406 -0.37592 -0.329673
+0.864171 0.0566408 0.16072 0.473465
+0.849385 0.168953 0.0975452 0.490393
+0.820066 0.278375 0.0327016 0.498929
+0.776715 0.383033 -0.0327016 0.498929
+0.720074 0.481138 -0.0975452 0.490393
+0.651112 0.57101 -0.16072 0.473465
+0.57101 0.651112 -0.221144 0.448436
+0.481138 0.720074 -0.277785 0.415735
+0.383033 0.776715 -0.329673 0.37592
+0.278375 0.820066 -0.37592 0.329673
+0.168953 0.849385 -0.415735 0.277785
+0.0566407 0.864171 -0.448436 0.221144
+-0.0566408 0.864171 -0.473465 0.16072
+-0.168953 0.849385 -0.490393 0.0975452
+-0.278375 0.820066 -0.498929 0.0327015
+-0.383033 0.776715 -0.498929 -0.0327017
+-0.481138 0.720074 -0.490393 -0.0975452
+-0.57101 0.651112 -0.473465 -0.16072
+-0.651112 0.57101 -0.448436 -0.221144
+-0.720074 0.481138 -0.415735 -0.277785
+-0.776715 0.383033 -0.37592 -0.329673
+-0.820066 0.278375 -0.329673 -0.37592
+-0.849385 0.168953 -0.277785 -0.415735
+-0.864171 0.0566406 -0.221144 -0.448436
+0.910916 0.0597046 0.0532871 0.404756
+0.89533 0.178092 -2.23064e-09 0.408248
+0.864425 0.293433 -0.0532871 0.404756
+0.818729 0.403753 -0.105662 0.394338
+0.759024 0.507164 -0.15623 0.377172
+0.686333 0.601898 -0.204124 0.353553
+0.601898 0.686333 -0.248526 0.323885
+0.507164 0.759024 -0.288675 0.288675
+0.403752 0.818729 -0.323885 0.248526
+0.293433 0.864425 -0.353553 0.204124
+0.178092 0.89533 -0.377172 0.15623
+0.0597046 0.910916 -0.394338 0.105662
+-0.0597046 0.910916 -0.404756 0.0532871
+-0.178092 0.89533 -0.408248 -1.82562e-09
+-0.293433 0.864425 -0.404756 -0.0532871
+-0.403753 0.818729 -0.394338 -0.105663
+-0.507164 0.759024 -0.377172 -0.15623
+-0.601898 0.686333 -0.353553 -0.204124
+-0.686333 0.601898 -0.323885 -0.248526
+-0.759024 0.507164 -0.288675 -0.288675
+-0.818729 0.403752 -0.248526 -0.323885
+-0.864425 0.293433 -0.204124 -0.353553
+-0.89533 0.178092 -0.15623 -0.377172
+-0.910916 0.0597044 -0.105662 -0.394338
+0.910916 0.0597046 0.204124 0.353553
+0.89533 0.178092 0.15623 0.377172
+0.864425 0.293433 0.105662 0.394338
+0.818729 0.403753 0.0532871 0.404756
+0.759024 0.507164 -6.08539e-10 0.408248
+0.686333 0.601898 -0.0532871 0.404756
+0.601898 0.686333 -0.105662 0.394338
+0.507164 0.759024 -0.15623 0.377172
+0.403752 0.818729 -0.204124 0.353553
+0.293433 0.864425 -0.248526 0.323885
+0.178092 0.89533 -0.288675 0.288675
+0.0597046 0.910916 -0.323885 0.248526
+-0.0597046 0.910916 -0.353553 0.204124
+-0.178092 0.89533 -0.377172 0.15623
+-0.293433 0.864425 -0.394338 0.105662
+-0.403753 0.818729 -0.404756 0.053287
+-0.507164 0.759024 -0.408248 -6.71206e-08
+-0.601898 0.686333 -0.404756 -0.0532872
+-0.686333 0.601898 -0.394338 -0.105662
+-0.759024 0.507164 -0.377172 -0.15623
+-0.818729 0.403752 -0.353553 -0.204124
+-0.864425 0.293433 -0.323885 -0.248526
+-0.89533 0.178092 -0.288675 -0.288675
+-0.910916 0.0597044 -0.248526 -0.323885
+0.949933 0.0622619 0.059734 0.300303
+0.93368 0.18572 0.0200255 0.305531
+0.901451 0.306001 -0.0200255 0.305531
+0.853797 0.421046 -0.059734 0.300303
+0.791535 0.528887 -0.0984203 0.289937
+0.71573 0.627678 -0.135423 0.27461
+0.627679 0.71573 -0.170108 0.254585
+0.528887 0.791536 -0.201883 0.230203
+0.421046 0.853797 -0.230203 0.201883
+0.306001 0.901451 -0.254585 0.170108
+0.18572 0.93368 -0.27461 0.135423
+0.0622619 0.949933 -0.289937 0.0984203
+-0.062262 0.949933 -0.300303 0.059734
+-0.18572 0.93368 -0.305531 0.0200255
+-0.306001 0.901451 -0.305531 -0.0200256
+-0.421046 0.853797 -0.300303 -0.059734
+-0.528887 0.791535 -0.289937 -0.0984204
+-0.627679 0.71573 -0.27461 -0.135423
+-0.71573 0.627678 -0.254585 -0.170108
+-0.791536 0.528887 -0.230203 -0.201883
+-0.853797 0.421046 -0.201883 -0.230203
+-0.901451 0.306001 -0.170108 -0.254585
+-0.93368 0.18572 -0.135423 -0.27461
+-0.949933 0.0622617 -0.0984203 -0.289937
+0.864171 0.0566408 0.448436 0.221144
+0.849385 0.168953 0.415735 0.277785
+0.820066 0.278375 0.37592 0.329673
+0.776715 0.383033 0.329673 0.37592
+0.720074 0.481138 0.277785 0.415735
+0.651112 0.57101 0.221144 0.448436
+0.57101 0.651112 0.16072 0.473465
+0.481138 0.720074 0.0975451 0.490393
+0.383033 0.776715 0.0327016 0.498929
+0.278375 0.820066 -0.0327016 0.498929
+0.168953 0.849385 -0.0975451 0.490393
+0.0566407 0.864171 -0.16072 0.473465
+-0.0566408 0.864171 -0.221144 0.448436
+-0.168953 0.849385 -0.277785 0.415735
+-0.278375 0.820066 -0.329673 0.37592
+-0.383033 0.776715 -0.37592 0.329673
+-0.481138 0.720074 -0.415735 0.277785
+-0.57101 0.651112 -0.448436 0.221144
+-0.651112 0.57101 -0.473465 0.16072
+-0.720074 0.481138 -0.490393 0.0975451
+-0.776715 0.383033 -0.498929 0.0327015
+-0.820066 0.278375 -0.498929 -0.0327017
+-0.849385 0.168953 -0.490393 -0.0975453
+-0.864171 0.0566406 -0.473465 -0.16072
+0.910916 0.0597046 0.323885 0.248526
+0.89533 0.178092 0.288675 0.288675
+0.864425 0.293433 0.248526 0.323885
+0.818729 0.403753 0.204124 0.353553
+0.759024 0.507164 0.15623 0.377172
+0.686333 0.601898 0.105662 0.394338
+0.601898 0.686333 0.0532871 0.404756
+0.507164 0.759024 -1.72366e-08 0.408248
+0.403752 0.818729 -0.0532871 0.404756
+0.293433 0.864425 -0.105662 0.394338
+0.178092 0.89533 -0.15623 0.377172
+0.0597046 0.910916 -0.204124 0.353553
+-0.0597046 0.910916 -0.248526 0.323885
+-0.178092 0.89533 -0.288675 0.288675
+-0.293433 0.864425 -0.323885 0.248526
+-0.403753 0.818729 -0.353553 0.204124
+-0.507164 0.759024 -0.377172 0.15623
+-0.601898 0.686333 -0.394338 0.105662
+-0.686333 0.601898 -0.404756 0.053287
+-0.759024 0.507164 -0.408248 -3.50817e-08
+-0.818729 0.403752 -0.404756 -0.0532871
+-0.864425 0.293433 -0.394338 -0.105663
+-0.89533 0.178092 -0.377172 -0.15623
+-0.910916 0.0597044 -0.353553 -0.204124
+0.910916 0.0597046 0.394338 0.105662
+0.89533 0.178092 0.377172 0.15623
+0.864425 0.293433 0.353553 0.204124
+0.818729 0.403753 0.323885 0.248526
+0.759024 0.507164 0.288675 0.288675
+0.686333 0.601898 0.248526 0.323885
+0.601898 0.686333 0.204124 0.353553
+0.507164 0.759024 0.15623 0.377172
+0.403752 0.818729 0.105662 0.394338
+0.293433 0.864425 0.0532871 0.404756
+0.178092 0.89533 1.48024e-08 0.408248
+0.0597046 0.910916 -0.0532871 0.404756
+-0.0597046 0.910916 -0.105662 0.394338
+-0.178092 0.89533 -0.15623 0.377172
+-0.293433 0.864425 -0.204124 0.353553
+-0.403753 0.818729 -0.248526 0.323885
+-0.507164 0.759024 -0.288675 0.288675
+-0.601898 0.686333 -0.323885 0.248526
+-0.686333 0.601898 -0.353553 0.204124
+-0.759024 0.507164 -0.377172 0.15623
+-0.818729 0.403752 -0.394338 0.105662
+-0.864425 0.293433 -0.404756 0.053287
+-0.89533 0.178092 -0.408248 -1.00377e-07
+-0.910916 0.0597044 -0.404756 -0.0532872
+0.949933 0.0622619 0.289937 0.0984203
+0.93368 0.18572 0.27461 0.135423
+0.901451 0.306001 0.254585 0.170108
+0.853797 0.421046 0.230203 0.201883
+0.791535 0.528887 0.201883 0.230203
+0.71573 0.627678 0.170108 0.254585
+0.627679 0.71573 0.135423 0.27461
+0.528887 0.791536 0.0984203 0.289937
+0.421046 0.853797 0.059734 0.300303
+0.306001 0.901451 0.0200255 0.305531
+0.18572 0.93368 -0.0200255 0.305531
+0.0622619 0.949933 -0.059734 0.300303
+-0.062262 0.949933 -0.0984203 0.289937
+-0.18572 0.93368 -0.135423 0.27461
+-0.306001 0.901451 -0.170108 0.254585
+-0.421046 0.853797 -0.201883 0.230203
+-0.528887 0.791535 -0.230203 0.201883
+-0.627679 0.71573 -0.254585 0.170108
+-0.71573 0.627678 -0.27461 0.135423
+-0.791536 0.528887 -0.289937 0.0984203
+-0.853797 0.421046 -0.300303 0.0597339
+-0.901451 0.306001 -0.305531 0.0200255
+-0.93368 0.18572 -0.305531 -0.0200256
+-0.949933 0.0622617 -0.300303 -0.059734
+0.949933 0.0622619 0.201883 0.230203
+0.93368 0.18572 0.170108 0.254585
+0.901451 0.306001 0.135423 0.27461
+0.853797 0.421046 0.0984203 0.289937
+0.791535 0.528887 0.059734 0.300303
+0.71573 0.627678 0.0200255 0.305531
+0.627679 0.71573 -0.0200255 0.305531
+0.528887 0.791536 -0.059734 0.300303
+0.421046 0.853797 -0.0984203 0.289937
+0.306001 0.901451 -0.135423 0.27461
+0.18572 0.93368 -0.170108 0.254585
+0.0622619 0.949933 -0.201883 0.230203
+-0.062262 0.949933 -0.230203 0.201883
+-0.18572 0.93368 -0.254585 0.170108
+-0.306001 0.901451 -0.27461 0.135423
+-0.421046 0.853797 -0.289937 0.0984203
+-0.528887 0.791535 -0.300303 0.0597339
+-0.627679 0.71573 -0.305531 0.0200255
+-0.71573 0.627678 -0.305531 -0.0200256
+-0.791536 0.528887 -0.300303 -0.059734
+-0.853797 0.421046 -0.289937 -0.0984204
+-0.901451 0.306001 -0.27461 -0.135423
+-0.93368 0.18572 -0.254584 -0.170108
+-0.949933 0.0622617 -0.230203 -0.201883
+0.976849 0.0640261 0.0656136 0.193291
+0.960135 0.190983 0.0398226 0.200202
+0.926993 0.314672 0.0133504 0.203687
+0.877989 0.432976 -0.0133504 0.203687
+0.813963 0.543873 -0.0398226 0.200202
+0.73601 0.645463 -0.0656136 0.193291
+0.645463 0.73601 -0.0902818 0.183073
+0.543873 0.813963 -0.113405 0.169723
+0.432976 0.877989 -0.134588 0.153469
+0.314672 0.926993 -0.153469 0.134588
+0.190983 0.960135 -0.169723 0.113405
+0.064026 0.976849 -0.183073 0.0902818
+-0.0640261 0.976849 -0.193291 0.0656136
+-0.190983 0.960135 -0.200202 0.0398226
+-0.314672 0.926992 -0.203687 0.0133503
+-0.432976 0.877989 -0.203687 -0.0133504
+-0.543873 0.813963 -0.200202 -0.0398227
+-0.645463 0.73601 -0.193291 -0.0656136
+-0.73601 0.645463 -0.183073 -0.0902818
+-0.813963 0.543873 -0.169723 -0.113405
+-0.877989 0.432976 -0.153469 -0.134588
+-0.926993 0.314671 -0.134588 -0.153469
+-0.960135 0.190982 -0.113405 -0.169723
+-0.976849 0.0640259 -0.0902818 -0.183073
+0.976849 0.0640261 0.183073 0.0902818
+0.960135 0.190983 0.169723 0.113405
+0.926993 0.314672 0.153469 0.134588
+0.877989 0.432976 0.134588 0.153469
+0.813963 0.543873 0.113405 0.169723
+0.73601 0.645463 0.0902818 0.183073
+0.645463 0.73601 0.0656136 0.193291
+0.543873 0.813963 0.0398226 0.200202
+0.432976 0.877989 0.0133504 0.203687
+0.314672 0.926993 -0.0133504 0.203687
+0.190983 0.960135 -0.0398226 0.200202
+0.064026 0.976849 -0.0656136 0.193291
+-0.0640261 0.976849 -0.0902818 0.183073
+-0.190983 0.960135 -0.113405 0.169723
+-0.314672 0.926992 -0.134588 0.153469
+-0.432976 0.877989 -0.153469 0.134588
+-0.543873 0.813963 -0.169723 0.113405
+-0.645463 0.73601 -0.183073 0.0902818
+-0.73601 0.645463 -0.193291 0.0656135
+-0.813963 0.543873 -0.200202 0.0398226
+-0.877989 0.432976 -0.203687 0.0133503
+-0.926993 0.314671 -0.203687 -0.0133504
+-0.960135 0.190982 -0.200202 -0.0398227
+-0.976849 0.0640259 -0.193291 -0.0656136
+0.992648 0.0650616 0.0672942 0.0767343
+0.975664 0.194072 0.0567026 0.0848615
+0.941985 0.319761 0.0451409 0.0915367
+0.892189 0.439979 0.0328068 0.0966457
+0.827128 0.552669 0.0199113 0.100101
+0.747914 0.655903 0.00667518 0.101844
+0.655903 0.747914 -0.00667518 0.101844
+0.552669 0.827128 -0.0199113 0.100101
+0.439979 0.892189 -0.0328068 0.0966457
+0.319761 0.941985 -0.0451409 0.0915367
+0.194072 0.975664 -0.0567026 0.0848615
+0.0650615 0.992648 -0.0672942 0.0767343
+-0.0650616 0.992648 -0.0767343 0.0672942
+-0.194072 0.975664 -0.0848615 0.0567026
+-0.319761 0.941985 -0.0915367 0.0451409
+-0.439979 0.892189 -0.0966457 0.0328068
+-0.552669 0.827128 -0.100101 0.0199113
+-0.655903 0.747914 -0.101844 0.00667516
+-0.747914 0.655903 -0.101844 -0.00667519
+-0.827128 0.552669 -0.100101 -0.0199113
+-0.892189 0.439979 -0.0966456 -0.0328068
+-0.941985 0.319761 -0.0915367 -0.0451409
+-0.975664 0.194071 -0.0848615 -0.0567027
+-0.992648 0.0650614 -0.0767343 -0.0672942
+0.762127 0.0499525 -0.485311 0.425606
+0.749087 0.149003 -0.536711 0.358619
+0.72323 0.245503 -0.578929 0.285496
+0.684998 0.337804 -0.611241 0.207488
+0.635045 0.424324 -0.633094 0.12593
+0.574227 0.503584 -0.644115 0.0422176
+0.503584 0.574227 -0.644115 -0.0422175
+0.424324 0.635045 -0.633094 -0.12593
+0.337804 0.684998 -0.611241 -0.207488
+0.245503 0.72323 -0.578929 -0.285496
+0.149003 0.749087 -0.536711 -0.358619
+0.0499524 0.762127 -0.48531 -0.425606
+-0.0499525 0.762127 -0.425606 -0.485311
+-0.149003 0.749087 -0.358619 -0.536711
+-0.245504 0.72323 -0.285496 -0.578929
+-0.337804 0.684998 -0.207488 -0.611241
+-0.424324 0.635045 -0.12593 -0.633094
+-0.503584 0.574227 -0.0422174 -0.644115
+-0.574227 0.503584 0.0422176 -0.644115
+-0.635045 0.424324 0.12593 -0.633094
+-0.684998 0.337804 0.207488 -0.611241
+-0.72323 0.245503 0.285496 -0.578929
+-0.749087 0.149003 0.358619 -0.536711
+-0.762127 0.0499523 0.425606 -0.48531
+0.814748 0.0534014 -0.5 0.288675
+0.800808 0.159291 -0.533402 0.220942
+0.773165 0.262454 -0.557678 0.149429
+0.732294 0.361127 -0.572411 0.0753593
+0.678892 0.453621 -0.57735 -8.60604e-10
+0.613875 0.538354 -0.572411 -0.0753593
+0.538354 0.613875 -0.557678 -0.149429
+0.453621 0.678892 -0.533402 -0.220942
+0.361127 0.732294 -0.5 -0.288675
+0.262454 0.773165 -0.458043 -0.351469
+0.159291 0.800808 -0.408248 -0.408248
+0.0534014 0.814748 -0.351469 -0.458043
+-0.0534015 0.814748 -0.288675 -0.5
+-0.159291 0.800808 -0.220942 -0.533402
+-0.262454 0.773165 -0.149429 -0.557678
+-0.361127 0.732293 -0.0753592 -0.572411
+-0.453621 0.678892 9.49229e-08 -0.57735
+-0.538354 0.613875 0.0753594 -0.572411
+-0.613875 0.538354 0.149429 -0.557678
+-0.678892 0.453621 0.220942 -0.533402
+-0.732294 0.361127 0.288675 -0.5
+-0.773165 0.262454 0.351469 -0.458043
+-0.800808 0.15929 0.408248 -0.408248
+-0.814748 0.0534013 0.458043 -0.351468
+0.814748 0.0534014 -0.351469 0.458043
+0.800808 0.159291 -0.408248 0.408248
+0.773165 0.262454 -0.458043 0.351469
+0.732294 0.361127 -0.5 0.288675
+0.678892 0.453621 -0.533402 0.220942
+0.613875 0.538354 -0.557678 0.149429
+0.538354 0.613875 -0.572411 0.0753593
+0.453621 0.678892 -0.57735 -2.43762e-08
+0.361127 0.732294 -0.572411 -0.0753593
+0.262454 0.773165 -0.557678 -0.149429
+0.159291 0.800808 -0.533402 -0.220942
+0.0534014 0.814748 -0.5 -0.288675
+-0.0534015 0.814748 -0.458043 -0.351469
+-0.159291 0.800808 -0.408248 -0.408248
+-0.262454 0.773165 -0.351469 -0.458043
+-0.361127 0.732293 -0.288675 -0.5
+-0.453621 0.678892 -0.220942 -0.533402
+-0.538354 0.613875 -0.149429 -0.557678
+-0.613875 0.538354 -0.0753593 -0.572411
+-0.678892 0.453621 4.9613e-08 -0.57735
+-0.732294 0.361127 0.0753594 -0.572411
+-0.773165 0.262454 0.149429 -0.557677
+-0.800808 0.15929 0.220943 -0.533402
+-0.814748 0.0534013 0.288675 -0.5
+0.864171 0.0566408 -0.37592 0.329673
+0.849385 0.168953 -0.415735 0.277785
+0.820066 0.278375 -0.448436 0.221144
+0.776715 0.383033 -0.473465 0.16072
+0.720074 0.481138 -0.490393 0.0975452
+0.651112 0.57101 -0.498929 0.0327016
+0.57101 0.651112 -0.498929 -0.0327016
+0.481138 0.720074 -0.490393 -0.0975452
+0.383033 0.776715 -0.473465 -0.16072
+0.278375 0.820066 -0.448436 -0.221144
+0.168953 0.849385 -0.415735 -0.277785
+0.0566407 0.864171 -0.37592 -0.329673
+-0.0566408 0.864171 -0.329673 -0.37592
+-0.168953 0.849385 -0.277785 -0.415735
+-0.278375 0.820066 -0.221144 -0.448436
+-0.383033 0.776715 -0.16072 -0.473465
+-0.481138 0.720074 -0.0975451 -0.490393
+-0.57101 0.651112 -0.0327015 -0.498929
+-0.651112 0.57101 0.0327016 -0.498929
+-0.720074 0.481138 0.0975452 -0.490393
+-0.776715 0.383033 0.16072 -0.473465
+-0.820066 0.278375 0.221144 -0.448436
+-0.849385 0.168953 0.277785 -0.415735
+-0.864171 0.0566406 0.329673 -0.37592
+0.864171 0.0566408 -0.473465 0.16072
+0.849385 0.168953 -0.490393 0.0975452
+0.820066 0.278375 -0.498929 0.0327016
+0.776715 0.383033 -0.498929 -0.0327016
+0.720074 0.481138 -0.490393 -0.0975452
+0.651112 0.57101 -0.473465 -0.16072
+0.57101 0.651112 -0.448436 -0.221144
+0.481138 0.720074 -0.415735 -0.277785
+0.383033 0.776715 -0.37592 -0.329673
+0.278375 0.820066 -0.329673 -0.37592
+0.168953 0.849385 -0.277785 -0.415735
+0.0566407 0.864171 -0.221144 -0.448436
+-0.0566408 0.864171 -0.16072 -0.473465
+-0.168953 0.849385 -0.0975452 -0.490393
+-0.278375 0.820066 -0.0327015 -0.498929
+-0.383033 0.776715 0.0327017 -0.498929
+-0.481138 0.720074 0.0975452 -0.490393
+-0.57101 0.651112 0.16072 -0.473465
+-0.651112 0.57101 0.221144 -0.448436
+-0.720074 0.481138 0.277785 -0.415735
+-0.776715 0.383033 0.329673 -0.37592
+-0.820066 0.278375 0.37592 -0.329673
+-0.849385 0.168953 0.415735 -0.277785
+-0.864171 0.0566406 0.448436 -0.221144
+0.910916 0.0597046 -0.404756 0.0532871
+0.89533 0.178092 -0.408248 -2.23064e-09
+0.864425 0.293433 -0.404756 -0.0532871
+0.818729 0.403753 -0.394338 -0.105662
+0.759024 0.507164 -0.377172 -0.15623
+0.686333 0.601898 -0.353553 -0.204124
+0.601898 0.686333 -0.323885 -0.248526
+0.507164 0.759024 -0.288675 -0.288675
+0.403752 0.818729 -0.248526 -0.323885
+0.293433 0.864425 -0.204124 -0.353553
+0.178092 0.89533 -0.15623 -0.377172
+0.0597046 0.910916 -0.105662 -0.394338
+-0.0597046 0.910916 -0.0532871 -0.404756
+-0.178092 0.89533 1.82562e-09 -0.408248
+-0.293433 0.864425 0.0532871 -0.404756
+-0.403753 0.818729 0.105663 -0.394338
+-0.507164 0.759024 0.15623 -0.377172
+-0.601898 0.686333 0.204124 -0.353553
+-0.686333 0.601898 0.248526 -0.323885
+-0.759024 0.507164 0.288675 -0.288675
+-0.818729 0.403752 0.323885 -0.248526
+-0.864425 0.293433 0.353553 -0.204124
+-0.89533 0.178092 0.377172 -0.15623
+-0.910916 0.0597044 0.394338 -0.105662
+0.910916 0.0597046 -0.353553 0.204124
+0.89533 0.178092 -0.377172 0.15623
+0.864425 0.293433 -0.394338 0.105662
+0.818729 0.403753 -0.404756 0.0532871
+0.759024 0.507164 -0.408248 -6.08539e-10
+0.686333 0.601898 -0.404756 -0.0532871
+0.601898 0.686333 -0.394338 -0.105662
+0.507164 0.759024 -0.377172 -0.15623
+0.403752 0.818729 -0.353553 -0.204124
+0.293433 0.864425 -0.323885 -0.248526
+0.178092 0.89533 -0.288675 -0.288675
+0.0597046 0.910916 -0.248526 -0.323885
+-0.0597046 0.910916 -0.204124 -0.353553
+-0.178092 0.89533 -0.15623 -0.377172
+-0.293433 0.864425 -0.105662 -0.394338
+-0.403753 0.818729 -0.053287 -0.404756
+-0.507164 0.759024 6.71206e-08 -0.408248
+-0.601898 0.686333 0.0532872 -0.404756
+-0.686333 0.601898 0.105662 -0.394338
+-0.759024 0.507164 0.15623 -0.377172
+-0.818729 0.403752 0.204124 -0.353553
+-0.864425 0.293433 0.248526 -0.323885
+-0.89533 0.178092 0.288675 -0.288675
+-0.910916 0.0597044 0.323885 -0.248526
+0.949933 0.0622619 -0.300303 0.059734
+0.93368 0.18572 -0.305531 0.0200255
+0.901451 0.306001 -0.305531 -0.0200255
+0.853797 0.421046 -0.300303 -0.059734
+0.791535 0.528887 -0.289937 -0.0984203
+0.71573 0.627678 -0.27461 -0.135423
+0.627679 0.71573 -0.254585 -0.170108
+0.528887 0.791536 -0.230203 -0.201883
+0.421046 0.853797 -0.201883 -0.230203
+0.306001 0.901451 -0.170108 -0.254585
+0.18572 0.93368 -0.135423 -0.27461
+0.0622619 0.949933 -0.0984203 -0.289937
+-0.062262 0.949933 -0.059734 -0.300303
+-0.18572 0.93368 -0.0200255 -0.305531
+-0.306001 0.901451 0.0200256 -0.305531
+-0.421046 0.853797 0.059734 -0.300303
+-0.528887 0.791535 0.0984204 -0.289937
+-0.627679 0.71573 0.135423 -0.27461
+-0.71573 0.627678 0.170108 -0.254585
+-0.791536 0.528887 0.201883 -0.230203
+-0.853797 0.421046 0.230203 -0.201883
+-0.901451 0.306001 0.254585 -0.170108
+-0.93368 0.18572 0.27461 -0.135423
+-0.949933 0.0622617 0.289937 -0.0984203
+0.864171 0.0566408 -0.221144 0.448436
+0.849385 0.168953 -0.277785 0.415735
+0.820066 0.278375 -0.329673 0.37592
+0.776715 0.383033 -0.37592 0.329673
+0.720074 0.481138 -0.415735 0.277785
+0.651112 0.57101 -0.448436 0.221144
+0.57101 0.651112 -0.473465 0.16072
+0.481138 0.720074 -0.490393 0.0975451
+0.383033 0.776715 -0.498929 0.0327016
+0.278375 0.820066 -0.498929 -0.0327016
+0.168953 0.849385 -0.490393 -0.0975451
+0.0566407 0.864171 -0.473465 -0.16072
+-0.0566408 0.864171 -0.448436 -0.221144
+-0.168953 0.849385 -0.415735 -0.277785
+-0.278375 0.820066 -0.37592 -0.329673
+-0.383033 0.776715 -0.329673 -0.37592
+-0.481138 0.720074 -0.277785 -0.415735
+-0.57101 0.651112 -0.221144 -0.448436
+-0.651112 0.57101 -0.16072 -0.473465
+-0.720074 0.481138 -0.0975451 -0.490393
+-0.776715 0.383033 -0.0327015 -0.498929
+-0.820066 0.278375 0.0327017 -0.498929
+-0.849385 0.168953 0.0975453 -0.490393
+-0.864171 0.0566406 0.16072 -0.473465
+0.910916 0.0597046 -0.248526 0.323885
+0.89533 0.178092 -0.288675 0.288675
+0.864425 0.293433 -0.323885 0.248526
+0.818729 0.403753 -0.353553 0.204124
+0.759024 0.507164 -0.377172 0.15623
+0.686333 0.601898 -0.394338 0.105662
+0.601898 0.686333 -0.404756 0.0532871
+0.507164 0.759024 -0.408248 -1.72366e-08
+0.403752 0.818729 -0.404756 -0.0532871
+0.293433 0.864425 -0.394338 -0.105662
+0.178092 0.89533 -0.377172 -0.15623
+0.0597046 0.910916 -0.353553 -0.204124
+-0.0597046 0.910916 -0.323885 -0.248526
+-0.178092 0.89533 -0.288675 -0.288675
+-0.293433 0.864425 -0.248526 -0.323885
+-0.403753 0.818729 -0.204124 -0.353553
+-0.507164 0.759024 -0.15623 -0.377172
+-0.601898 0.686333 -0.105662 -0.394338
+-0.686333 0.601898 -0.053287 -0.404756
+-0.759024 0.507164 3.50817e-08 -0.408248
+-0.818729 0.403752 0.0532871 -0.404756
+-0.864425 0.293433 0.105663 -0.394338
+-0.89533 0.178092 0.15623 -0.377172
+-0.910916 0.0597044 0.204124 -0.353553
+0.910916 0.0597046 -0.105662 0.394338
+0.89533 0.178092 -0.15623 0.377172
+0.864425 0.293433 -0.204124 0.353553
+0.818729 0.403753 -0.248526 0.323885
+0.759024 0.507164 -0.288675 0.288675
+0.686333 0.601898 -0.323885 0.248526
+0.601898 0.686333 -0.353553 0.204124
+0.507164 0.759024 -0.377172 0.15623
+0.403752 0.818729 -0.394338 0.105662
+0.293433 0.864425 -0.404756 0.0532871
+0.178092 0.89533 -0.408248 1.48024e-08
+0.0597046 0.910916 -0.404756 -0.0532871
+-0.0597046 0.910916 -0.394338 -0.105662
+-0.178092 0.89533 -0.377172 -0.15623
+-0.293433 0.864425 -0.353553 -0.204124
+-0.403753 0.818729 -0.323885 -0.248526
+-0.507164 0.759024 -0.288675 -0.288675
+-0.601898 0.686333 -0.248526 -0.323885
+-0.686333 0.601898 -0.204124 -0.353553
+-0.759024 0.507164 -0.15623 -0.377172
+-0.818729 0.403752 -0.105662 -0.394338
+-0.864425 0.293433 -0.053287 -0.404756
+-0.89533 0.178092 1.00377e-07 -0.408248
+-0.910916 0.0597044 0.0532872 -0.404756
+0.949933 0.0622619 -0.0984203 0.289937
+0.93368 0.18572 -0.135423 0.27461
+0.901451 0.306001 -0.170108 0.254585
+0.853797 0.421046 -0.201883 0.230203
+0.791535 0.528887 -0.230203 0.201883
+0.71573 0.627678 -0.254585 0.170108
+0.627679 0.71573 -0.27461 0.135423
+0.528887 0.791536 -0.289937 0.0984203
+0.421046 0.853797 -0.300303 0.059734
+0.306001 0.901451 -0.305531 0.0200255
+0.18572 0.93368 -0.305531 -0.0200255
+0.0622619 0.949933 -0.300303 -0.059734
+-0.062262 0.949933 -0.289937 -0.0984203
+-0.18572 0.93368 -0.27461 -0.135423
+-0.306001 0.901451 -0.254585 -0.170108
+-0.421046 0.853797 -0.230203 -0.201883
+-0.528887 0.791535 -0.201883 -0.230203
+-0.627679 0.71573 -0.170108 -0.254585
+-0.71573 0.627678 -0.135423 -0.27461
+-0.791536 0.528887 -0.0984203 -0.289937
+-0.853797 0.421046 -0.0597339 -0.300303
+-0.901451 0.306001 -0.0200255 -0.305531
+-0.93368 0.18572 0.0200256 -0.305531
+-0.949933 0.0622617 0.059734 -0.300303
+0.949933 0.0622619 -0.230203 0.201883
+0.93368 0.18572 -0.254585 0.170108
+0.901451 0.306001 -0.27461 0.135423
+0.853797 0.421046 -0.289937 0.0984203
+0.791535 0.528887 -0.300303 0.059734
+0.71573 0.627678 -0.305531 0.0200255
+0.627679 0.71573 -0.305531 -0.0200255
+0.528887 0.791536 -0.300303 -0.059734
+0.421046 0.853797 -0.289937 -0.0984203
+0.306001 0.901451 -0.27461 -0.135423
+0.18572 0.93368 -0.254585 -0.170108
+0.0622619 0.949933 -0.230203 -0.201883
+-0.062262 0.949933 -0.201883 -0.230203
+-0.18572 0.93368 -0.170108 -0.254585
+-0.306001 0.901451 -0.135423 -0.27461
+-0.421046 0.853797 -0.0984203 -0.289937
+-0.528887 0.791535 -0.0597339 -0.300303
+-0.627679 0.71573 -0.0200255 -0.305531
+-0.71573 0.627678 0.0200256 -0.305531
+-0.791536 0.528887 0.059734 -0.300303
+-0.853797 0.421046 0.0984204 -0.289937
+-0.901451 0.306001 0.135423 -0.27461
+-0.93368 0.18572 0.170108 -0.254584
+-0.949933 0.0622617 0.201883 -0.230203
+0.976849 0.0640261 -0.193291 0.0656136
+0.960135 0.190983 -0.200202 0.0398226
+0.926993 0.314672 -0.203687 0.0133504
+0.877989 0.432976 -0.203687 -0.0133504
+0.813963 0.543873 -0.200202 -0.0398226
+0.73601 0.645463 -0.193291 -0.0656136
+0.645463 0.73601 -0.183073 -0.0902818
+0.543873 0.813963 -0.169723 -0.113405
+0.432976 0.877989 -0.153469 -0.134588
+0.314672 0.926993 -0.134588 -0.153469
+0.190983 0.960135 -0.113405 -0.169723
+0.064026 0.976849 -0.0902818 -0.183073
+-0.0640261 0.976849 -0.0656136 -0.193291
+-0.190983 0.960135 -0.0398226 -0.200202
+-0.314672 0.926992 -0.0133503 -0.203687
+-0.432976 0.877989 0.0133504 -0.203687
+-0.543873 0.813963 0.0398227 -0.200202
+-0.645463 0.73601 0.0656136 -0.193291
+-0.73601 0.645463 0.0902818 -0.183073
+-0.813963 0.543873 0.113405 -0.169723
+-0.877989 0.432976 0.134588 -0.153469
+-0.926993 0.314671 0.153469 -0.134588
+-0.960135 0.190982 0.169723 -0.113405
+-0.976849 0.0640259 0.183073 -0.0902818
+0.976849 0.0640261 -0.0902818 0.183073
+0.960135 0.190983 -0.113405 0.169723
+0.926993 0.314672 -0.134588 0.153469
+0.877989 0.432976 -0.153469 0.134588
+0.813963 0.543873 -0.169723 0.113405
+0.73601 0.645463 -0.183073 0.0902818
+0.645463 0.73601 -0.193291 0.0656136
+0.543873 0.813963 -0.200202 0.0398226
+0.432976 0.877989 -0.203687 0.0133504
+0.314672 0.926993 -0.203687 -0.0133504
+0.190983 0.960135 -0.200202 -0.0398226
+0.064026 0.976849 -0.193291 -0.0656136
+-0.0640261 0.976849 -0.183073 -0.0902818
+-0.190983 0.960135 -0.169723 -0.113405
+-0.314672 0.926992 -0.153469 -0.134588
+-0.432976 0.877989 -0.134588 -0.153469
+-0.543873 0.813963 -0.113405 -0.169723
+-0.645463 0.73601 -0.0902818 -0.183073
+-0.73601 0.645463 -0.0656135 -0.193291
+-0.813963 0.543873 -0.0398226 -0.200202
+-0.877989 0.432976 -0.0133503 -0.203687
+-0.926993 0.314671 0.0133504 -0.203687
+-0.960135 0.190982 0.0398227 -0.200202
+-0.976849 0.0640259 0.0656136 -0.193291
+0.992648 0.0650616 -0.0767343 0.0672942
+0.975664 0.194072 -0.0848615 0.0567026
+0.941985 0.319761 -0.0915367 0.0451409
+0.892189 0.439979 -0.0966457 0.0328068
+0.827128 0.552669 -0.100101 0.0199113
+0.747914 0.655903 -0.101844 0.00667518
+0.655903 0.747914 -0.101844 -0.00667518
+0.552669 0.827128 -0.100101 -0.0199113
+0.439979 0.892189 -0.0966457 -0.0328068
+0.319761 0.941985 -0.0915367 -0.0451409
+0.194072 0.975664 -0.0848615 -0.0567026
+0.0650615 0.992648 -0.0767343 -0.0672942
+-0.0650616 0.992648 -0.0672942 -0.0767343
+-0.194072 0.975664 -0.0567026 -0.0848615
+-0.319761 0.941985 -0.0451409 -0.0915367
+-0.439979 0.892189 -0.0328068 -0.0966457
+-0.552669 0.827128 -0.0199113 -0.100101
+-0.655903 0.747914 -0.00667516 -0.101844
+-0.747914 0.655903 0.00667519 -0.101844
+-0.827128 0.552669 0.0199113 -0.100101
+-0.892189 0.439979 0.0328068 -0.0966456
+-0.941985 0.319761 0.0451409 -0.0915367
+-0.975664 0.194071 0.0567027 -0.0848615
+-0.992648 0.0650614 0.0672942 -0.0767343
+0.762127 0.0499525 -0.425606 -0.485311
+0.749087 0.149003 -0.358619 -0.536711
+0.72323 0.245503 -0.285496 -0.578929
+0.684998 0.337804 -0.207488 -0.611241
+0.635045 0.424324 -0.12593 -0.633094
+0.574227 0.503584 -0.0422176 -0.644115
+0.503584 0.574227 0.0422175 -0.644115
+0.424324 0.635045 0.12593 -0.633094
+0.337804 0.684998 0.207488 -0.611241
+0.245503 0.72323 0.285496 -0.578929
+0.149003 0.749087 0.358619 -0.536711
+0.0499524 0.762127 0.425606 -0.48531
+-0.0499525 0.762127 0.485311 -0.425606
+-0.149003 0.749087 0.536711 -0.358619
+-0.245504 0.72323 0.578929 -0.285496
+-0.337804 0.684998 0.611241 -0.207488
+-0.424324 0.635045 0.633094 -0.12593
+-0.503584 0.574227 0.644115 -0.0422174
+-0.574227 0.503584 0.644115 0.0422176
+-0.635045 0.424324 0.633094 0.12593
+-0.684998 0.337804 0.611241 0.207488
+-0.72323 0.245503 0.578929 0.285496
+-0.749087 0.149003 0.536711 0.358619
+-0.762127 0.0499523 0.48531 0.425606
+0.814748 0.0534014 -0.288675 -0.5
+0.800808 0.159291 -0.220942 -0.533402
+0.773165 0.262454 -0.149429 -0.557678
+0.732294 0.361127 -0.0753593 -0.572411
+0.678892 0.453621 8.60604e-10 -0.57735
+0.613875 0.538354 0.0753593 -0.572411
+0.538354 0.613875 0.149429 -0.557678
+0.453621 0.678892 0.220942 -0.533402
+0.361127 0.732294 0.288675 -0.5
+0.262454 0.773165 0.351469 -0.458043
+0.159291 0.800808 0.408248 -0.408248
+0.0534014 0.814748 0.458043 -0.351469
+-0.0534015 0.814748 0.5 -0.288675
+-0.159291 0.800808 0.533402 -0.220942
+-0.262454 0.773165 0.557678 -0.149429
+-0.361127 0.732293 0.572411 -0.0753592
+-0.453621 0.678892 0.57735 9.49229e-08
+-0.538354 0.613875 0.572411 0.0753594
+-0.613875 0.538354 0.557678 0.149429
+-0.678892 0.453621 0.533402 0.220942
+-0.732294 0.361127 0.5 0.288675
+-0.773165 0.262454 0.458043 0.351469
+-0.800808 0.15929 0.408248 0.408248
+-0.814748 0.0534013 0.351468 0.458043
+0.814748 0.0534014 -0.458043 -0.351469
+0.800808 0.159291 -0.408248 -0.408248
+0.773165 0.262454 -0.351469 -0.458043
+0.732294 0.361127 -0.288675 -0.5
+0.678892 0.453621 -0.220942 -0.533402
+0.613875 0.538354 -0.149429 -0.557678
+0.538354 0.613875 -0.0753593 -0.572411
+0.453621 0.678892 2.43762e-08 -0.57735
+0.361127 0.732294 0.0753593 -0.572411
+0.262454 0.773165 0.149429 -0.557678
+0.159291 0.800808 0.220942 -0.533402
+0.0534014 0.814748 0.288675 -0.5
+-0.0534015 0.814748 0.351469 -0.458043
+-0.159291 0.800808 0.408248 -0.408248
+-0.262454 0.773165 0.458043 -0.351469
+-0.361127 0.732293 0.5 -0.288675
+-0.453621 0.678892 0.533402 -0.220942
+-0.538354 0.613875 0.557678 -0.149429
+-0.613875 0.538354 0.572411 -0.0753593
+-0.678892 0.453621 0.57735 4.9613e-08
+-0.732294 0.361127 0.572411 0.0753594
+-0.773165 0.262454 0.557677 0.149429
+-0.800808 0.15929 0.533402 0.220943
+-0.814748 0.0534013 0.5 0.288675
+0.864171 0.0566408 -0.329673 -0.37592
+0.849385 0.168953 -0.277785 -0.415735
+0.820066 0.278375 -0.221144 -0.448436
+0.776715 0.383033 -0.16072 -0.473465
+0.720074 0.481138 -0.0975452 -0.490393
+0.651112 0.57101 -0.0327016 -0.498929
+0.57101 0.651112 0.0327016 -0.498929
+0.481138 0.720074 0.0975452 -0.490393
+0.383033 0.776715 0.16072 -0.473465
+0.278375 0.820066 0.221144 -0.448436
+0.168953 0.849385 0.277785 -0.415735
+0.0566407 0.864171 0.329673 -0.37592
+-0.0566408 0.864171 0.37592 -0.329673
+-0.168953 0.849385 0.415735 -0.277785
+-0.278375 0.820066 0.448436 -0.221144
+-0.383033 0.776715 0.473465 -0.16072
+-0.481138 0.720074 0.490393 -0.0975451
+-0.57101 0.651112 0.498929 -0.0327015
+-0.651112 0.57101 0.498929 0.0327016
+-0.720074 0.481138 0.490393 0.0975452
+-0.776715 0.383033 0.473465 0.16072
+-0.820066 0.278375 0.448436 0.221144
+-0.849385 0.168953 0.415735 0.277785
+-0.864171 0.0566406 0.37592 0.329673
+0.864171 0.0566408 -0.16072 -0.473465
+0.849385 0.168953 -0.0975452 -0.490393
+0.820066 0.278375 -0.0327016 -0.498929
+0.776715 0.383033 0.0327016 -0.498929
+0.720074 0.481138 0.0975452 -0.490393
+0.651112 0.57101 0.16072 -0.473465
+0.57101 0.651112 0.221144 -0.448436
+0.481138 0.720074 0.277785 -0.415735
+0.383033 0.776715 0.329673 -0.37592
+0.278375 0.820066 0.37592 -0.329673
+0.168953 0.849385 0.415735 -0.277785
+0.0566407 0.864171 0.448436 -0.221144
+-0.0566408 0.864171 0.473465 -0.16072
+-0.168953 0.849385 0.490393 -0.0975452
+-0.278375 0.820066 0.498929 -0.0327015
+-0.383033 0.776715 0.498929 0.0327017
+-0.481138 0.720074 0.490393 0.0975452
+-0.57101 0.651112 0.473465 0.16072
+-0.651112 0.57101 0.448436 0.221144
+-0.720074 0.481138 0.415735 0.277785
+-0.776715 0.383033 0.37592 0.329673
+-0.820066 0.278375 0.329673 0.37592
+-0.849385 0.168953 0.277785 0.415735
+-0.864171 0.0566406 0.221144 0.448436
+0.910916 0.0597046 -0.0532871 -0.404756
+0.89533 0.178092 2.23064e-09 -0.408248
+0.864425 0.293433 0.0532871 -0.404756
+0.818729 0.403753 0.105662 -0.394338
+0.759024 0.507164 0.15623 -0.377172
+0.686333 0.601898 0.204124 -0.353553
+0.601898 0.686333 0.248526 -0.323885
+0.507164 0.759024 0.288675 -0.288675
+0.403752 0.818729 0.323885 -0.248526
+0.293433 0.864425 0.353553 -0.204124
+0.178092 0.89533 0.377172 -0.15623
+0.0597046 0.910916 0.394338 -0.105662
+-0.0597046 0.910916 0.404756 -0.0532871
+-0.178092 0.89533 0.408248 1.82562e-09
+-0.293433 0.864425 0.404756 0.0532871
+-0.403753 0.818729 0.394338 0.105663
+-0.507164 0.759024 0.377172 0.15623
+-0.601898 0.686333 0.353553 0.204124
+-0.686333 0.601898 0.323885 0.248526
+-0.759024 0.507164 0.288675 0.288675
+-0.818729 0.403752 0.248526 0.323885
+-0.864425 0.293433 0.204124 0.353553
+-0.89533 0.178092 0.15623 0.377172
+-0.910916 0.0597044 0.105662 0.394338
+0.910916 0.0597046 -0.204124 -0.353553
+0.89533 0.178092 -0.15623 -0.377172
+0.864425 0.293433 -0.105662 -0.394338
+0.818729 0.403753 -0.0532871 -0.404756
+0.759024 0.507164 6.08539e-10 -0.408248
+0.686333 0.601898 0.0532871 -0.404756
+0.601898 0.686333 0.105662 -0.394338
+0.507164 0.759024 0.15623 -0.377172
+0.403752 0.818729 0.204124 -0.353553
+0.293433 0.864425 0.248526 -0.323885
+0.178092 0.89533 0.288675 -0.288675
+0.0597046 0.910916 0.323885 -0.248526
+-0.0597046 0.910916 0.353553 -0.204124
+-0.178092 0.89533 0.377172 -0.15623
+-0.293433 0.864425 0.394338 -0.105662
+-0.403753 0.818729 0.404756 -0.053287
+-0.507164 0.759024 0.408248 6.71206e-08
+-0.601898 0.686333 0.404756 0.0532872
+-0.686333 0.601898 0.394338 0.105662
+-0.759024 0.507164 0.377172 0.15623
+-0.818729 0.403752 0.353553 0.204124
+-0.864425 0.293433 0.323885 0.248526
+-0.89533 0.178092 0.288675 0.288675
+-0.910916 0.0597044 0.248526 0.323885
+0.949933 0.0622619 -0.059734 -0.300303
+0.93368 0.18572 -0.0200255 -0.305531
+0.901451 0.306001 0.0200255 -0.305531
+0.853797 0.421046 0.059734 -0.300303
+0.791535 0.528887 0.0984203 -0.289937
+0.71573 0.627678 0.135423 -0.27461
+0.627679 0.71573 0.170108 -0.254585
+0.528887 0.791536 0.201883 -0.230203
+0.421046 0.853797 0.230203 -0.201883
+0.306001 0.901451 0.254585 -0.170108
+0.18572 0.93368 0.27461 -0.135423
+0.0622619 0.949933 0.289937 -0.0984203
+-0.062262 0.949933 0.300303 -0.059734
+-0.18572 0.93368 0.305531 -0.0200255
+-0.306001 0.901451 0.305531 0.0200256
+-0.421046 0.853797 0.300303 0.059734
+-0.528887 0.791535 0.289937 0.0984204
+-0.627679 0.71573 0.27461 0.135423
+-0.71573 0.627678 0.254585 0.170108
+-0.791536 0.528887 0.230203 0.201883
+-0.853797 0.421046 0.201883 0.230203
+-0.901451 0.306001 0.170108 0.254585
+-0.93368 0.18572 0.135423 0.27461
+-0.949933 0.0622617 0.0984203 0.289937
+0.864171 0.0566408 -0.448436 -0.221144
+0.849385 0.168953 -0.415735 -0.277785
+0.820066 0.278375 -0.37592 -0.329673
+0.776715 0.383033 -0.329673 -0.37592
+0.720074 0.481138 -0.277785 -0.415735
+0.651112 0.57101 -0.221144 -0.448436
+0.57101 0.651112 -0.16072 -0.473465
+0.481138 0.720074 -0.0975451 -0.490393
+0.383033 0.776715 -0.0327016 -0.498929
+0.278375 0.820066 0.0327016 -0.498929
+0.168953 0.849385 0.0975451 -0.490393
+0.0566407 0.864171 0.16072 -0.473465
+-0.0566408 0.864171 0.221144 -0.448436
+-0.168953 0.849385 0.277785 -0.415735
+-0.278375 0.820066 0.329673 -0.37592
+-0.383033 0.776715 0.37592 -0.329673
+-0.481138 0.720074 0.415735 -0.277785
+-0.57101 0.651112 0.448436 -0.221144
+-0.651112 0.57101 0.473465 -0.16072
+-0.720074 0.481138 0.490393 -0.0975451
+-0.776715 0.383033 0.498929 -0.0327015
+-0.820066 0.278375 0.498929 0.0327017
+-0.849385 0.168953 0.490393 0.0975453
+-0.864171 0.0566406 0.473465 0.16072
+0.910916 0.0597046 -0.323885 -0.248526
+0.89533 0.178092 -0.288675 -0.288675
+0.864425 0.293433 -0.248526 -0.323885
+0.818729 0.403753 -0.204124 -0.353553
+0.759024 0.507164 -0.15623 -0.377172
+0.686333 0.601898 -0.105662 -0.394338
+0.601898 0.686333 -0.0532871 -0.404756
+0.507164 0.759024 1.72366e-08 -0.408248
+0.403752 0.818729 0.0532871 -0.404756
+0.293433 0.864425 0.105662 -0.394338
+0.178092 0.89533 0.15623 -0.377172
+0.0597046 0.910916 0.204124 -0.353553
+-0.0597046 0.910916 0.248526 -0.323885
+-0.178092 0.89533 0.288675 -0.288675
+-0.293433 0.864425 0.323885 -0.248526
+-0.403753 0.818729 0.353553 -0.204124
+-0.507164 0.759024 0.377172 -0.15623
+-0.601898 0.686333 0.394338 -0.105662
+-0.686333 0.601898 0.404756 -0.053287
+-0.759024 0.507164 0.408248 3.50817e-08
+-0.818729 0.403752 0.404756 0.0532871
+-0.864425 0.293433 0.394338 0.105663
+-0.89533 0.178092 0.377172 0.15623
+-0.910916 0.0597044 0.353553 0.204124
+0.910916 0.0597046 -0.394338 -0.105662
+0.89533 0.178092 -0.377172 -0.15623
+0.864425 0.293433 -0.353553 -0.204124
+0.818729 0.403753 -0.323885 -0.248526
+0.759024 0.507164 -0.288675 -0.288675
+0.686333 0.601898 -0.248526 -0.323885
+0.601898 0.686333 -0.204124 -0.353553
+0.507164 0.759024 -0.15623 -0.377172
+0.403752 0.818729 -0.105662 -0.394338
+0.293433 0.864425 -0.0532871 -0.404756
+0.178092 0.89533 -1.48024e-08 -0.408248
+0.0597046 0.910916 0.0532871 -0.404756
+-0.0597046 0.910916 0.105662 -0.394338
+-0.178092 0.89533 0.15623 -0.377172
+-0.293433 0.864425 0.204124 -0.353553
+-0.403753 0.818729 0.248526 -0.323885
+-0.507164 0.759024 0.288675 -0.288675
+-0.601898 0.686333 0.323885 -0.248526
+-0.686333 0.601898 0.353553 -0.204124
+-0.759024 0.507164 0.377172 -0.15623
+-0.818729 0.403752 0.394338 -0.105662
+-0.864425 0.293433 0.404756 -0.053287
+-0.89533 0.178092 0.408248 1.00377e-07
+-0.910916 0.0597044 0.404756 0.0532872
+0.949933 0.0622619 -0.289937 -0.0984203
+0.93368 0.18572 -0.27461 -0.135423
+0.901451 0.306001 -0.254585 -0.170108
+0.853797 0.421046 -0.230203 -0.201883
+0.791535 0.528887 -0.201883 -0.230203
+0.71573 0.627678 -0.170108 -0.254585
+0.627679 0.71573 -0.135423 -0.27461
+0.528887 0.791536 -0.0984203 -0.289937
+0.421046 0.853797 -0.059734 -0.300303
+0.306001 0.901451 -0.0200255 -0.305531
+0.18572 0.93368 0.0200255 -0.305531
+0.0622619 0.949933 0.059734 -0.300303
+-0.062262 0.949933 0.0984203 -0.289937
+-0.18572 0.93368 0.135423 -0.27461
+-0.306001 0.901451 0.170108 -0.254585
+-0.421046 0.853797 0.201883 -0.230203
+-0.528887 0.791535 0.230203 -0.201883
+-0.627679 0.71573 0.254585 -0.170108
+-0.71573 0.627678 0.27461 -0.135423
+-0.791536 0.528887 0.289937 -0.0984203
+-0.853797 0.421046 0.300303 -0.0597339
+-0.901451 0.306001 0.305531 -0.0200255
+-0.93368 0.18572 0.305531 0.0200256
+-0.949933 0.0622617 0.300303 0.059734
+0.949933 0.0622619 -0.201883 -0.230203
+0.93368 0.18572 -0.170108 -0.254585
+0.901451 0.306001 -0.135423 -0.27461
+0.853797 0.421046 -0.0984203 -0.289937
+0.791535 0.528887 -0.059734 -0.300303
+0.71573 0.627678 -0.0200255 -0.305531
+0.627679 0.71573 0.0200255 -0.305531
+0.528887 0.791536 0.059734 -0.300303
+0.421046 0.853797 0.0984203 -0.289937
+0.306001 0.901451 0.135423 -0.27461
+0.18572 0.93368 0.170108 -0.254585
+0.0622619 0.949933 0.201883 -0.230203
+-0.062262 0.949933 0.230203 -0.201883
+-0.18572 0.93368 0.254585 -0.170108
+-0.306001 0.901451 0.27461 -0.135423
+-0.421046 0.853797 0.289937 -0.0984203
+-0.528887 0.791535 0.300303 -0.0597339
+-0.627679 0.71573 0.305531 -0.0200255
+-0.71573 0.627678 0.305531 0.0200256
+-0.791536 0.528887 0.300303 0.059734
+-0.853797 0.421046 0.289937 0.0984204
+-0.901451 0.306001 0.27461 0.135423
+-0.93368 0.18572 0.254584 0.170108
+-0.949933 0.0622617 0.230203 0.201883
+0.976849 0.0640261 -0.0656136 -0.193291
+0.960135 0.190983 -0.0398226 -0.200202
+0.926993 0.314672 -0.0133504 -0.203687
+0.877989 0.432976 0.0133504 -0.203687
+0.813963 0.543873 0.0398226 -0.200202
+0.73601 0.645463 0.0656136 -0.193291
+0.645463 0.73601 0.0902818 -0.183073
+0.543873 0.813963 0.113405 -0.169723
+0.432976 0.877989 0.134588 -0.153469
+0.314672 0.926993 0.153469 -0.134588
+0.190983 0.960135 0.169723 -0.113405
+0.064026 0.976849 0.183073 -0.0902818
+-0.0640261 0.976849 0.193291 -0.0656136
+-0.190983 0.960135 0.200202 -0.0398226
+-0.314672 0.926992 0.203687 -0.0133503
+-0.432976 0.877989 0.203687 0.0133504
+-0.543873 0.813963 0.200202 0.0398227
+-0.645463 0.73601 0.193291 0.0656136
+-0.73601 0.645463 0.183073 0.0902818
+-0.813963 0.543873 0.169723 0.113405
+-0.877989 0.432976 0.153469 0.134588
+-0.926993 0.314671 0.134588 0.153469
+-0.960135 0.190982 0.113405 0.169723
+-0.976849 0.0640259 0.0902818 0.183073
+0.976849 0.0640261 -0.183073 -0.0902818
+0.960135 0.190983 -0.169723 -0.113405
+0.926993 0.314672 -0.153469 -0.134588
+0.877989 0.432976 -0.134588 -0.153469
+0.813963 0.543873 -0.113405 -0.169723
+0.73601 0.645463 -0.0902818 -0.183073
+0.645463 0.73601 -0.0656136 -0.193291
+0.543873 0.813963 -0.0398226 -0.200202
+0.432976 0.877989 -0.0133504 -0.203687
+0.314672 0.926993 0.0133504 -0.203687
+0.190983 0.960135 0.0398226 -0.200202
+0.064026 0.976849 0.0656136 -0.193291
+-0.0640261 0.976849 0.0902818 -0.183073
+-0.190983 0.960135 0.113405 -0.169723
+-0.314672 0.926992 0.134588 -0.153469
+-0.432976 0.877989 0.153469 -0.134588
+-0.543873 0.813963 0.169723 -0.113405
+-0.645463 0.73601 0.183073 -0.0902818
+-0.73601 0.645463 0.193291 -0.0656135
+-0.813963 0.543873 0.200202 -0.0398226
+-0.877989 0.432976 0.203687 -0.0133503
+-0.926993 0.314671 0.203687 0.0133504
+-0.960135 0.190982 0.200202 0.0398227
+-0.976849 0.0640259 0.193291 0.0656136
+0.992648 0.0650616 -0.0672942 -0.0767343
+0.975664 0.194072 -0.0567026 -0.0848615
+0.941985 0.319761 -0.0451409 -0.0915367
+0.892189 0.439979 -0.0328068 -0.0966457
+0.827128 0.552669 -0.0199113 -0.100101
+0.747914 0.655903 -0.00667518 -0.101844
+0.655903 0.747914 0.00667518 -0.101844
+0.552669 0.827128 0.0199113 -0.100101
+0.439979 0.892189 0.0328068 -0.0966457
+0.319761 0.941985 0.0451409 -0.0915367
+0.194072 0.975664 0.0567026 -0.0848615
+0.0650615 0.992648 0.0672942 -0.0767343
+-0.0650616 0.992648 0.0767343 -0.0672942
+-0.194072 0.975664 0.0848615 -0.0567026
+-0.319761 0.941985 0.0915367 -0.0451409
+-0.439979 0.892189 0.0966457 -0.0328068
+-0.552669 0.827128 0.100101 -0.0199113
+-0.655903 0.747914 0.101844 -0.00667516
+-0.747914 0.655903 0.101844 0.00667519
+-0.827128 0.552669 0.100101 0.0199113
+-0.892189 0.439979 0.0966456 0.0328068
+-0.941985 0.319761 0.0915367 0.0451409
+-0.975664 0.194071 0.0848615 0.0567027
+-0.992648 0.0650614 0.0767343 0.0672942
+0.762127 0.0499525 0.485311 -0.425606
+0.749087 0.149003 0.536711 -0.358619
+0.72323 0.245503 0.578929 -0.285496
+0.684998 0.337804 0.611241 -0.207488
+0.635045 0.424324 0.633094 -0.12593
+0.574227 0.503584 0.644115 -0.0422176
+0.503584 0.574227 0.644115 0.0422175
+0.424324 0.635045 0.633094 0.12593
+0.337804 0.684998 0.611241 0.207488
+0.245503 0.72323 0.578929 0.285496
+0.149003 0.749087 0.536711 0.358619
+0.0499524 0.762127 0.48531 0.425606
+-0.0499525 0.762127 0.425606 0.485311
+-0.149003 0.749087 0.358619 0.536711
+-0.245504 0.72323 0.285496 0.578929
+-0.337804 0.684998 0.207488 0.611241
+-0.424324 0.635045 0.12593 0.633094
+-0.503584 0.574227 0.0422174 0.644115
+-0.574227 0.503584 -0.0422176 0.644115
+-0.635045 0.424324 -0.12593 0.633094
+-0.684998 0.337804 -0.207488 0.611241
+-0.72323 0.245503 -0.285496 0.578929
+-0.749087 0.149003 -0.358619 0.536711
+-0.762127 0.0499523 -0.425606 0.48531
+0.814748 0.0534014 0.5 -0.288675
+0.800808 0.159291 0.533402 -0.220942
+0.773165 0.262454 0.557678 -0.149429
+0.732294 0.361127 0.572411 -0.0753593
+0.678892 0.453621 0.57735 8.60604e-10
+0.613875 0.538354 0.572411 0.0753593
+0.538354 0.613875 0.557678 0.149429
+0.453621 0.678892 0.533402 0.220942
+0.361127 0.732294 0.5 0.288675
+0.262454 0.773165 0.458043 0.351469
+0.159291 0.800808 0.408248 0.408248
+0.0534014 0.814748 0.351469 0.458043
+-0.0534015 0.814748 0.288675 0.5
+-0.159291 0.800808 0.220942 0.533402
+-0.262454 0.773165 0.149429 0.557678
+-0.361127 0.732293 0.0753592 0.572411
+-0.453621 0.678892 -9.49229e-08 0.57735
+-0.538354 0.613875 -0.0753594 0.572411
+-0.613875 0.538354 -0.149429 0.557678
+-0.678892 0.453621 -0.220942 0.533402
+-0.732294 0.361127 -0.288675 0.5
+-0.773165 0.262454 -0.351469 0.458043
+-0.800808 0.15929 -0.408248 0.408248
+-0.814748 0.0534013 -0.458043 0.351468
+0.814748 0.0534014 0.351469 -0.458043
+0.800808 0.159291 0.408248 -0.408248
+0.773165 0.262454 0.458043 -0.351469
+0.732294 0.361127 0.5 -0.288675
+0.678892 0.453621 0.533402 -0.220942
+0.613875 0.538354 0.557678 -0.149429
+0.538354 0.613875 0.572411 -0.0753593
+0.453621 0.678892 0.57735 2.43762e-08
+0.361127 0.732294 0.572411 0.0753593
+0.262454 0.773165 0.557678 0.149429
+0.159291 0.800808 0.533402 0.220942
+0.0534014 0.814748 0.5 0.288675
+-0.0534015 0.814748 0.458043 0.351469
+-0.159291 0.800808 0.408248 0.408248
+-0.262454 0.773165 0.351469 0.458043
+-0.361127 0.732293 0.288675 0.5
+-0.453621 0.678892 0.220942 0.533402
+-0.538354 0.613875 0.149429 0.557678
+-0.613875 0.538354 0.0753593 0.572411
+-0.678892 0.453621 -4.9613e-08 0.57735
+-0.732294 0.361127 -0.0753594 0.572411
+-0.773165 0.262454 -0.149429 0.557677
+-0.800808 0.15929 -0.220943 0.533402
+-0.814748 0.0534013 -0.288675 0.5
+0.864171 0.0566408 0.37592 -0.329673
+0.849385 0.168953 0.415735 -0.277785
+0.820066 0.278375 0.448436 -0.221144
+0.776715 0.383033 0.473465 -0.16072
+0.720074 0.481138 0.490393 -0.0975452
+0.651112 0.57101 0.498929 -0.0327016
+0.57101 0.651112 0.498929 0.0327016
+0.481138 0.720074 0.490393 0.0975452
+0.383033 0.776715 0.473465 0.16072
+0.278375 0.820066 0.448436 0.221144
+0.168953 0.849385 0.415735 0.277785
+0.0566407 0.864171 0.37592 0.329673
+-0.0566408 0.864171 0.329673 0.37592
+-0.168953 0.849385 0.277785 0.415735
+-0.278375 0.820066 0.221144 0.448436
+-0.383033 0.776715 0.16072 0.473465
+-0.481138 0.720074 0.0975451 0.490393
+-0.57101 0.651112 0.0327015 0.498929
+-0.651112 0.57101 -0.0327016 0.498929
+-0.720074 0.481138 -0.0975452 0.490393
+-0.776715 0.383033 -0.16072 0.473465
+-0.820066 0.278375 -0.221144 0.448436
+-0.849385 0.168953 -0.277785 0.415735
+-0.864171 0.0566406 -0.329673 0.37592
+0.864171 0.0566408 0.473465 -0.16072
+0.849385 0.168953 0.490393 -0.0975452
+0.820066 0.278375 0.498929 -0.0327016
+0.776715 0.383033 0.498929 0.0327016
+0.720074 0.481138 0.490393 0.0975452
+0.651112 0.57101 0.473465 0.16072
+0.57101 0.651112 0.448436 0.221144
+0.481138 0.720074 0.415735 0.277785
+0.383033 0.776715 0.37592 0.329673
+0.278375 0.820066 0.329673 0.37592
+0.168953 0.849385 0.277785 0.415735
+0.0566407 0.864171 0.221144 0.448436
+-0.0566408 0.864171 0.16072 0.473465
+-0.168953 0.849385 0.0975452 0.490393
+-0.278375 0.820066 0.0327015 0.498929
+-0.383033 0.776715 -0.0327017 0.498929
+-0.481138 0.720074 -0.0975452 0.490393
+-0.57101 0.651112 -0.16072 0.473465
+-0.651112 0.57101 -0.221144 0.448436
+-0.720074 0.481138 -0.277785 0.415735
+-0.776715 0.383033 -0.329673 0.37592
+-0.820066 0.278375 -0.37592 0.329673
+-0.849385 0.168953 -0.415735 0.277785
+-0.864171 0.0566406 -0.448436 0.221144
+0.910916 0.0597046 0.404756 -0.0532871
+0.89533 0.178092 0.408248 2.23064e-09
+0.864425 0.293433 0.404756 0.0532871
+0.818729 0.403753 0.394338 0.105662
+0.759024 0.507164 0.377172 0.15623
+0.686333 0.601898 0.353553 0.204124
+0.601898 0.686333 0.323885 0.248526
+0.507164 0.759024 0.288675 0.288675
+0.403752 0.818729 0.248526 0.323885
+0.293433 0.864425 0.204124 0.353553
+0.178092 0.89533 0.15623 0.377172
+0.0597046 0.910916 0.105662 0.394338
+-0.0597046 0.910916 0.0532871 0.404756
+-0.178092 0.89533 -1.82562e-09 0.408248
+-0.293433 0.864425 -0.0532871 0.404756
+-0.403753 0.818729 -0.105663 0.394338
+-0.507164 0.759024 -0.15623 0.377172
+-0.601898 0.686333 -0.204124 0.353553
+-0.686333 0.601898 -0.248526 0.323885
+-0.759024 0.507164 -0.288675 0.288675
+-0.818729 0.403752 -0.323885 0.248526
+-0.864425 0.293433 -0.353553 0.204124
+-0.89533 0.178092 -0.377172 0.15623
+-0.910916 0.0597044 -0.394338 0.105662
+0.910916 0.0597046 0.353553 -0.204124
+0.89533 0.178092 0.377172 -0.15623
+0.864425 0.293433 0.394338 -0.105662
+0.818729 0.403753 0.404756 -0.0532871
+0.759024 0.507164 0.408248 6.08539e-10
+0.686333 0.601898 0.404756 0.0532871
+0.601898 0.686333 0.394338 0.105662
+0.507164 0.759024 0.377172 0.15623
+0.403752 0.818729 0.353553 0.204124
+0.293433 0.864425 0.323885 0.248526
+0.178092 0.89533 0.288675 0.288675
+0.0597046 0.910916 0.248526 0.323885
+-0.0597046 0.910916 0.204124 0.353553
+-0.178092 0.89533 0.15623 0.377172
+-0.293433 0.864425 0.105662 0.394338
+-0.403753 0.818729 0.053287 0.404756
+-0.507164 0.759024 -6.71206e-08 0.408248
+-0.601898 0.686333 -0.0532872 0.404756
+-0.686333 0.601898 -0.105662 0.394338
+-0.759024 0.507164 -0.15623 0.377172
+-0.818729 0.403752 -0.204124 0.353553
+-0.864425 0.293433 -0.248526 0.323885
+-0.89533 0.178092 -0.288675 0.288675
+-0.910916 0.0597044 -0.323885 0.248526
+0.949933 0.0622619 0.300303 -0.059734
+0.93368 0.18572 0.305531 -0.0200255
+0.901451 0.306001 0.305531 0.0200255
+0.853797 0.421046 0.300303 0.059734
+0.791535 0.528887 0.289937 0.0984203
+0.71573 0.627678 0.27461 0.135423
+0.627679 0.71573 0.254585 0.170108
+0.528887 0.791536 0.230203 0.201883
+0.421046 0.853797 0.201883 0.230203
+0.306001 0.901451 0.170108 0.254585
+0.18572 0.93368 0.135423 0.27461
+0.0622619 0.949933 0.0984203 0.289937
+-0.062262 0.949933 0.059734 0.300303
+-0.18572 0.93368 0.0200255 0.305531
+-0.306001 0.901451 -0.0200256 0.305531
+-0.421046 0.853797 -0.059734 0.300303
+-0.528887 0.791535 -0.0984204 0.289937
+-0.627679 0.71573 -0.135423 0.27461
+-0.71573 0.627678 -0.170108 0.254585
+-0.791536 0.528887 -0.201883 0.230203
+-0.853797 0.421046 -0.230203 0.201883
+-0.901451 0.306001 -0.254585 0.170108
+-0.93368 0.18572 -0.27461 0.135423
+-0.949933 0.0622617 -0.289937 0.0984203
+0.864171 0.0566408 0.221144 -0.448436
+0.849385 0.168953 0.277785 -0.415735
+0.820066 0.278375 0.329673 -0.37592
+0.776715 0.383033 0.37592 -0.329673
+0.720074 0.481138 0.415735 -0.277785
+0.651112 0.57101 0.448436 -0.221144
+0.57101 0.651112 0.473465 -0.16072
+0.481138 0.720074 0.490393 -0.0975451
+0.383033 0.776715 0.498929 -0.0327016
+0.278375 0.820066 0.498929 0.0327016
+0.168953 0.849385 0.490393 0.0975451
+0.0566407 0.864171 0.473465 0.16072
+-0.0566408 0.864171 0.448436 0.221144
+-0.168953 0.849385 0.415735 0.277785
+-0.278375 0.820066 0.37592 0.329673
+-0.383033 0.776715 0.329673 0.37592
+-0.481138 0.720074 0.277785 0.415735
+-0.57101 0.651112 0.221144 0.448436
+-0.651112 0.57101 0.16072 0.473465
+-0.720074 0.481138 0.0975451 0.490393
+-0.776715 0.383033 0.0327015 0.498929
+-0.820066 0.278375 -0.0327017 0.498929
+-0.849385 0.168953 -0.0975453 0.490393
+-0.864171 0.0566406 -0.16072 0.473465
+0.910916 0.0597046 0.248526 -0.323885
+0.89533 0.178092 0.288675 -0.288675
+0.864425 0.293433 0.323885 -0.248526
+0.818729 0.403753 0.353553 -0.204124
+0.759024 0.507164 0.377172 -0.15623
+0.686333 0.601898 0.394338 -0.105662
+0.601898 0.686333 0.404756 -0.0532871
+0.507164 0.759024 0.408248 1.72366e-08
+0.403752 0.818729 0.404756 0.0532871
+0.293433 0.864425 0.394338 0.105662
+0.178092 0.89533 0.377172 0.15623
+0.0597046 0.910916 0.353553 0.204124
+-0.0597046 0.910916 0.323885 0.248526
+-0.178092 0.89533 0.288675 0.288675
+-0.293433 0.864425 0.248526 0.323885
+-0.403753 0.818729 0.204124 0.353553
+-0.507164 0.759024 0.15623 0.377172
+-0.601898 0.686333 0.105662 0.394338
+-0.686333 0.601898 0.053287 0.404756
+-0.759024 0.507164 -3.50817e-08 0.408248
+-0.818729 0.403752 -0.0532871 0.404756
+-0.864425 0.293433 -0.105663 0.394338
+-0.89533 0.178092 -0.15623 0.377172
+-0.910916 0.0597044 -0.204124 0.353553
+0.910916 0.0597046 0.105662 -0.394338
+0.89533 0.178092 0.15623 -0.377172
+0.864425 0.293433 0.204124 -0.353553
+0.818729 0.403753 0.248526 -0.323885
+0.759024 0.507164 0.288675 -0.288675
+0.686333 0.601898 0.323885 -0.248526
+0.601898 0.686333 0.353553 -0.204124
+0.507164 0.759024 0.377172 -0.15623
+0.403752 0.818729 0.394338 -0.105662
+0.293433 0.864425 0.404756 -0.0532871
+0.178092 0.89533 0.408248 -1.48024e-08
+0.0597046 0.910916 0.404756 0.0532871
+-0.0597046 0.910916 0.394338 0.105662
+-0.178092 0.89533 0.377172 0.15623
+-0.293433 0.864425 0.353553 0.204124
+-0.403753 0.818729 0.323885 0.248526
+-0.507164 0.759024 0.288675 0.288675
+-0.601898 0.686333 0.248526 0.323885
+-0.686333 0.601898 0.204124 0.353553
+-0.759024 0.507164 0.15623 0.377172
+-0.818729 0.403752 0.105662 0.394338
+-0.864425 0.293433 0.053287 0.404756
+-0.89533 0.178092 -1.00377e-07 0.408248
+-0.910916 0.0597044 -0.0532872 0.404756
+0.949933 0.0622619 0.0984203 -0.289937
+0.93368 0.18572 0.135423 -0.27461
+0.901451 0.306001 0.170108 -0.254585
+0.853797 0.421046 0.201883 -0.230203
+0.791535 0.528887 0.230203 -0.201883
+0.71573 0.627678 0.254585 -0.170108
+0.627679 0.71573 0.27461 -0.135423
+0.528887 0.791536 0.289937 -0.0984203
+0.421046 0.853797 0.300303 -0.059734
+0.306001 0.901451 0.305531 -0.0200255
+0.18572 0.93368 0.305531 0.0200255
+0.0622619 0.949933 0.300303 0.059734
+-0.062262 0.949933 0.289937 0.0984203
+-0.18572 0.93368 0.27461 0.135423
+-0.306001 0.901451 0.254585 0.170108
+-0.421046 0.853797 0.230203 0.201883
+-0.528887 0.791535 0.201883 0.230203
+-0.627679 0.71573 0.170108 0.254585
+-0.71573 0.627678 0.135423 0.27461
+-0.791536 0.528887 0.0984203 0.289937
+-0.853797 0.421046 0.0597339 0.300303
+-0.901451 0.306001 0.0200255 0.305531
+-0.93368 0.18572 -0.0200256 0.305531
+-0.949933 0.0622617 -0.059734 0.300303
+0.949933 0.0622619 0.230203 -0.201883
+0.93368 0.18572 0.254585 -0.170108
+0.901451 0.306001 0.27461 -0.135423
+0.853797 0.421046 0.289937 -0.0984203
+0.791535 0.528887 0.300303 -0.059734
+0.71573 0.627678 0.305531 -0.0200255
+0.627679 0.71573 0.305531 0.0200255
+0.528887 0.791536 0.300303 0.059734
+0.421046 0.853797 0.289937 0.0984203
+0.306001 0.901451 0.27461 0.135423
+0.18572 0.93368 0.254585 0.170108
+0.0622619 0.949933 0.230203 0.201883
+-0.062262 0.949933 0.201883 0.230203
+-0.18572 0.93368 0.170108 0.254585
+-0.306001 0.901451 0.135423 0.27461
+-0.421046 0.853797 0.0984203 0.289937
+-0.528887 0.791535 0.0597339 0.300303
+-0.627679 0.71573 0.0200255 0.305531
+-0.71573 0.627678 -0.0200256 0.305531
+-0.791536 0.528887 -0.059734 0.300303
+-0.853797 0.421046 -0.0984204 0.289937
+-0.901451 0.306001 -0.135423 0.27461
+-0.93368 0.18572 -0.170108 0.254584
+-0.949933 0.0622617 -0.201883 0.230203
+0.976849 0.0640261 0.193291 -0.0656136
+0.960135 0.190983 0.200202 -0.0398226
+0.926993 0.314672 0.203687 -0.0133504
+0.877989 0.432976 0.203687 0.0133504
+0.813963 0.543873 0.200202 0.0398226
+0.73601 0.645463 0.193291 0.0656136
+0.645463 0.73601 0.183073 0.0902818
+0.543873 0.813963 0.169723 0.113405
+0.432976 0.877989 0.153469 0.134588
+0.314672 0.926993 0.134588 0.153469
+0.190983 0.960135 0.113405 0.169723
+0.064026 0.976849 0.0902818 0.183073
+-0.0640261 0.976849 0.0656136 0.193291
+-0.190983 0.960135 0.0398226 0.200202
+-0.314672 0.926992 0.0133503 0.203687
+-0.432976 0.877989 -0.0133504 0.203687
+-0.543873 0.813963 -0.0398227 0.200202
+-0.645463 0.73601 -0.0656136 0.193291
+-0.73601 0.645463 -0.0902818 0.183073
+-0.813963 0.543873 -0.113405 0.169723
+-0.877989 0.432976 -0.134588 0.153469
+-0.926993 0.314671 -0.153469 0.134588
+-0.960135 0.190982 -0.169723 0.113405
+-0.976849 0.0640259 -0.183073 0.0902818
+0.976849 0.0640261 0.0902818 -0.183073
+0.960135 0.190983 0.113405 -0.169723
+0.926993 0.314672 0.134588 -0.153469
+0.877989 0.432976 0.153469 -0.134588
+0.813963 0.543873 0.169723 -0.113405
+0.73601 0.645463 0.183073 -0.0902818
+0.645463 0.73601 0.193291 -0.0656136
+0.543873 0.813963 0.200202 -0.0398226
+0.432976 0.877989 0.203687 -0.0133504
+0.314672 0.926993 0.203687 0.0133504
+0.190983 0.960135 0.200202 0.0398226
+0.064026 0.976849 0.193291 0.0656136
+-0.0640261 0.976849 0.183073 0.0902818
+-0.190983 0.960135 0.169723 0.113405
+-0.314672 0.926992 0.153469 0.134588
+-0.432976 0.877989 0.134588 0.153469
+-0.543873 0.813963 0.113405 0.169723
+-0.645463 0.73601 0.0902818 0.183073
+-0.73601 0.645463 0.0656135 0.193291
+-0.813963 0.543873 0.0398226 0.200202
+-0.877989 0.432976 0.0133503 0.203687
+-0.926993 0.314671 -0.0133504 0.203687
+-0.960135 0.190982 -0.0398227 0.200202
+-0.976849 0.0640259 -0.0656136 0.193291
+0.992648 0.0650616 0.0767343 -0.0672942
+0.975664 0.194072 0.0848615 -0.0567026
+0.941985 0.319761 0.0915367 -0.0451409
+0.892189 0.439979 0.0966457 -0.0328068
+0.827128 0.552669 0.100101 -0.0199113
+0.747914 0.655903 0.101844 -0.00667518
+0.655903 0.747914 0.101844 0.00667518
+0.552669 0.827128 0.100101 0.0199113
+0.439979 0.892189 0.0966457 0.0328068
+0.319761 0.941985 0.0915367 0.0451409
+0.194072 0.975664 0.0848615 0.0567026
+0.0650615 0.992648 0.0767343 0.0672942
+-0.0650616 0.992648 0.0672942 0.0767343
+-0.194072 0.975664 0.0567026 0.0848615
+-0.319761 0.941985 0.0451409 0.0915367
+-0.439979 0.892189 0.0328068 0.0966457
+-0.552669 0.827128 0.0199113 0.100101
+-0.655903 0.747914 0.00667516 0.101844
+-0.747914 0.655903 -0.00667519 0.101844
+-0.827128 0.552669 -0.0199113 0.100101
+-0.892189 0.439979 -0.0328068 0.0966456
+-0.941985 0.319761 -0.0451409 0.0915367
+-0.975664 0.194071 -0.0567027 0.0848615
+-0.992648 0.0650614 -0.0672942 0.0767343
+0.498929 0.0327016 0.864171 0.0566408
+0.490393 0.0975452 0.849385 0.168953
+0.473465 0.16072 0.820066 0.278375
+0.448436 0.221144 0.776715 0.383033
+0.415735 0.277785 0.720074 0.481138
+0.37592 0.329673 0.651112 0.57101
+0.329673 0.37592 0.57101 0.651112
+0.277785 0.415735 0.481138 0.720074
+0.221144 0.448436 0.383033 0.776715
+0.16072 0.473465 0.278375 0.820066
+0.0975452 0.490393 0.168953 0.849385
+0.0327015 0.498929 0.0566407 0.864171
+-0.0327016 0.498929 -0.0566408 0.864171
+-0.0975452 0.490393 -0.168953 0.849385
+-0.16072 0.473465 -0.278375 0.820066
+-0.221144 0.448436 -0.383033 0.776715
+-0.277785 0.415735 -0.481138 0.720074
+-0.329673 0.37592 -0.57101 0.651112
+-0.37592 0.329673 -0.651112 0.57101
+-0.415735 0.277785 -0.720074 0.481138
+-0.448436 0.221144 -0.776715 0.383033
+-0.473465 0.16072 -0.820066 0.278375
+-0.490393 0.097545 -0.849385 0.168953
+-0.498929 0.0327015 -0.864171 0.0566406
+0.576114 0.0377605 0.788675 0.211325
+0.566257 0.112635 0.754344 0.31246
+0.54671 0.185583 0.707107 0.408248
+0.51781 0.255356 0.64777 0.497052
+0.480049 0.320759 0.57735 0.57735
+0.434075 0.380673 0.497052 0.64777
+0.380673 0.434075 0.408248 0.707107
+0.320759 0.480049 0.31246 0.754344
+0.255355 0.51781 0.211325 0.788675
+0.185583 0.54671 0.106574 0.809511
+0.112635 0.566257 2.96048e-08 0.816497
+0.0377605 0.576114 -0.106574 0.809511
+-0.0377605 0.576114 -0.211325 0.788675
+-0.112635 0.566257 -0.31246 0.754344
+-0.185583 0.54671 -0.408248 0.707107
+-0.255356 0.51781 -0.497052 0.64777
+-0.320759 0.480049 -0.57735 0.57735
+-0.380674 0.434075 -0.64777 0.497052
+-0.434075 0.380673 -0.707107 0.408248
+-0.480049 0.320759 -0.754345 0.31246
+-0.51781 0.255355 -0.788675 0.211325
+-0.54671 0.185583 -0.809511 0.106574
+-0.566257 0.112635 -0.816497 -2.00753e-07
+-0.576114 0.0377604 -0.809511 -0.106574
+0.576114 0.0377605 0.809511 -0.106574
+0.566257 0.112635 0.816497 4.46127e-09
+0.54671 0.185583 0.809511 0.106574
+0.51781 0.255356 0.788675 0.211325
+0.480049 0.320759 0.754344 0.31246
+0.434075 0.380673 0.707107 0.408248
+0.380673 0.434075 0.64777 0.497052
+0.320759 0.480049 0.57735 0.57735
+0.255355 0.51781 0.497052 0.64777
+0.185583 0.54671 0.408248 0.707107
+0.112635 0.566257 0.31246 0.754344
+0.0377605 0.576114 0.211325 0.788675
+-0.0377605 0.576114 0.106574 0.809511
+-0.112635 0.566257 -3.65123e-09 0.816497
+-0.185583 0.54671 -0.106574 0.809511
+-0.255356 0.51781 -0.211325 0.788675
+-0.320759 0.480049 -0.31246 0.754344
+-0.380674 0.434075 -0.408248 0.707107
+-0.434075 0.380673 -0.497052 0.64777
+-0.480049 0.320759 -0.57735 0.57735
+-0.51781 0.255355 -0.64777 0.497052
+-0.54671 0.185583 -0.707107 0.408248
+-0.566257 0.112635 -0.754345 0.31246
+-0.576114 0.0377604 -0.788675 0.211325
+0.644115 0.0422175 0.762127 0.0499525
+0.633094 0.12593 0.749087 0.149003
+0.611241 0.207488 0.72323 0.245503
+0.578929 0.285496 0.684998 0.337804
+0.536711 0.358619 0.635045 0.424324
+0.485311 0.425606 0.574227 0.503584
+0.425606 0.485311 0.503584 0.574227
+0.358619 0.536711 0.424324 0.635045
+0.285496 0.578929 0.337804 0.684998
+0.207488 0.611241 0.245503 0.72323
+0.12593 0.633094 0.149003 0.749087
+0.0422175 0.644115 0.0499524 0.762127
+-0.0422176 0.644115 -0.0499525 0.762127
+-0.12593 0.633094 -0.149003 0.749087
+-0.207488 0.611241 -0.245504 0.72323
+-0.285496 0.578929 -0.337804 0.684998
+-0.358619 0.536711 -0.424324 0.635045
+-0.425606 0.48531 -0.503584 0.574227
+-0.485311 0.425606 -0.574227 0.503584
+-0.536711 0.358619 -0.635045 0.424324
+-0.578929 0.285496 -0.684998 0.337804
+-0.611241 0.207488 -0.72323 0.245503
+-0.633094 0.12593 -0.749087 0.149003
+-0.644115 0.0422174 -0.762127 0.0499523
+0.644115 0.0422175 0.684998 0.337804
+0.633094 0.12593 0.635045 0.424324
+0.611241 0.207488 0.574227 0.503584
+0.578929 0.285496 0.503584 0.574227
+0.536711 0.358619 0.424324 0.635045
+0.485311 0.425606 0.337804 0.684998
+0.425606 0.485311 0.245503 0.72323
+0.358619 0.536711 0.149003 0.749087
+0.285496 0.578929 0.0499525 0.762127
+0.207488 0.611241 -0.0499525 0.762127
+0.12593 0.633094 -0.149003 0.749087
+0.0422175 0.644115 -0.245503 0.72323
+-0.0422176 0.644115 -0.337804 0.684998
+-0.12593 0.633094 -0.424324 0.635045
+-0.207488 0.611241 -0.503584 0.574227
+-0.285496 0.578929 -0.574227 0.503584
+-0.358619 0.536711 -0.635045 0.424324
+-0.425606 0.48531 -0.684998 0.337803
+-0.485311 0.425606 -0.72323 0.245503
+-0.536711 0.358619 -0.749087 0.149003
+-0.578929 0.285496 -0.762127 0.0499524
+-0.611241 0.207488 -0.762127 -0.0499527
+-0.633094 0.12593 -0.749087 -0.149003
+-0.644115 0.0422174 -0.72323 -0.245504
+0.705593 0.046247 0.560986 0.430459
+0.69352 0.13795 0.5 0.5
+0.669581 0.227292 0.430459 0.560986
+0.634185 0.312745 0.353553 0.612372
+0.587938 0.392847 0.270598 0.653281
+0.531631 0.466228 0.183013 0.683013
+0.466228 0.531631 0.0922959 0.701057
+0.392847 0.587938 -2.98546e-08 0.707107
+0.312745 0.634185 -0.092296 0.701057
+0.227292 0.669581 -0.183013 0.683013
+0.13795 0.69352 -0.270598 0.653281
+0.046247 0.705593 -0.353553 0.612372
+-0.046247 0.705593 -0.430459 0.560986
+-0.13795 0.69352 -0.5 0.5
+-0.227292 0.669581 -0.560986 0.430459
+-0.312745 0.634185 -0.612373 0.353553
+-0.392848 0.587938 -0.653282 0.270598
+-0.466228 0.531631 -0.683013 0.183013
+-0.531631 0.466228 -0.701057 0.0922959
+-0.587938 0.392847 -0.707107 -6.07632e-08
+-0.634185 0.312745 -0.701057 -0.092296
+-0.669581 0.227292 -0.683013 -0.183013
+-0.69352 0.13795 -0.653281 -0.270598
+-0.705593 0.0462468 -0.612372 -0.353554
+0.705593 0.046247 0.683013 0.183013
+0.69352 0.13795 0.653281 0.270598
+0.669581 0.227292 0.612372 0.353553
+0.634185 0.312745 0.560986 0.430459
+0.587938 0.392847 0.5 0.5
+0.531631 0.466228 0.430459 0.560986
+0.466228 0.531631 0.353553 0.612372
+0.392847 0.587938 0.270598 0.653281
+0.312745 0.634185 0.183013 0.683013
+0.227292 0.669581 0.092296 0.701057
+0.13795 0.69352 2.56385e-08 0.707107
+0.046247 0.705593 -0.092296 0.701057
+-0.046247 0.705593 -0.183013 0.683013
+-0.13795 0.69352 -0.270598 0.653281
+-0.227292 0.669581 -0.353553 0.612372
+-0.312745 0.634185 -0.430459 0.560985
+-0.392848 0.587938 -0.5 0.5
+-0.466228 0.531631 -0.560986 0.430459
+-0.531631 0.466228 -0.612372 0.353553
+-0.587938 0.392847 -0.653282 0.270598
+-0.634185 0.312745 -0.683013 0.183013
+-0.669581 0.227292 -0.701057 0.0922958
+-0.69352 0.13795 -0.707107 -1.73857e-07
+-0.705593 0.0462468 -0.701057 -0.0922961
+0.762127 0.0499525 0.578929 0.285496
+0.749087 0.149003 0.536711 0.358619
+0.72323 0.245503 0.485311 0.425606
+0.684998 0.337804 0.425606 0.485311
+0.635045 0.424324 0.358619 0.536711
+0.574227 0.503584 0.285496 0.578929
+0.503584 0.574227 0.207488 0.611241
+0.424324 0.635045 0.12593 0.633094
+0.337804 0.684998 0.0422175 0.644115
+0.245503 0.72323 -0.0422175 0.644115
+0.149003 0.749087 -0.12593 0.633094
+0.0499524 0.762127 -0.207488 0.611241
+-0.0499525 0.762127 -0.285496 0.578929
+-0.149003 0.749087 -0.358619 0.536711
+-0.245504 0.72323 -0.425606 0.48531
+-0.337804 0.684998 -0.485311 0.425606
+-0.424324 0.635045 -0.536711 0.358619
+-0.503584 0.574227 -0.578929 0.285496
+-0.574227 0.503584 -0.611241 0.207488
+-0.635045 0.424324 -0.633094 0.12593
+-0.684998 0.337804 -0.644115 0.0422175
+-0.72323 0.245503 -0.644115 -0.0422177
+-0.749087 0.149003 -0.633094 -0.12593
+-0.762127 0.0499523 -0.611241 -0.207488
+0.644115 0.0422175 0.72323 -0.245503
+0.633094 0.12593 0.749087 -0.149003
+0.611241 0.207488 0.762127 -0.0499525
+0.578929 0.285496 0.762127 0.0499525
+0.536711 0.358619 0.749087 0.149003
+0.485311 0.425606 0.72323 0.245503
+0.425606 0.485311 0.684998 0.337804
+0.358619 0.536711 0.635045 0.424324
+0.285496 0.578929 0.574227 0.503584
+0.207488 0.611241 0.503584 0.574227
+0.12593 0.633094 0.424324 0.635045
+0.0422175 0.644115 0.337804 0.684998
+-0.0422176 0.644115 0.245503 0.72323
+-0.12593 0.633094 0.149003 0.749087
+-0.207488 0.611241 0.0499524 0.762127
+-0.285496 0.578929 -0.0499526 0.762127
+-0.358619 0.536711 -0.149003 0.749087
+-0.425606 0.48531 -0.245504 0.72323
+-0.485311 0.425606 -0.337804 0.684998
+-0.536711 0.358619 -0.424324 0.635045
+-0.578929 0.285496 -0.503584 0.574227
+-0.611241 0.207488 -0.574227 0.503584
+-0.633094 0.12593 -0.635046 0.424324
+-0.644115 0.0422174 -0.684998 0.337803
+0.705593 0.046247 0.701057 -0.092296
+0.69352 0.13795 0.707107 3.86358e-09
+0.669581 0.227292 0.701057 0.092296
+0.634185 0.312745 0.683013 0.183013
+0.587938 0.392847 0.653281 0.270598
+0.531631 0.466228 0.612372 0.353553
+0.466228 0.531631 0.560986 0.430459
+0.392847 0.587938 0.5 0.5
+0.312745 0.634185 0.430459 0.560986
+0.227292 0.669581 0.353553 0.612372
+0.13795 0.69352 0.270598 0.653281
+0.046247 0.705593 0.183013 0.683013
+-0.046247 0.705593 0.0922959 0.701057
+-0.13795 0.69352 -3.16206e-09 0.707107
+-0.227292 0.669581 -0.092296 0.701057
+-0.312745 0.634185 -0.183013 0.683013
+-0.392848 0.587938 -0.270598 0.653281
+-0.466228 0.531631 -0.353553 0.612372
+-0.531631 0.466228 -0.430459 0.560985
+-0.587938 0.392847 -0.5 0.5
+-0.634185 0.312745 -0.560986 0.430459
+-0.669581 0.227292 -0.612373 0.353553
+-0.69352 0.13795 -0.653282 0.270598
+-0.705593 0.0462468 -0.683013 0.183013
+0.705593 0.046247 0.612372 -0.353553
+0.69352 0.13795 0.653281 -0.270598
+0.669581 0.227292 0.683013 -0.183013
+0.634185 0.312745 0.701057 -0.0922959
+0.587938 0.392847 0.707107 1.05402e-09
+0.531631 0.466228 0.701057 0.0922959
+0.466228 0.531631 0.683013 0.183013
+0.392847 0.587938 0.653281 0.270598
+0.312745 0.634185 0.612372 0.353553
+0.227292 0.669581 0.560986 0.430459
+0.13795 0.69352 0.5 0.5
+0.046247 0.705593 0.430459 0.560986
+-0.046247 0.705593 0.353553 0.612372
+-0.13795 0.69352 0.270598 0.653281
+-0.227292 0.669581 0.183013 0.683013
+-0.312745 0.634185 0.0922958 0.701057
+-0.392848 0.587938 -1.16256e-07 0.707107
+-0.466228 0.531631 -0.0922961 0.701057
+-0.531631 0.466228 -0.183013 0.683013
+-0.587938 0.392847 -0.270598 0.653281
+-0.634185 0.312745 -0.353553 0.612372
+-0.669581 0.227292 -0.430459 0.560985
+-0.69352 0.13795 -0.5 0.5
+-0.705593 0.0462468 -0.560986 0.430459
+0.762127 0.0499525 0.611241 -0.207488
+0.749087 0.149003 0.633094 -0.12593
+0.72323 0.245503 0.644115 -0.0422175
+0.684998 0.337804 0.644115 0.0422176
+0.635045 0.424324 0.633094 0.12593
+0.574227 0.503584 0.611241 0.207488
+0.503584 0.574227 0.578929 0.285496
+0.424324 0.635045 0.536711 0.358619
+0.337804 0.684998 0.485311 0.425606
+0.245503 0.72323 0.425606 0.485311
+0.149003 0.749087 0.358619 0.536711
+0.0499524 0.762127 0.285496 0.578929
+-0.0499525 0.762127 0.207488 0.611241
+-0.149003 0.749087 0.12593 0.633094
+-0.245504 0.72323 0.0422175 0.644115
+-0.337804 0.684998 -0.0422177 0.644115
+-0.424324 0.635045 -0.12593 0.633094
+-0.503584 0.574227 -0.207488 0.611241
+-0.574227 0.503584 -0.285496 0.578929
+-0.635045 0.424324 -0.358619 0.536711
+-0.684998 0.337804 -0.425606 0.48531
+-0.72323 0.245503 -0.485311 0.425606
+-0.749087 0.149003 -0.536711 0.358619
+-0.762127 0.0499523 -0.578929 0.285496
+0.762127 0.0499525 0.644115 0.0422175
+0.749087 0.149003 0.633094 0.12593
+0.72323 0.245503 0.611241 0.207488
+0.684998 0.337804 0.578929 0.285496
+0.635045 0.424324 0.536711 0.358619
+0.574227 0.503584 0.485311 0.425606
+0.503584 0.574227 0.425606 0.485311
+0.424324 0.635045 0.358619 0.536711
+0.337804 0.684998 0.285496 0.578929
+0.245503 0.72323 0.207488 0.611241
+0.149003 0.749087 0.12593 0.633094
+0.0499524 0.762127 0.0422175 0.644115
+-0.0499525 0.762127 -0.0422176 0.644115
+-0.149003 0.749087 -0.12593 0.633094
+-0.245504 0.72323 -0.207488 0.611241
+-0.337804 0.684998 -0.285496 0.578929
+-0.424324 0.635045 -0.358619 0.536711
+-0.503584 0.574227 -0.425606 0.48531
+-0.574227 0.503584 -0.485311 0.425606
+-0.635045 0.424324 -0.536711 0.358619
+-0.684998 0.337804 -0.578929 0.285496
+-0.72323 0.245503 -0.611241 0.207488
+-0.749087 0.149003 -0.633094 0.12593
+-0.762127 0.0499523 -0.644115 0.0422174
+0.814748 0.0534014 0.557678 0.149429
+0.800808 0.159291 0.533402 0.220942
+0.773165 0.262454 0.5 0.288675
+0.732294 0.361127 0.458043 0.351469
+0.678892 0.453621 0.408248 0.408248
+0.613875 0.538354 0.351469 0.458043
+0.538354 0.613875 0.288675 0.5
+0.453621 0.678892 0.220942 0.533402
+0.361127 0.732294 0.149429 0.557678
+0.262454 0.773165 0.0753593 0.572411
+0.159291 0.800808 2.09338e-08 0.57735
+0.0534014 0.814748 -0.0753594 0.572411
+-0.0534015 0.814748 -0.149429 0.557678
+-0.159291 0.800808 -0.220942 0.533402
+-0.262454 0.773165 -0.288675 0.5
+-0.361127 0.732293 -0.351469 0.458043
+-0.453621 0.678892 -0.408248 0.408248
+-0.538354 0.613875 -0.458043 0.351469
+-0.613875 0.538354 -0.5 0.288675
+-0.678892 0.453621 -0.533402 0.220942
+-0.732294 0.361127 -0.557678 0.149429
+-0.773165 0.262454 -0.572411 0.0753592
+-0.800808 0.15929 -0.57735 -1.41954e-07
+-0.814748 0.0534013 -0.572411 -0.0753595
+0.814748 0.0534014 0.572411 -0.0753593
+0.800808 0.159291 0.57735 3.1546e-09
+0.773165 0.262454 0.572411 0.0753593
+0.732294 0.361127 0.557678 0.149429
+0.678892 0.453621 0.533402 0.220942
+0.613875 0.538354 0.5 0.288675
+0.538354 0.613875 0.458043 0.351469
+0.453621 0.678892 0.408248 0.408248
+0.361127 0.732294 0.351469 0.458043
+0.262454 0.773165 0.288675 0.5
+0.159291 0.800808 0.220942 0.533402
+0.0534014 0.814748 0.149429 0.557678
+-0.0534015 0.814748 0.0753593 0.572411
+-0.159291 0.800808 -2.58181e-09 0.57735
+-0.262454 0.773165 -0.0753594 0.572411
+-0.361127 0.732293 -0.149429 0.557678
+-0.453621 0.678892 -0.220942 0.533402
+-0.538354 0.613875 -0.288675 0.5
+-0.613875 0.538354 -0.351469 0.458043
+-0.678892 0.453621 -0.408248 0.408248
+-0.732294 0.361127 -0.458043 0.351469
+-0.773165 0.262454 -0.5 0.288675
+-0.800808 0.15929 -0.533402 0.220942
+-0.814748 0.0534013 -0.557678 0.149429
+0.864171 0.0566408 0.498929 0.0327016
+0.849385 0.168953 0.490393 0.0975452
+0.820066 0.278375 0.473465 0.16072
+0.776715 0.383033 0.448436 0.221144
+0.720074 0.481138 0.415735 0.277785
+0.651112 0.57101 0.37592 0.329673
+0.57101 0.651112 0.329673 0.37592
+0.481138 0.720074 0.277785 0.415735
+0.383033 0.776715 0.221144 0.448436
+0.278375 0.820066 0.16072 0.473465
+0.168953 0.849385 0.0975452 0.490393
+0.0566407 0.864171 0.0327015 0.498929
+-0.0566408 0.864171 -0.0327016 0.498929
+-0.168953 0.849385 -0.0975452 0.490393
+-0.278375 0.820066 -0.16072 0.473465
+-0.383033 0.776715 -0.221144 0.448436
+-0.481138 0.720074 -0.277785 0.415735
+-0.57101 0.651112 -0.329673 0.37592
+-0.651112 0.57101 -0.37592 0.329673
+-0.720074 0.481138 -0.415735 0.277785
+-0.776715 0.383033 -0.448436 0.221144
+-0.820066 0.278375 -0.473465 0.16072
+-0.849385 0.168953 -0.490393 0.097545
+-0.864171 0.0566406 -0.498929 0.0327015
+0.498929 0.0327016 -0.0566408 0.864171
+0.490393 0.0975452 -0.168953 0.849385
+0.473465 0.16072 -0.278375 0.820066
+0.448436 0.221144 -0.383033 0.776715
+0.415735 0.277785 -0.481138 0.720074
+0.37592 0.329673 -0.57101 0.651112
+0.329673 0.37592 -0.651112 0.57101
+0.277785 0.415735 -0.720074 0.481138
+0.221144 0.448436 -0.776715 0.383033
+0.16072 0.473465 -0.820066 0.278375
+0.0975452 0.490393 -0.849385 0.168953
+0.0327015 0.498929 -0.864171 0.0566407
+-0.0327016 0.498929 -0.864171 -0.0566408
+-0.0975452 0.490393 -0.849385 -0.168953
+-0.16072 0.473465 -0.820066 -0.278375
+-0.221144 0.448436 -0.776715 -0.383033
+-0.277785 0.415735 -0.720074 -0.481138
+-0.329673 0.37592 -0.651112 -0.57101
+-0.37592 0.329673 -0.57101 -0.651112
+-0.415735 0.277785 -0.481138 -0.720074
+-0.448436 0.221144 -0.383033 -0.776715
+-0.473465 0.16072 -0.278375 -0.820066
+-0.490393 0.097545 -0.168953 -0.849385
+-0.498929 0.0327015 -0.0566406 -0.864171
+0.576114 0.0377605 -0.211325 0.788675
+0.566257 0.112635 -0.31246 0.754344
+0.54671 0.185583 -0.408248 0.707107
+0.51781 0.255356 -0.497052 0.64777
+0.480049 0.320759 -0.57735 0.57735
+0.434075 0.380673 -0.64777 0.497052
+0.380673 0.434075 -0.707107 0.408248
+0.320759 0.480049 -0.754344 0.31246
+0.255355 0.51781 -0.788675 0.211325
+0.185583 0.54671 -0.809511 0.106574
+0.112635 0.566257 -0.816497 2.96048e-08
+0.0377605 0.576114 -0.809511 -0.106574
+-0.0377605 0.576114 -0.788675 -0.211325
+-0.112635 0.566257 -0.754344 -0.31246
+-0.185583 0.54671 -0.707107 -0.408248
+-0.255356 0.51781 -0.64777 -0.497052
+-0.320759 0.480049 -0.57735 -0.57735
+-0.380674 0.434075 -0.497052 -0.64777
+-0.434075 0.380673 -0.408248 -0.707107
+-0.480049 0.320759 -0.31246 -0.754345
+-0.51781 0.255355 -0.211325 -0.788675
+-0.54671 0.185583 -0.106574 -0.809511
+-0.566257 0.112635 2.00753e-07 -0.816497
+-0.576114 0.0377604 0.106574 -0.809511
+0.576114 0.0377605 0.106574 0.809511
+0.566257 0.112635 -4.46128e-09 0.816497
+0.54671 0.185583 -0.106574 0.809511
+0.51781 0.255356 -0.211325 0.788675
+0.480049 0.320759 -0.31246 0.754344
+0.434075 0.380673 -0.408248 0.707107
+0.380673 0.434075 -0.497052 0.64777
+0.320759 0.480049 -0.57735 0.57735
+0.255355 0.51781 -0.64777 0.497052
+0.185583 0.54671 -0.707107 0.408248
+0.112635 0.566257 -0.754344 0.31246
+0.0377605 0.576114 -0.788675 0.211325
+-0.0377605 0.576114 -0.809511 0.106574
+-0.112635 0.566257 -0.816497 -3.65123e-09
+-0.185583 0.54671 -0.809511 -0.106574
+-0.255356 0.51781 -0.788675 -0.211325
+-0.320759 0.480049 -0.754344 -0.31246
+-0.380674 0.434075 -0.707107 -0.408248
+-0.434075 0.380673 -0.64777 -0.497052
+-0.480049 0.320759 -0.57735 -0.57735
+-0.51781 0.255355 -0.497052 -0.64777
+-0.54671 0.185583 -0.408248 -0.707107
+-0.566257 0.112635 -0.31246 -0.754345
+-0.576114 0.0377604 -0.211325 -0.788675
+0.644115 0.0422175 -0.0499525 0.762127
+0.633094 0.12593 -0.149003 0.749087
+0.611241 0.207488 -0.245503 0.72323
+0.578929 0.285496 -0.337804 0.684998
+0.536711 0.358619 -0.424324 0.635045
+0.485311 0.425606 -0.503584 0.574227
+0.425606 0.485311 -0.574227 0.503584
+0.358619 0.536711 -0.635045 0.424324
+0.285496 0.578929 -0.684998 0.337804
+0.207488 0.611241 -0.72323 0.245503
+0.12593 0.633094 -0.749087 0.149003
+0.0422175 0.644115 -0.762127 0.0499524
+-0.0422176 0.644115 -0.762127 -0.0499525
+-0.12593 0.633094 -0.749087 -0.149003
+-0.207488 0.611241 -0.72323 -0.245504
+-0.285496 0.578929 -0.684998 -0.337804
+-0.358619 0.536711 -0.635045 -0.424324
+-0.425606 0.48531 -0.574227 -0.503584
+-0.485311 0.425606 -0.503584 -0.574227
+-0.536711 0.358619 -0.424324 -0.635045
+-0.578929 0.285496 -0.337804 -0.684998
+-0.611241 0.207488 -0.245503 -0.72323
+-0.633094 0.12593 -0.149003 -0.749087
+-0.644115 0.0422174 -0.0499523 -0.762127
+0.644115 0.0422175 -0.337804 0.684998
+0.633094 0.12593 -0.424324 0.635045
+0.611241 0.207488 -0.503584 0.574227
+0.578929 0.285496 -0.574227 0.503584
+0.536711 0.358619 -0.635045 0.424324
+0.485311 0.425606 -0.684998 0.337804
+0.425606 0.485311 -0.72323 0.245503
+0.358619 0.536711 -0.749087 0.149003
+0.285496 0.578929 -0.762127 0.0499525
+0.207488 0.611241 -0.762127 -0.0499525
+0.12593 0.633094 -0.749087 -0.149003
+0.0422175 0.644115 -0.72323 -0.245503
+-0.0422176 0.644115 -0.684998 -0.337804
+-0.12593 0.633094 -0.635045 -0.424324
+-0.207488 0.611241 -0.574227 -0.503584
+-0.285496 0.578929 -0.503584 -0.574227
+-0.358619 0.536711 -0.424324 -0.635045
+-0.425606 0.48531 -0.337803 -0.684998
+-0.485311 0.425606 -0.245503 -0.72323
+-0.536711 0.358619 -0.149003 -0.749087
+-0.578929 0.285496 -0.0499524 -0.762127
+-0.611241 0.207488 0.0499527 -0.762127
+-0.633094 0.12593 0.149003 -0.749087
+-0.644115 0.0422174 0.245504 -0.72323
+0.705593 0.046247 -0.430459 0.560986
+0.69352 0.13795 -0.5 0.5
+0.669581 0.227292 -0.560986 0.430459
+0.634185 0.312745 -0.612372 0.353553
+0.587938 0.392847 -0.653281 0.270598
+0.531631 0.466228 -0.683013 0.183013
+0.466228 0.531631 -0.701057 0.0922959
+0.392847 0.587938 -0.707107 -2.98546e-08
+0.312745 0.634185 -0.701057 -0.092296
+0.227292 0.669581 -0.683013 -0.183013
+0.13795 0.69352 -0.653281 -0.270598
+0.046247 0.705593 -0.612372 -0.353553
+-0.046247 0.705593 -0.560986 -0.430459
+-0.13795 0.69352 -0.5 -0.5
+-0.227292 0.669581 -0.430459 -0.560986
+-0.312745 0.634185 -0.353553 -0.612373
+-0.392848 0.587938 -0.270598 -0.653282
+-0.466228 0.531631 -0.183013 -0.683013
+-0.531631 0.466228 -0.0922959 -0.701057
+-0.587938 0.392847 6.07632e-08 -0.707107
+-0.634185 0.312745 0.092296 -0.701057
+-0.669581 0.227292 0.183013 -0.683013
+-0.69352 0.13795 0.270598 -0.653281
+-0.705593 0.0462468 0.353554 -0.612372
+0.705593 0.046247 -0.183013 0.683013
+0.69352 0.13795 -0.270598 0.653281
+0.669581 0.227292 -0.353553 0.612372
+0.634185 0.312745 -0.430459 0.560986
+0.587938 0.392847 -0.5 0.5
+0.531631 0.466228 -0.560986 0.430459
+0.466228 0.531631 -0.612372 0.353553
+0.392847 0.587938 -0.653281 0.270598
+0.312745 0.634185 -0.683013 0.183013
+0.227292 0.669581 -0.701057 0.092296
+0.13795 0.69352 -0.707107 2.56385e-08
+0.046247 0.705593 -0.701057 -0.092296
+-0.046247 0.705593 -0.683013 -0.183013
+-0.13795 0.69352 -0.653281 -0.270598
+-0.227292 0.669581 -0.612372 -0.353553
+-0.312745 0.634185 -0.560985 -0.430459
+-0.392848 0.587938 -0.5 -0.5
+-0.466228 0.531631 -0.430459 -0.560986
+-0.531631 0.466228 -0.353553 -0.612372
+-0.587938 0.392847 -0.270598 -0.653282
+-0.634185 0.312745 -0.183013 -0.683013
+-0.669581 0.227292 -0.0922958 -0.701057
+-0.69352 0.13795 1.73857e-07 -0.707107
+-0.705593 0.0462468 0.0922961 -0.701057
+0.762127 0.0499525 -0.285496 0.578929
+0.749087 0.149003 -0.358619 0.536711
+0.72323 0.245503 -0.425606 0.485311
+0.684998 0.337804 -0.485311 0.425606
+0.635045 0.424324 -0.536711 0.358619
+0.574227 0.503584 -0.578929 0.285496
+0.503584 0.574227 -0.611241 0.207488
+0.424324 0.635045 -0.633094 0.12593
+0.337804 0.684998 -0.644115 0.0422175
+0.245503 0.72323 -0.644115 -0.0422175
+0.149003 0.749087 -0.633094 -0.12593
+0.0499524 0.762127 -0.611241 -0.207488
+-0.0499525 0.762127 -0.578929 -0.285496
+-0.149003 0.749087 -0.536711 -0.358619
+-0.245504 0.72323 -0.48531 -0.425606
+-0.337804 0.684998 -0.425606 -0.485311
+-0.424324 0.635045 -0.358619 -0.536711
+-0.503584 0.574227 -0.285496 -0.578929
+-0.574227 0.503584 -0.207488 -0.611241
+-0.635045 0.424324 -0.12593 -0.633094
+-0.684998 0.337804 -0.0422175 -0.644115
+-0.72323 0.245503 0.0422177 -0.644115
+-0.749087 0.149003 0.12593 -0.633094
+-0.762127 0.0499523 0.207488 -0.611241
+0.644115 0.0422175 0.245503 0.72323
+0.633094 0.12593 0.149003 0.749087
+0.611241 0.207488 0.0499525 0.762127
+0.578929 0.285496 -0.0499525 0.762127
+0.536711 0.358619 -0.149003 0.749087
+0.485311 0.425606 -0.245503 0.72323
+0.425606 0.485311 -0.337804 0.684998
+0.358619 0.536711 -0.424324 0.635045
+0.285496 0.578929 -0.503584 0.574227
+0.207488 0.611241 -0.574227 0.503584
+0.12593 0.633094 -0.635045 0.424324
+0.0422175 0.644115 -0.684998 0.337804
+-0.0422176 0.644115 -0.72323 0.245503
+-0.12593 0.633094 -0.749087 0.149003
+-0.207488 0.611241 -0.762127 0.0499524
+-0.285496 0.578929 -0.762127 -0.0499526
+-0.358619 0.536711 -0.749087 -0.149003
+-0.425606 0.48531 -0.72323 -0.245504
+-0.485311 0.425606 -0.684998 -0.337804
+-0.536711 0.358619 -0.635045 -0.424324
+-0.578929 0.285496 -0.574227 -0.503584
+-0.611241 0.207488 -0.503584 -0.574227
+-0.633094 0.12593 -0.424324 -0.635046
+-0.644115 0.0422174 -0.337803 -0.684998
+0.705593 0.046247 0.092296 0.701057
+0.69352 0.13795 -3.86358e-09 0.707107
+0.669581 0.227292 -0.092296 0.701057
+0.634185 0.312745 -0.183013 0.683013
+0.587938 0.392847 -0.270598 0.653281
+0.531631 0.466228 -0.353553 0.612372
+0.466228 0.531631 -0.430459 0.560986
+0.392847 0.587938 -0.5 0.5
+0.312745 0.634185 -0.560986 0.430459
+0.227292 0.669581 -0.612372 0.353553
+0.13795 0.69352 -0.653281 0.270598
+0.046247 0.705593 -0.683013 0.183013
+-0.046247 0.705593 -0.701057 0.0922959
+-0.13795 0.69352 -0.707107 -3.16206e-09
+-0.227292 0.669581 -0.701057 -0.092296
+-0.312745 0.634185 -0.683013 -0.183013
+-0.392848 0.587938 -0.653281 -0.270598
+-0.466228 0.531631 -0.612372 -0.353553
+-0.531631 0.466228 -0.560985 -0.430459
+-0.587938 0.392847 -0.5 -0.5
+-0.634185 0.312745 -0.430459 -0.560986
+-0.669581 0.227292 -0.353553 -0.612373
+-0.69352 0.13795 -0.270598 -0.653282
+-0.705593 0.0462468 -0.183013 -0.683013
+0.705593 0.046247 0.353553 0.612372
+0.69352 0.13795 0.270598 0.653281
+0.669581 0.227292 0.183013 0.683013
+0.634185 0.312745 0.0922959 0.701057
+0.587938 0.392847 -1.05402e-09 0.707107
+0.531631 0.466228 -0.0922959 0.701057
+0.466228 0.531631 -0.183013 0.683013
+0.392847 0.587938 -0.270598 0.653281
+0.312745 0.634185 -0.353553 0.612372
+0.227292 0.669581 -0.430459 0.560986
+0.13795 0.69352 -0.5 0.5
+0.046247 0.705593 -0.560986 0.430459
+-0.046247 0.705593 -0.612372 0.353553
+-0.13795 0.69352 -0.653281 0.270598
+-0.227292 0.669581 -0.683013 0.183013
+-0.312745 0.634185 -0.701057 0.0922958
+-0.392848 0.587938 -0.707107 -1.16256e-07
+-0.466228 0.531631 -0.701057 -0.0922961
+-0.531631 0.466228 -0.683013 -0.183013
+-0.587938 0.392847 -0.653281 -0.270598
+-0.634185 0.312745 -0.612372 -0.353553
+-0.669581 0.227292 -0.560985 -0.430459
+-0.69352 0.13795 -0.5 -0.5
+-0.705593 0.0462468 -0.430459 -0.560986
+0.762127 0.0499525 0.207488 0.611241
+0.749087 0.149003 0.12593 0.633094
+0.72323 0.245503 0.0422175 0.644115
+0.684998 0.337804 -0.0422176 0.644115
+0.635045 0.424324 -0.12593 0.633094
+0.574227 0.503584 -0.207488 0.611241
+0.503584 0.574227 -0.285496 0.578929
+0.424324 0.635045 -0.358619 0.536711
+0.337804 0.684998 -0.425606 0.485311
+0.245503 0.72323 -0.485311 0.425606
+0.149003 0.749087 -0.536711 0.358619
+0.0499524 0.762127 -0.578929 0.285496
+-0.0499525 0.762127 -0.611241 0.207488
+-0.149003 0.749087 -0.633094 0.12593
+-0.245504 0.72323 -0.644115 0.0422175
+-0.337804 0.684998 -0.644115 -0.0422177
+-0.424324 0.635045 -0.633094 -0.12593
+-0.503584 0.574227 -0.611241 -0.207488
+-0.574227 0.503584 -0.578929 -0.285496
+-0.635045 0.424324 -0.536711 -0.358619
+-0.684998 0.337804 -0.48531 -0.425606
+-0.72323 0.245503 -0.425606 -0.485311
+-0.749087 0.149003 -0.358619 -0.536711
+-0.762127 0.0499523 -0.285496 -0.578929
+0.762127 0.0499525 -0.0422175 0.644115
+0.749087 0.149003 -0.12593 0.633094
+0.72323 0.245503 -0.207488 0.611241
+0.684998 0.337804 -0.285496 0.578929
+0.635045 0.424324 -0.358619 0.536711
+0.574227 0.503584 -0.425606 0.485311
+0.503584 0.574227 -0.485311 0.425606
+0.424324 0.635045 -0.536711 0.358619
+0.337804 0.684998 -0.578929 0.285496
+0.245503 0.72323 -0.611241 0.207488
+0.149003 0.749087 -0.633094 0.12593
+0.0499524 0.762127 -0.644115 0.0422175
+-0.0499525 0.762127 -0.644115 -0.0422176
+-0.149003 0.749087 -0.633094 -0.12593
+-0.245504 0.72323 -0.611241 -0.207488
+-0.337804 0.684998 -0.578929 -0.285496
+-0.424324 0.635045 -0.536711 -0.358619
+-0.503584 0.574227 -0.48531 -0.425606
+-0.574227 0.503584 -0.425606 -0.485311
+-0.635045 0.424324 -0.358619 -0.536711
+-0.684998 0.337804 -0.285496 -0.578929
+-0.72323 0.245503 -0.207488 -0.611241
+-0.749087 0.149003 -0.12593 -0.633094
+-0.762127 0.0499523 -0.0422174 -0.644115
+0.814748 0.0534014 -0.149429 0.557678
+0.800808 0.159291 -0.220942 0.533402
+0.773165 0.262454 -0.288675 0.5
+0.732294 0.361127 -0.351469 0.458043
+0.678892 0.453621 -0.408248 0.408248
+0.613875 0.538354 -0.458043 0.351469
+0.538354 0.613875 -0.5 0.288675
+0.453621 0.678892 -0.533402 0.220942
+0.361127 0.732294 -0.557678 0.149429
+0.262454 0.773165 -0.572411 0.0753593
+0.159291 0.800808 -0.57735 2.09338e-08
+0.0534014 0.814748 -0.572411 -0.0753594
+-0.0534015 0.814748 -0.557678 -0.149429
+-0.159291 0.800808 -0.533402 -0.220942
+-0.262454 0.773165 -0.5 -0.288675
+-0.361127 0.732293 -0.458043 -0.351469
+-0.453621 0.678892 -0.408248 -0.408248
+-0.538354 0.613875 -0.351469 -0.458043
+-0.613875 0.538354 -0.288675 -0.5
+-0.678892 0.453621 -0.220942 -0.533402
+-0.732294 0.361127 -0.149429 -0.557678
+-0.773165 0.262454 -0.0753592 -0.572411
+-0.800808 0.15929 1.41954e-07 -0.57735
+-0.814748 0.0534013 0.0753595 -0.572411
+0.814748 0.0534014 0.0753593 0.572411
+0.800808 0.159291 -3.1546e-09 0.57735
+0.773165 0.262454 -0.0753593 0.572411
+0.732294 0.361127 -0.149429 0.557678
+0.678892 0.453621 -0.220942 0.533402
+0.613875 0.538354 -0.288675 0.5
+0.538354 0.613875 -0.351469 0.458043
+0.453621 0.678892 -0.408248 0.408248
+0.361127 0.732294 -0.458043 0.351469
+0.262454 0.773165 -0.5 0.288675
+0.159291 0.800808 -0.533402 0.220942
+0.0534014 0.814748 -0.557678 0.149429
+-0.0534015 0.814748 -0.572411 0.0753593
+-0.159291 0.800808 -0.57735 -2.58181e-09
+-0.262454 0.773165 -0.572411 -0.0753594
+-0.361127 0.732293 -0.557678 -0.149429
+-0.453621 0.678892 -0.533402 -0.220942
+-0.538354 0.613875 -0.5 -0.288675
+-0.613875 0.538354 -0.458043 -0.351469
+-0.678892 0.453621 -0.408248 -0.408248
+-0.732294 0.361127 -0.351469 -0.458043
+-0.773165 0.262454 -0.288675 -0.5
+-0.800808 0.15929 -0.220942 -0.533402
+-0.814748 0.0534013 -0.149429 -0.557678
+0.864171 0.0566408 -0.0327016 0.498929
+0.849385 0.168953 -0.0975452 0.490393
+0.820066 0.278375 -0.16072 0.473465
+0.776715 0.383033 -0.221144 0.448436
+0.720074 0.481138 -0.277785 0.415735
+0.651112 0.57101 -0.329673 0.37592
+0.57101 0.651112 -0.37592 0.329673
+0.481138 0.720074 -0.415735 0.277785
+0.383033 0.776715 -0.448436 0.221144
+0.278375 0.820066 -0.473465 0.16072
+0.168953 0.849385 -0.490393 0.0975452
+0.0566407 0.864171 -0.498929 0.0327015
+-0.0566408 0.864171 -0.498929 -0.0327016
+-0.168953 0.849385 -0.490393 -0.0975452
+-0.278375 0.820066 -0.473465 -0.16072
+-0.383033 0.776715 -0.448436 -0.221144
+-0.481138 0.720074 -0.415735 -0.277785
+-0.57101 0.651112 -0.37592 -0.329673
+-0.651112 0.57101 -0.329673 -0.37592
+-0.720074 0.481138 -0.277785 -0.415735
+-0.776715 0.383033 -0.221144 -0.448436
+-0.820066 0.278375 -0.16072 -0.473465
+-0.849385 0.168953 -0.097545 -0.490393
+-0.864171 0.0566406 -0.0327015 -0.498929
+0.498929 0.0327016 -0.864171 -0.0566408
+0.490393 0.0975452 -0.849385 -0.168953
+0.473465 0.16072 -0.820066 -0.278375
+0.448436 0.221144 -0.776715 -0.383033
+0.415735 0.277785 -0.720074 -0.481138
+0.37592 0.329673 -0.651112 -0.57101
+0.329673 0.37592 -0.57101 -0.651112
+0.277785 0.415735 -0.481138 -0.720074
+0.221144 0.448436 -0.383033 -0.776715
+0.16072 0.473465 -0.278375 -0.820066
+0.0975452 0.490393 -0.168953 -0.849385
+0.0327015 0.498929 -0.0566407 -0.864171
+-0.0327016 0.498929 0.0566408 -0.864171
+-0.0975452 0.490393 0.168953 -0.849385
+-0.16072 0.473465 0.278375 -0.820066
+-0.221144 0.448436 0.383033 -0.776715
+-0.277785 0.415735 0.481138 -0.720074
+-0.329673 0.37592 0.57101 -0.651112
+-0.37592 0.329673 0.651112 -0.57101
+-0.415735 0.277785 0.720074 -0.481138
+-0.448436 0.221144 0.776715 -0.383033
+-0.473465 0.16072 0.820066 -0.278375
+-0.490393 0.097545 0.849385 -0.168953
+-0.498929 0.0327015 0.864171 -0.0566406
+0.576114 0.0377605 -0.788675 -0.211325
+0.566257 0.112635 -0.754344 -0.31246
+0.54671 0.185583 -0.707107 -0.408248
+0.51781 0.255356 -0.64777 -0.497052
+0.480049 0.320759 -0.57735 -0.57735
+0.434075 0.380673 -0.497052 -0.64777
+0.380673 0.434075 -0.408248 -0.707107
+0.320759 0.480049 -0.31246 -0.754344
+0.255355 0.51781 -0.211325 -0.788675
+0.185583 0.54671 -0.106574 -0.809511
+0.112635 0.566257 -2.96048e-08 -0.816497
+0.0377605 0.576114 0.106574 -0.809511
+-0.0377605 0.576114 0.211325 -0.788675
+-0.112635 0.566257 0.31246 -0.754344
+-0.185583 0.54671 0.408248 -0.707107
+-0.255356 0.51781 0.497052 -0.64777
+-0.320759 0.480049 0.57735 -0.57735
+-0.380674 0.434075 0.64777 -0.497052
+-0.434075 0.380673 0.707107 -0.408248
+-0.480049 0.320759 0.754345 -0.31246
+-0.51781 0.255355 0.788675 -0.211325
+-0.54671 0.185583 0.809511 -0.106574
+-0.566257 0.112635 0.816497 2.00753e-07
+-0.576114 0.0377604 0.809511 0.106574
+0.576114 0.0377605 -0.809511 0.106574
+0.566257 0.112635 -0.816497 -4.46127e-09
+0.54671 0.185583 -0.809511 -0.106574
+0.51781 0.255356 -0.788675 -0.211325
+0.480049 0.320759 -0.754344 -0.31246
+0.434075 0.380673 -0.707107 -0.408248
+0.380673 0.434075 -0.64777 -0.497052
+0.320759 0.480049 -0.57735 -0.57735
+0.255355 0.51781 -0.497052 -0.64777
+0.185583 0.54671 -0.408248 -0.707107
+0.112635 0.566257 -0.31246 -0.754344
+0.0377605 0.576114 -0.211325 -0.788675
+-0.0377605 0.576114 -0.106574 -0.809511
+-0.112635 0.566257 3.65123e-09 -0.816497
+-0.185583 0.54671 0.106574 -0.809511
+-0.255356 0.51781 0.211325 -0.788675
+-0.320759 0.480049 0.31246 -0.754344
+-0.380674 0.434075 0.408248 -0.707107
+-0.434075 0.380673 0.497052 -0.64777
+-0.480049 0.320759 0.57735 -0.57735
+-0.51781 0.255355 0.64777 -0.497052
+-0.54671 0.185583 0.707107 -0.408248
+-0.566257 0.112635 0.754345 -0.31246
+-0.576114 0.0377604 0.788675 -0.211325
+0.644115 0.0422175 -0.762127 -0.0499525
+0.633094 0.12593 -0.749087 -0.149003
+0.611241 0.207488 -0.72323 -0.245503
+0.578929 0.285496 -0.684998 -0.337804
+0.536711 0.358619 -0.635045 -0.424324
+0.485311 0.425606 -0.574227 -0.503584
+0.425606 0.485311 -0.503584 -0.574227
+0.358619 0.536711 -0.424324 -0.635045
+0.285496 0.578929 -0.337804 -0.684998
+0.207488 0.611241 -0.245503 -0.72323
+0.12593 0.633094 -0.149003 -0.749087
+0.0422175 0.644115 -0.0499524 -0.762127
+-0.0422176 0.644115 0.0499525 -0.762127
+-0.12593 0.633094 0.149003 -0.749087
+-0.207488 0.611241 0.245504 -0.72323
+-0.285496 0.578929 0.337804 -0.684998
+-0.358619 0.536711 0.424324 -0.635045
+-0.425606 0.48531 0.503584 -0.574227
+-0.485311 0.425606 0.574227 -0.503584
+-0.536711 0.358619 0.635045 -0.424324
+-0.578929 0.285496 0.684998 -0.337804
+-0.611241 0.207488 0.72323 -0.245503
+-0.633094 0.12593 0.749087 -0.149003
+-0.644115 0.0422174 0.762127 -0.0499523
+0.644115 0.0422175 -0.684998 -0.337804
+0.633094 0.12593 -0.635045 -0.424324
+0.611241 0.207488 -0.574227 -0.503584
+0.578929 0.285496 -0.503584 -0.574227
+0.536711 0.358619 -0.424324 -0.635045
+0.485311 0.425606 -0.337804 -0.684998
+0.425606 0.485311 -0.245503 -0.72323
+0.358619 0.536711 -0.149003 -0.749087
+0.285496 0.578929 -0.0499525 -0.762127
+0.207488 0.611241 0.0499525 -0.762127
+0.12593 0.633094 0.149003 -0.749087
+0.0422175 0.644115 0.245503 -0.72323
+-0.0422176 0.644115 0.337804 -0.684998
+-0.12593 0.633094 0.424324 -0.635045
+-0.207488 0.611241 0.503584 -0.574227
+-0.285496 0.578929 0.574227 -0.503584
+-0.358619 0.536711 0.635045 -0.424324
+-0.425606 0.48531 0.684998 -0.337803
+-0.485311 0.425606 0.72323 -0.245503
+-0.536711 0.358619 0.749087 -0.149003
+-0.578929 0.285496 0.762127 -0.0499524
+-0.611241 0.207488 0.762127 0.0499527
+-0.633094 0.12593 0.749087 0.149003
+-0.644115 0.0422174 0.72323 0.245504
+0.705593 0.046247 -0.560986 -0.430459
+0.69352 0.13795 -0.5 -0.5
+0.669581 0.227292 -0.430459 -0.560986
+0.634185 0.312745 -0.353553 -0.612372
+0.587938 0.392847 -0.270598 -0.653281
+0.531631 0.466228 -0.183013 -0.683013
+0.466228 0.531631 -0.0922959 -0.701057
+0.392847 0.587938 2.98546e-08 -0.707107
+0.312745 0.634185 0.092296 -0.701057
+0.227292 0.669581 0.183013 -0.683013
+0.13795 0.69352 0.270598 -0.653281
+0.046247 0.705593 0.353553 -0.612372
+-0.046247 0.705593 0.430459 -0.560986
+-0.13795 0.69352 0.5 -0.5
+-0.227292 0.669581 0.560986 -0.430459
+-0.312745 0.634185 0.612373 -0.353553
+-0.392848 0.587938 0.653282 -0.270598
+-0.466228 0.531631 0.683013 -0.183013
+-0.531631 0.466228 0.701057 -0.0922959
+-0.587938 0.392847 0.707107 6.07632e-08
+-0.634185 0.312745 0.701057 0.092296
+-0.669581 0.227292 0.683013 0.183013
+-0.69352 0.13795 0.653281 0.270598
+-0.705593 0.0462468 0.612372 0.353554
+0.705593 0.046247 -0.683013 -0.183013
+0.69352 0.13795 -0.653281 -0.270598
+0.669581 0.227292 -0.612372 -0.353553
+0.634185 0.312745 -0.560986 -0.430459
+0.587938 0.392847 -0.5 -0.5
+0.531631 0.466228 -0.430459 -0.560986
+0.466228 0.531631 -0.353553 -0.612372
+0.392847 0.587938 -0.270598 -0.653281
+0.312745 0.634185 -0.183013 -0.683013
+0.227292 0.669581 -0.092296 -0.701057
+0.13795 0.69352 -2.56385e-08 -0.707107
+0.046247 0.705593 0.092296 -0.701057
+-0.046247 0.705593 0.183013 -0.683013
+-0.13795 0.69352 0.270598 -0.653281
+-0.227292 0.669581 0.353553 -0.612372
+-0.312745 0.634185 0.430459 -0.560985
+-0.392848 0.587938 0.5 -0.5
+-0.466228 0.531631 0.560986 -0.430459
+-0.531631 0.466228 0.612372 -0.353553
+-0.587938 0.392847 0.653282 -0.270598
+-0.634185 0.312745 0.683013 -0.183013
+-0.669581 0.227292 0.701057 -0.0922958
+-0.69352 0.13795 0.707107 1.73857e-07
+-0.705593 0.0462468 0.701057 0.0922961
+0.762127 0.0499525 -0.578929 -0.285496
+0.749087 0.149003 -0.536711 -0.358619
+0.72323 0.245503 -0.485311 -0.425606
+0.684998 0.337804 -0.425606 -0.485311
+0.635045 0.424324 -0.358619 -0.536711
+0.574227 0.503584 -0.285496 -0.578929
+0.503584 0.574227 -0.207488 -0.611241
+0.424324 0.635045 -0.12593 -0.633094
+0.337804 0.684998 -0.0422175 -0.644115
+0.245503 0.72323 0.0422175 -0.644115
+0.149003 0.749087 0.12593 -0.633094
+0.0499524 0.762127 0.207488 -0.611241
+-0.0499525 0.762127 0.285496 -0.578929
+-0.149003 0.749087 0.358619 -0.536711
+-0.245504 0.72323 0.425606 -0.48531
+-0.337804 0.684998 0.485311 -0.425606
+-0.424324 0.635045 0.536711 -0.358619
+-0.503584 0.574227 0.578929 -0.285496
+-0.574227 0.503584 0.611241 -0.207488
+-0.635045 0.424324 0.633094 -0.12593
+-0.684998 0.337804 0.644115 -0.0422175
+-0.72323 0.245503 0.644115 0.0422177
+-0.749087 0.149003 0.633094 0.12593
+-0.762127 0.0499523 0.611241 0.207488
+0.644115 0.0422175 -0.72323 0.245503
+0.633094 0.12593 -0.749087 0.149003
+0.611241 0.207488 -0.762127 0.0499525
+0.578929 0.285496 -0.762127 -0.0499525
+0.536711 0.358619 -0.749087 -0.149003
+0.485311 0.425606 -0.72323 -0.245503
+0.425606 0.485311 -0.684998 -0.337804
+0.358619 0.536711 -0.635045 -0.424324
+0.285496 0.578929 -0.574227 -0.503584
+0.207488 0.611241 -0.503584 -0.574227
+0.12593 0.633094 -0.424324 -0.635045
+0.0422175 0.644115 -0.337804 -0.684998
+-0.0422176 0.644115 -0.245503 -0.72323
+-0.12593 0.633094 -0.149003 -0.749087
+-0.207488 0.611241 -0.0499524 -0.762127
+-0.285496 0.578929 0.0499526 -0.762127
+-0.358619 0.536711 0.149003 -0.749087
+-0.425606 0.48531 0.245504 -0.72323
+-0.485311 0.425606 0.337804 -0.684998
+-0.536711 0.358619 0.424324 -0.635045
+-0.578929 0.285496 0.503584 -0.574227
+-0.611241 0.207488 0.574227 -0.503584
+-0.633094 0.12593 0.635046 -0.424324
+-0.644115 0.0422174 0.684998 -0.337803
+0.705593 0.046247 -0.701057 0.092296
+0.69352 0.13795 -0.707107 -3.86358e-09
+0.669581 0.227292 -0.701057 -0.092296
+0.634185 0.312745 -0.683013 -0.183013
+0.587938 0.392847 -0.653281 -0.270598
+0.531631 0.466228 -0.612372 -0.353553
+0.466228 0.531631 -0.560986 -0.430459
+0.392847 0.587938 -0.5 -0.5
+0.312745 0.634185 -0.430459 -0.560986
+0.227292 0.669581 -0.353553 -0.612372
+0.13795 0.69352 -0.270598 -0.653281
+0.046247 0.705593 -0.183013 -0.683013
+-0.046247 0.705593 -0.0922959 -0.701057
+-0.13795 0.69352 3.16206e-09 -0.707107
+-0.227292 0.669581 0.092296 -0.701057
+-0.312745 0.634185 0.183013 -0.683013
+-0.392848 0.587938 0.270598 -0.653281
+-0.466228 0.531631 0.353553 -0.612372
+-0.531631 0.466228 0.430459 -0.560985
+-0.587938 0.392847 0.5 -0.5
+-0.634185 0.312745 0.560986 -0.430459
+-0.669581 0.227292 0.612373 -0.353553
+-0.69352 0.13795 0.653282 -0.270598
+-0.705593 0.0462468 0.683013 -0.183013
+0.705593 0.046247 -0.612372 0.353553
+0.69352 0.13795 -0.653281 0.270598
+0.669581 0.227292 -0.683013 0.183013
+0.634185 0.312745 -0.701057 0.0922959
+0.587938 0.392847 -0.707107 -1.05402e-09
+0.531631 0.466228 -0.701057 -0.0922959
+0.466228 0.531631 -0.683013 -0.183013
+0.392847 0.587938 -0.653281 -0.270598
+0.312745 0.634185 -0.612372 -0.353553
+0.227292 0.669581 -0.560986 -0.430459
+0.13795 0.69352 -0.5 -0.5
+0.046247 0.705593 -0.430459 -0.560986
+-0.046247 0.705593 -0.353553 -0.612372
+-0.13795 0.69352 -0.270598 -0.653281
+-0.227292 0.669581 -0.183013 -0.683013
+-0.312745 0.634185 -0.0922958 -0.701057
+-0.392848 0.587938 1.16256e-07 -0.707107
+-0.466228 0.531631 0.0922961 -0.701057
+-0.531631 0.466228 0.183013 -0.683013
+-0.587938 0.392847 0.270598 -0.653281
+-0.634185 0.312745 0.353553 -0.612372
+-0.669581 0.227292 0.430459 -0.560985
+-0.69352 0.13795 0.5 -0.5
+-0.705593 0.0462468 0.560986 -0.430459
+0.762127 0.0499525 -0.611241 0.207488
+0.749087 0.149003 -0.633094 0.12593
+0.72323 0.245503 -0.644115 0.0422175
+0.684998 0.337804 -0.644115 -0.0422176
+0.635045 0.424324 -0.633094 -0.12593
+0.574227 0.503584 -0.611241 -0.207488
+0.503584 0.574227 -0.578929 -0.285496
+0.424324 0.635045 -0.536711 -0.358619
+0.337804 0.684998 -0.485311 -0.425606
+0.245503 0.72323 -0.425606 -0.485311
+0.149003 0.749087 -0.358619 -0.536711
+0.0499524 0.762127 -0.285496 -0.578929
+-0.0499525 0.762127 -0.207488 -0.611241
+-0.149003 0.749087 -0.12593 -0.633094
+-0.245504 0.72323 -0.0422175 -0.644115
+-0.337804 0.684998 0.0422177 -0.644115
+-0.424324 0.635045 0.12593 -0.633094
+-0.503584 0.574227 0.207488 -0.611241
+-0.574227 0.503584 0.285496 -0.578929
+-0.635045 0.424324 0.358619 -0.536711
+-0.684998 0.337804 0.425606 -0.48531
+-0.72323 0.245503 0.485311 -0.425606
+-0.749087 0.149003 0.536711 -0.358619
+-0.762127 0.0499523 0.578929 -0.285496
+0.762127 0.0499525 -0.644115 -0.0422175
+0.749087 0.149003 -0.633094 -0.12593
+0.72323 0.245503 -0.611241 -0.207488
+0.684998 0.337804 -0.578929 -0.285496
+0.635045 0.424324 -0.536711 -0.358619
+0.574227 0.503584 -0.485311 -0.425606
+0.503584 0.574227 -0.425606 -0.485311
+0.424324 0.635045 -0.358619 -0.536711
+0.337804 0.684998 -0.285496 -0.578929
+0.245503 0.72323 -0.207488 -0.611241
+0.149003 0.749087 -0.12593 -0.633094
+0.0499524 0.762127 -0.0422175 -0.644115
+-0.0499525 0.762127 0.0422176 -0.644115
+-0.149003 0.749087 0.12593 -0.633094
+-0.245504 0.72323 0.207488 -0.611241
+-0.337804 0.684998 0.285496 -0.578929
+-0.424324 0.635045 0.358619 -0.536711
+-0.503584 0.574227 0.425606 -0.48531
+-0.574227 0.503584 0.485311 -0.425606
+-0.635045 0.424324 0.536711 -0.358619
+-0.684998 0.337804 0.578929 -0.285496
+-0.72323 0.245503 0.611241 -0.207488
+-0.749087 0.149003 0.633094 -0.12593
+-0.762127 0.0499523 0.644115 -0.0422174
+0.814748 0.0534014 -0.557678 -0.149429
+0.800808 0.159291 -0.533402 -0.220942
+0.773165 0.262454 -0.5 -0.288675
+0.732294 0.361127 -0.458043 -0.351469
+0.678892 0.453621 -0.408248 -0.408248
+0.613875 0.538354 -0.351469 -0.458043
+0.538354 0.613875 -0.288675 -0.5
+0.453621 0.678892 -0.220942 -0.533402
+0.361127 0.732294 -0.149429 -0.557678
+0.262454 0.773165 -0.0753593 -0.572411
+0.159291 0.800808 -2.09338e-08 -0.57735
+0.0534014 0.814748 0.0753594 -0.572411
+-0.0534015 0.814748 0.149429 -0.557678
+-0.159291 0.800808 0.220942 -0.533402
+-0.262454 0.773165 0.288675 -0.5
+-0.361127 0.732293 0.351469 -0.458043
+-0.453621 0.678892 0.408248 -0.408248
+-0.538354 0.613875 0.458043 -0.351469
+-0.613875 0.538354 0.5 -0.288675
+-0.678892 0.453621 0.533402 -0.220942
+-0.732294 0.361127 0.557678 -0.149429
+-0.773165 0.262454 0.572411 -0.0753592
+-0.800808 0.15929 0.57735 1.41954e-07
+-0.814748 0.0534013 0.572411 0.0753595
+0.814748 0.0534014 -0.572411 0.0753593
+0.800808 0.159291 -0.57735 -3.1546e-09
+0.773165 0.262454 -0.572411 -0.0753593
+0.732294 0.361127 -0.557678 -0.149429
+0.678892 0.453621 -0.533402 -0.220942
+0.613875 0.538354 -0.5 -0.288675
+0.538354 0.613875 -0.458043 -0.351469
+0.453621 0.678892 -0.408248 -0.408248
+0.361127 0.732294 -0.351469 -0.458043
+0.262454 0.773165 -0.288675 -0.5
+0.159291 0.800808 -0.220942 -0.533402
+0.0534014 0.814748 -0.149429 -0.557678
+-0.0534015 0.814748 -0.0753593 -0.572411
+-0.159291 0.800808 2.58181e-09 -0.57735
+-0.262454 0.773165 0.0753594 -0.572411
+-0.361127 0.732293 0.149429 -0.557678
+-0.453621 0.678892 0.220942 -0.533402
+-0.538354 0.613875 0.288675 -0.5
+-0.613875 0.538354 0.351469 -0.458043
+-0.678892 0.453621 0.408248 -0.408248
+-0.732294 0.361127 0.458043 -0.351469
+-0.773165 0.262454 0.5 -0.288675
+-0.800808 0.15929 0.533402 -0.220942
+-0.814748 0.0534013 0.557678 -0.149429
+0.864171 0.0566408 -0.498929 -0.0327016
+0.849385 0.168953 -0.490393 -0.0975452
+0.820066 0.278375 -0.473465 -0.16072
+0.776715 0.383033 -0.448436 -0.221144
+0.720074 0.481138 -0.415735 -0.277785
+0.651112 0.57101 -0.37592 -0.329673
+0.57101 0.651112 -0.329673 -0.37592
+0.481138 0.720074 -0.277785 -0.415735
+0.383033 0.776715 -0.221144 -0.448436
+0.278375 0.820066 -0.16072 -0.473465
+0.168953 0.849385 -0.0975452 -0.490393
+0.0566407 0.864171 -0.0327015 -0.498929
+-0.0566408 0.864171 0.0327016 -0.498929
+-0.168953 0.849385 0.0975452 -0.490393
+-0.278375 0.820066 0.16072 -0.473465
+-0.383033 0.776715 0.221144 -0.448436
+-0.481138 0.720074 0.277785 -0.415735
+-0.57101 0.651112 0.329673 -0.37592
+-0.651112 0.57101 0.37592 -0.329673
+-0.720074 0.481138 0.415735 -0.277785
+-0.776715 0.383033 0.448436 -0.221144
+-0.820066 0.278375 0.473465 -0.16072
+-0.849385 0.168953 0.490393 -0.097545
+-0.864171 0.0566406 0.498929 -0.0327015
+0.498929 0.0327016 0.0566408 -0.864171
+0.490393 0.0975452 0.168953 -0.849385
+0.473465 0.16072 0.278375 -0.820066
+0.448436 0.221144 0.383033 -0.776715
+0.415735 0.277785 0.481138 -0.720074
+0.37592 0.329673 0.57101 -0.651112
+0.329673 0.37592 0.651112 -0.57101
+0.277785 0.415735 0.720074 -0.481138
+0.221144 0.448436 0.776715 -0.383033
+0.16072 0.473465 0.820066 -0.278375
+0.0975452 0.490393 0.849385 -0.168953
+0.0327015 0.498929 0.864171 -0.0566407
+-0.0327016 0.498929 0.864171 0.0566408
+-0.0975452 0.490393 0.849385 0.168953
+-0.16072 0.473465 0.820066 0.278375
+-0.221144 0.448436 0.776715 0.383033
+-0.277785 0.415735 0.720074 0.481138
+-0.329673 0.37592 0.651112 0.57101
+-0.37592 0.329673 0.57101 0.651112
+-0.415735 0.277785 0.481138 0.720074
+-0.448436 0.221144 0.383033 0.776715
+-0.473465 0.16072 0.278375 0.820066
+-0.490393 0.097545 0.168953 0.849385
+-0.498929 0.0327015 0.0566406 0.864171
+0.576114 0.0377605 0.211325 -0.788675
+0.566257 0.112635 0.31246 -0.754344
+0.54671 0.185583 0.408248 -0.707107
+0.51781 0.255356 0.497052 -0.64777
+0.480049 0.320759 0.57735 -0.57735
+0.434075 0.380673 0.64777 -0.497052
+0.380673 0.434075 0.707107 -0.408248
+0.320759 0.480049 0.754344 -0.31246
+0.255355 0.51781 0.788675 -0.211325
+0.185583 0.54671 0.809511 -0.106574
+0.112635 0.566257 0.816497 -2.96048e-08
+0.0377605 0.576114 0.809511 0.106574
+-0.0377605 0.576114 0.788675 0.211325
+-0.112635 0.566257 0.754344 0.31246
+-0.185583 0.54671 0.707107 0.408248
+-0.255356 0.51781 0.64777 0.497052
+-0.320759 0.480049 0.57735 0.57735
+-0.380674 0.434075 0.497052 0.64777
+-0.434075 0.380673 0.408248 0.707107
+-0.480049 0.320759 0.31246 0.754345
+-0.51781 0.255355 0.211325 0.788675
+-0.54671 0.185583 0.106574 0.809511
+-0.566257 0.112635 -2.00753e-07 0.816497
+-0.576114 0.0377604 -0.106574 0.809511
+0.576114 0.0377605 -0.106574 -0.809511
+0.566257 0.112635 4.46127e-09 -0.816497
+0.54671 0.185583 0.106574 -0.809511
+0.51781 0.255356 0.211325 -0.788675
+0.480049 0.320759 0.31246 -0.754344
+0.434075 0.380673 0.408248 -0.707107
+0.380673 0.434075 0.497052 -0.64777
+0.320759 0.480049 0.57735 -0.57735
+0.255355 0.51781 0.64777 -0.497052
+0.185583 0.54671 0.707107 -0.408248
+0.112635 0.566257 0.754344 -0.31246
+0.0377605 0.576114 0.788675 -0.211325
+-0.0377605 0.576114 0.809511 -0.106574
+-0.112635 0.566257 0.816497 3.65123e-09
+-0.185583 0.54671 0.809511 0.106574
+-0.255356 0.51781 0.788675 0.211325
+-0.320759 0.480049 0.754344 0.31246
+-0.380674 0.434075 0.707107 0.408248
+-0.434075 0.380673 0.64777 0.497052
+-0.480049 0.320759 0.57735 0.57735
+-0.51781 0.255355 0.497052 0.64777
+-0.54671 0.185583 0.408248 0.707107
+-0.566257 0.112635 0.31246 0.754345
+-0.576114 0.0377604 0.211325 0.788675
+0.644115 0.0422175 0.0499525 -0.762127
+0.633094 0.12593 0.149003 -0.749087
+0.611241 0.207488 0.245503 -0.72323
+0.578929 0.285496 0.337804 -0.684998
+0.536711 0.358619 0.424324 -0.635045
+0.485311 0.425606 0.503584 -0.574227
+0.425606 0.485311 0.574227 -0.503584
+0.358619 0.536711 0.635045 -0.424324
+0.285496 0.578929 0.684998 -0.337804
+0.207488 0.611241 0.72323 -0.245503
+0.12593 0.633094 0.749087 -0.149003
+0.0422175 0.644115 0.762127 -0.0499524
+-0.0422176 0.644115 0.762127 0.0499525
+-0.12593 0.633094 0.749087 0.149003
+-0.207488 0.611241 0.72323 0.245504
+-0.285496 0.578929 0.684998 0.337804
+-0.358619 0.536711 0.635045 0.424324
+-0.425606 0.48531 0.574227 0.503584
+-0.485311 0.425606 0.503584 0.574227
+-0.536711 0.358619 0.424324 0.635045
+-0.578929 0.285496 0.337804 0.684998
+-0.611241 0.207488 0.245503 0.72323
+-0.633094 0.12593 0.149003 0.749087
+-0.644115 0.0422174 0.0499523 0.762127
+0.644115 0.0422175 0.337804 -0.684998
+0.633094 0.12593 0.424324 -0.635045
+0.611241 0.207488 0.503584 -0.574227
+0.578929 0.285496 0.574227 -0.503584
+0.536711 0.358619 0.635045 -0.424324
+0.485311 0.425606 0.684998 -0.337804
+0.425606 0.485311 0.72323 -0.245503
+0.358619 0.536711 0.749087 -0.149003
+0.285496 0.578929 0.762127 -0.0499525
+0.207488 0.611241 0.762127 0.0499525
+0.12593 0.633094 0.749087 0.149003
+0.0422175 0.644115 0.72323 0.245503
+-0.0422176 0.644115 0.684998 0.337804
+-0.12593 0.633094 0.635045 0.424324
+-0.207488 0.611241 0.574227 0.503584
+-0.285496 0.578929 0.503584 0.574227
+-0.358619 0.536711 0.424324 0.635045
+-0.425606 0.48531 0.337803 0.684998
+-0.485311 0.425606 0.245503 0.72323
+-0.536711 0.358619 0.149003 0.749087
+-0.578929 0.285496 0.0499524 0.762127
+-0.611241 0.207488 -0.0499527 0.762127
+-0.633094 0.12593 -0.149003 0.749087
+-0.644115 0.0422174 -0.245504 0.72323
+0.705593 0.046247 0.430459 -0.560986
+0.69352 0.13795 0.5 -0.5
+0.669581 0.227292 0.560986 -0.430459
+0.634185 0.312745 0.612372 -0.353553
+0.587938 0.392847 0.653281 -0.270598
+0.531631 0.466228 0.683013 -0.183013
+0.466228 0.531631 0.701057 -0.0922959
+0.392847 0.587938 0.707107 2.98546e-08
+0.312745 0.634185 0.701057 0.092296
+0.227292 0.669581 0.683013 0.183013
+0.13795 0.69352 0.653281 0.270598
+0.046247 0.705593 0.612372 0.353553
+-0.046247 0.705593 0.560986 0.430459
+-0.13795 0.69352 0.5 0.5
+-0.227292 0.669581 0.430459 0.560986
+-0.312745 0.634185 0.353553 0.612373
+-0.392848 0.587938 0.270598 0.653282
+-0.466228 0.531631 0.183013 0.683013
+-0.531631 0.466228 0.0922959 0.701057
+-0.587938 0.392847 -6.07632e-08 0.707107
+-0.634185 0.312745 -0.092296 0.701057
+-0.669581 0.227292 -0.183013 0.683013
+-0.69352 0.13795 -0.270598 0.653281
+-0.705593 0.0462468 -0.353554 0.612372
+0.705593 0.046247 0.183013 -0.683013
+0.69352 0.13795 0.270598 -0.653281
+0.669581 0.227292 0.353553 -0.612372
+0.634185 0.312745 0.430459 -0.560986
+0.587938 0.392847 0.5 -0.5
+0.531631 0.466228 0.560986 -0.430459
+0.466228 0.531631 0.612372 -0.353553
+0.392847 0.587938 0.653281 -0.270598
+0.312745 0.634185 0.683013 -0.183013
+0.227292 0.669581 0.701057 -0.092296
+0.13795 0.69352 0.707107 -2.56385e-08
+0.046247 0.705593 0.701057 0.092296
+-0.046247 0.705593 0.683013 0.183013
+-0.13795 0.69352 0.653281 0.270598
+-0.227292 0.669581 0.612372 0.353553
+-0.312745 0.634185 0.560985 0.430459
+-0.392848 0.587938 0.5 0.5
+-0.466228 0.531631 0.430459 0.560986
+-0.531631 0.466228 0.353553 0.612372
+-0.587938 0.392847 0.270598 0.653282
+-0.634185 0.312745 0.183013 0.683013
+-0.669581 0.227292 0.0922958 0.701057
+-0.69352 0.13795 -1.73857e-07 0.707107
+-0.705593 0.0462468 -0.0922961 0.701057
+0.762127 0.0499525 0.285496 -0.578929
+0.749087 0.149003 0.358619 -0.536711
+0.72323 0.245503 0.425606 -0.485311
+0.684998 0.337804 0.485311 -0.425606
+0.635045 0.424324 0.536711 -0.358619
+0.574227 0.503584 0.578929 -0.285496
+0.503584 0.574227 0.611241 -0.207488
+0.424324 0.635045 0.633094 -0.12593
+0.337804 0.684998 0.644115 -0.0422175
+0.245503 0.72323 0.644115 0.0422175
+0.149003 0.749087 0.633094 0.12593
+0.0499524 0.762127 0.611241 0.207488
+-0.0499525 0.762127 0.578929 0.285496
+-0.149003 0.749087 0.536711 0.358619
+-0.245504 0.72323 0.48531 0.425606
+-0.337804 0.684998 0.425606 0.485311
+-0.424324 0.635045 0.358619 0.536711
+-0.503584 0.574227 0.285496 0.578929
+-0.574227 0.503584 0.207488 0.611241
+-0.635045 0.424324 0.12593 0.633094
+-0.684998 0.337804 0.0422175 0.644115
+-0.72323 0.245503 -0.0422177 0.644115
+-0.749087 0.149003 -0.12593 0.633094
+-0.762127 0.0499523 -0.207488 0.611241
+0.644115 0.0422175 -0.245503 -0.72323
+0.633094 0.12593 -0.149003 -0.749087
+0.611241 0.207488 -0.0499525 -0.762127
+0.578929 0.285496 0.0499525 -0.762127
+0.536711 0.358619 0.149003 -0.749087
+0.485311 0.425606 0.245503 -0.72323
+0.425606 0.485311 0.337804 -0.684998
+0.358619 0.536711 0.424324 -0.635045
+0.285496 0.578929 0.503584 -0.574227
+0.207488 0.611241 0.574227 -0.503584
+0.12593 0.633094 0.635045 -0.424324
+0.0422175 0.644115 0.684998 -0.337804
+-0.0422176 0.644115 0.72323 -0.245503
+-0.12593 0.633094 0.749087 -0.149003
+-0.207488 0.611241 0.762127 -0.0499524
+-0.285496 0.578929 0.762127 0.0499526
+-0.358619 0.536711 0.749087 0.149003
+-0.425606 0.48531 0.72323 0.245504
+-0.485311 0.425606 0.684998 0.337804
+-0.536711 0.358619 0.635045 0.424324
+-0.578929 0.285496 0.574227 0.503584
+-0.611241 0.207488 0.503584 0.574227
+-0.633094 0.12593 0.424324 0.635046
+-0.644115 0.0422174 0.337803 0.684998
+0.705593 0.046247 -0.092296 -0.701057
+0.69352 0.13795 3.86358e-09 -0.707107
+0.669581 0.227292 0.092296 -0.701057
+0.634185 0.312745 0.183013 -0.683013
+0.587938 0.392847 0.270598 -0.653281
+0.531631 0.466228 0.353553 -0.612372
+0.466228 0.531631 0.430459 -0.560986
+0.392847 0.587938 0.5 -0.5
+0.312745 0.634185 0.560986 -0.430459
+0.227292 0.669581 0.612372 -0.353553
+0.13795 0.69352 0.653281 -0.270598
+0.046247 0.705593 0.683013 -0.183013
+-0.046247 0.705593 0.701057 -0.0922959
+-0.13795 0.69352 0.707107 3.16206e-09
+-0.227292 0.669581 0.701057 0.092296
+-0.312745 0.634185 0.683013 0.183013
+-0.392848 0.587938 0.653281 0.270598
+-0.466228 0.531631 0.612372 0.353553
+-0.531631 0.466228 0.560985 0.430459
+-0.587938 0.392847 0.5 0.5
+-0.634185 0.312745 0.430459 0.560986
+-0.669581 0.227292 0.353553 0.612373
+-0.69352 0.13795 0.270598 0.653282
+-0.705593 0.0462468 0.183013 0.683013
+0.705593 0.046247 -0.353553 -0.612372
+0.69352 0.13795 -0.270598 -0.653281
+0.669581 0.227292 -0.183013 -0.683013
+0.634185 0.312745 -0.0922959 -0.701057
+0.587938 0.392847 1.05402e-09 -0.707107
+0.531631 0.466228 0.0922959 -0.701057
+0.466228 0.531631 0.183013 -0.683013
+0.392847 0.587938 0.270598 -0.653281
+0.312745 0.634185 0.353553 -0.612372
+0.227292 0.669581 0.430459 -0.560986
+0.13795 0.69352 0.5 -0.5
+0.046247 0.705593 0.560986 -0.430459
+-0.046247 0.705593 0.612372 -0.353553
+-0.13795 0.69352 0.653281 -0.270598
+-0.227292 0.669581 0.683013 -0.183013
+-0.312745 0.634185 0.701057 -0.0922958
+-0.392848 0.587938 0.707107 1.16256e-07
+-0.466228 0.531631 0.701057 0.0922961
+-0.531631 0.466228 0.683013 0.183013
+-0.587938 0.392847 0.653281 0.270598
+-0.634185 0.312745 0.612372 0.353553
+-0.669581 0.227292 0.560985 0.430459
+-0.69352 0.13795 0.5 0.5
+-0.705593 0.0462468 0.430459 0.560986
+0.762127 0.0499525 -0.207488 -0.611241
+0.749087 0.149003 -0.12593 -0.633094
+0.72323 0.245503 -0.0422175 -0.644115
+0.684998 0.337804 0.0422176 -0.644115
+0.635045 0.424324 0.12593 -0.633094
+0.574227 0.503584 0.207488 -0.611241
+0.503584 0.574227 0.285496 -0.578929
+0.424324 0.635045 0.358619 -0.536711
+0.337804 0.684998 0.425606 -0.485311
+0.245503 0.72323 0.485311 -0.425606
+0.149003 0.749087 0.536711 -0.358619
+0.0499524 0.762127 0.578929 -0.285496
+-0.0499525 0.762127 0.611241 -0.207488
+-0.149003 0.749087 0.633094 -0.12593
+-0.245504 0.72323 0.644115 -0.0422175
+-0.337804 0.684998 0.644115 0.0422177
+-0.424324 0.635045 0.633094 0.12593
+-0.503584 0.574227 0.611241 0.207488
+-0.574227 0.503584 0.578929 0.285496
+-0.635045 0.424324 0.536711 0.358619
+-0.684998 0.337804 0.48531 0.425606
+-0.72323 0.245503 0.425606 0.485311
+-0.749087 0.149003 0.358619 0.536711
+-0.762127 0.0499523 0.285496 0.578929
+0.762127 0.0499525 0.0422175 -0.644115
+0.749087 0.149003 0.12593 -0.633094
+0.72323 0.245503 0.207488 -0.611241
+0.684998 0.337804 0.285496 -0.578929
+0.635045 0.424324 0.358619 -0.536711
+0.574227 0.503584 0.425606 -0.485311
+0.503584 0.574227 0.485311 -0.425606
+0.424324 0.635045 0.536711 -0.358619
+0.337804 0.684998 0.578929 -0.285496
+0.245503 0.72323 0.611241 -0.207488
+0.149003 0.749087 0.633094 -0.12593
+0.0499524 0.762127 0.644115 -0.0422175
+-0.0499525 0.762127 0.644115 0.0422176
+-0.149003 0.749087 0.633094 0.12593
+-0.245504 0.72323 0.611241 0.207488
+-0.337804 0.684998 0.578929 0.285496
+-0.424324 0.635045 0.536711 0.358619
+-0.503584 0.574227 0.48531 0.425606
+-0.574227 0.503584 0.425606 0.485311
+-0.635045 0.424324 0.358619 0.536711
+-0.684998 0.337804 0.285496 0.578929
+-0.72323 0.245503 0.207488 0.611241
+-0.749087 0.149003 0.12593 0.633094
+-0.762127 0.0499523 0.0422174 0.644115
+0.814748 0.0534014 0.149429 -0.557678
+0.800808 0.159291 0.220942 -0.533402
+0.773165 0.262454 0.288675 -0.5
+0.732294 0.361127 0.351469 -0.458043
+0.678892 0.453621 0.408248 -0.408248
+0.613875 0.538354 0.458043 -0.351469
+0.538354 0.613875 0.5 -0.288675
+0.453621 0.678892 0.533402 -0.220942
+0.361127 0.732294 0.557678 -0.149429
+0.262454 0.773165 0.572411 -0.0753593
+0.159291 0.800808 0.57735 -2.09338e-08
+0.0534014 0.814748 0.572411 0.0753594
+-0.0534015 0.814748 0.557678 0.149429
+-0.159291 0.800808 0.533402 0.220942
+-0.262454 0.773165 0.5 0.288675
+-0.361127 0.732293 0.458043 0.351469
+-0.453621 0.678892 0.408248 0.408248
+-0.538354 0.613875 0.351469 0.458043
+-0.613875 0.538354 0.288675 0.5
+-0.678892 0.453621 0.220942 0.533402
+-0.732294 0.361127 0.149429 0.557678
+-0.773165 0.262454 0.0753592 0.572411
+-0.800808 0.15929 -1.41954e-07 0.57735
+-0.814748 0.0534013 -0.0753595 0.572411
+0.814748 0.0534014 -0.0753593 -0.572411
+0.800808 0.159291 3.1546e-09 -0.57735
+0.773165 0.262454 0.0753593 -0.572411
+0.732294 0.361127 0.149429 -0.557678
+0.678892 0.453621 0.220942 -0.533402
+0.613875 0.538354 0.288675 -0.5
+0.538354 0.613875 0.351469 -0.458043
+0.453621 0.678892 0.408248 -0.408248
+0.361127 0.732294 0.458043 -0.351469
+0.262454 0.773165 0.5 -0.288675
+0.159291 0.800808 0.533402 -0.220942
+0.0534014 0.814748 0.557678 -0.149429
+-0.0534015 0.814748 0.572411 -0.0753593
+-0.159291 0.800808 0.57735 2.58181e-09
+-0.262454 0.773165 0.572411 0.0753594
+-0.361127 0.732293 0.557678 0.149429
+-0.453621 0.678892 0.533402 0.220942
+-0.538354 0.613875 0.5 0.288675
+-0.613875 0.538354 0.458043 0.351469
+-0.678892 0.453621 0.408248 0.408248
+-0.732294 0.361127 0.351469 0.458043
+-0.773165 0.262454 0.288675 0.5
+-0.800808 0.15929 0.220942 0.533402
+-0.814748 0.0534013 0.149429 0.557678
+0.864171 0.0566408 0.0327016 -0.498929
+0.849385 0.168953 0.0975452 -0.490393
+0.820066 0.278375 0.16072 -0.473465
+0.776715 0.383033 0.221144 -0.448436
+0.720074 0.481138 0.277785 -0.415735
+0.651112 0.57101 0.329673 -0.37592
+0.57101 0.651112 0.37592 -0.329673
+0.481138 0.720074 0.415735 -0.277785
+0.383033 0.776715 0.448436 -0.221144
+0.278375 0.820066 0.473465 -0.16072
+0.168953 0.849385 0.490393 -0.0975452
+0.0566407 0.864171 0.498929 -0.0327015
+-0.0566408 0.864171 0.498929 0.0327016
+-0.168953 0.849385 0.490393 0.0975452
+-0.278375 0.820066 0.473465 0.16072
+-0.383033 0.776715 0.448436 0.221144
+-0.481138 0.720074 0.415735 0.277785
+-0.57101 0.651112 0.37592 0.329673
+-0.651112 0.57101 0.329673 0.37592
+-0.720074 0.481138 0.277785 0.415735
+-0.776715 0.383033 0.221144 0.448436
+-0.820066 0.278375 0.16072 0.473465
+-0.849385 0.168953 0.097545 0.490393
+-0.864171 0.0566406 0.0327015 0.498929
+0.101844 0.00667518 0.655903 0.747914
+0.100101 0.0199113 0.552669 0.827128
+0.0966457 0.0328068 0.439979 0.892189
+0.0915367 0.0451409 0.319761 0.941985
+0.0848615 0.0567026 0.194072 0.975664
+0.0767343 0.0672942 0.0650616 0.992648
+0.0672942 0.0767343 -0.0650616 0.992648
+0.0567026 0.0848615 -0.194072 0.975664
+0.0451409 0.0915367 -0.319761 0.941985
+0.0328068 0.0966457 -0.439979 0.892189
+0.0199113 0.100101 -0.552669 0.827128
+0.00667517 0.101844 -0.655903 0.747914
+-0.00667518 0.101844 -0.747914 0.655903
+-0.0199113 0.100101 -0.827128 0.552669
+-0.0328068 0.0966456 -0.892189 0.439979
+-0.0451409 0.0915367 -0.941985 0.319761
+-0.0567027 0.0848615 -0.975664 0.194071
+-0.0672942 0.0767343 -0.992648 0.0650615
+-0.0767343 0.0672942 -0.992648 -0.0650617
+-0.0848615 0.0567026 -0.975664 -0.194072
+-0.0915367 0.0451409 -0.941985 -0.319761
+-0.0966457 0.0328068 -0.892189 -0.439979
+-0.100101 0.0199113 -0.827128 -0.552669
+-0.101844 0.00667516 -0.747914 -0.655903
+0.203687 0.0133504 0.314672 0.926993
+0.200202 0.0398226 0.190983 0.960135
+0.193291 0.0656136 0.0640261 0.976849
+0.183073 0.0902818 -0.0640261 0.976849
+0.169723 0.113405 -0.190983 0.960135
+0.153469 0.134588 -0.314672 0.926993
+0.134588 0.153469 -0.432976 0.877989
+0.113405 0.169723 -0.543873 0.813963
+0.0902818 0.183073 -0.645463 0.73601
+0.0656136 0.193291 -0.73601 0.645463
+0.0398227 0.200202 -0.813963 0.543873
+0.0133503 0.203687 -0.877989 0.432976
+-0.0133504 0.203687 -0.926993 0.314672
+-0.0398226 0.200202 -0.960135 0.190983
+-0.0656136 0.193291 -0.976849 0.064026
+-0.0902818 0.183073 -0.976849 -0.0640263
+-0.113405 0.169723 -0.960135 -0.190983
+-0.134588 0.153469 -0.926992 -0.314672
+-0.153469 0.134588 -0.877989 -0.432976
+-0.169723 0.113405 -0.813963 -0.543873
+-0.183073 0.0902818 -0.73601 -0.645463
+-0.193291 0.0656135 -0.645463 -0.73601
+-0.200202 0.0398226 -0.543873 -0.813963
+-0.203687 0.0133503 -0.432976 -0.877989
+0.203687 0.0133504 0.877989 0.432976
+0.200202 0.0398226 0.813963 0.543873
+0.193291 0.0656136 0.73601 0.645463
+0.183073 0.0902818 0.645463 0.73601
+0.169723 0.113405 0.543873 0.813963
+0.153469 0.134588 0.432976 0.877989
+0.134588 0.153469 0.314672 0.926993
+0.113405 0.169723 0.190983 0.960135
+0.0902818 0.183073 0.0640261 0.976849
+0.0656136 0.193291 -0.0640261 0.976849
+0.0398227 0.200202 -0.190983 0.960135
+0.0133503 0.203687 -0.314672 0.926993
+-0.0133504 0.203687 -0.432976 0.877989
+-0.0398226 0.200202 -0.543873 0.813963
+-0.0656136 0.193291 -0.645463 0.73601
+-0.0902818 0.183073 -0.73601 0.645463
+-0.113405 0.169723 -0.813963 0.543873
+-0.134588 0.153469 -0.877989 0.432976
+-0.153469 0.134588 -0.926993 0.314671
+-0.169723 0.113405 -0.960135 0.190983
+-0.183073 0.0902818 -0.976849 0.064026
+-0.193291 0.0656135 -0.976849 -0.0640263
+-0.200202 0.0398226 -0.960135 -0.190983
+-0.203687 0.0133503 -0.926992 -0.314672
+0.305531 0.0200255 0.627679 0.71573
+0.300303 0.059734 0.528887 0.791535
+0.289937 0.0984203 0.421046 0.853797
+0.27461 0.135423 0.306001 0.901451
+0.254585 0.170108 0.18572 0.93368
+0.230203 0.201883 0.0622619 0.949933
+0.201883 0.230203 -0.0622619 0.949933
+0.170108 0.254585 -0.18572 0.93368
+0.135423 0.27461 -0.306001 0.901451
+0.0984203 0.289937 -0.421046 0.853797
+0.059734 0.300303 -0.528887 0.791536
+0.0200255 0.305531 -0.627679 0.71573
+-0.0200255 0.305531 -0.71573 0.627678
+-0.059734 0.300303 -0.791535 0.528887
+-0.0984204 0.289937 -0.853797 0.421046
+-0.135423 0.27461 -0.901451 0.306001
+-0.170108 0.254585 -0.93368 0.18572
+-0.201883 0.230203 -0.949933 0.0622618
+-0.230203 0.201883 -0.949933 -0.062262
+-0.254585 0.170108 -0.93368 -0.185721
+-0.27461 0.135423 -0.901451 -0.306001
+-0.289937 0.0984203 -0.853797 -0.421047
+-0.300303 0.0597339 -0.791535 -0.528887
+-0.305531 0.0200255 -0.71573 -0.627679
+0.305531 0.0200255 0.18572 0.93368
+0.300303 0.059734 0.0622619 0.949933
+0.289937 0.0984203 -0.0622619 0.949933
+0.27461 0.135423 -0.18572 0.93368
+0.254585 0.170108 -0.306001 0.901451
+0.230203 0.201883 -0.421046 0.853797
+0.201883 0.230203 -0.528887 0.791535
+0.170108 0.254585 -0.627679 0.71573
+0.135423 0.27461 -0.71573 0.627679
+0.0984203 0.289937 -0.791535 0.528887
+0.059734 0.300303 -0.853797 0.421046
+0.0200255 0.305531 -0.901451 0.306001
+-0.0200255 0.305531 -0.93368 0.18572
+-0.059734 0.300303 -0.949933 0.0622619
+-0.0984204 0.289937 -0.949933 -0.062262
+-0.135423 0.27461 -0.93368 -0.185721
+-0.170108 0.254585 -0.901451 -0.306001
+-0.201883 0.230203 -0.853797 -0.421046
+-0.230203 0.201883 -0.791535 -0.528887
+-0.254585 0.170108 -0.71573 -0.627679
+-0.27461 0.135423 -0.627678 -0.71573
+-0.289937 0.0984203 -0.528887 -0.791536
+-0.300303 0.0597339 -0.421046 -0.853798
+-0.305531 0.0200255 -0.306001 -0.901451
+0.407374 0.0267007 0.119154 0.905061
+0.400404 0.0796453 -4.98786e-09 0.912871
+0.386583 0.131227 -0.119154 0.905061
+0.366147 0.180564 -0.236268 0.881766
+0.339446 0.226811 -0.349341 0.843383
+0.306937 0.269177 -0.456435 0.790569
+0.269177 0.306937 -0.555721 0.724229
+0.226811 0.339446 -0.645497 0.645497
+0.180564 0.366147 -0.724229 0.555721
+0.131227 0.386583 -0.790569 0.456435
+0.0796453 0.400404 -0.843383 0.349341
+0.0267007 0.407374 -0.881766 0.236268
+-0.0267007 0.407374 -0.905061 0.119154
+-0.0796453 0.400404 -0.912871 -4.0822e-09
+-0.131227 0.386583 -0.905061 -0.119154
+-0.180564 0.366147 -0.881766 -0.236269
+-0.226811 0.339446 -0.843383 -0.349341
+-0.269177 0.306937 -0.790569 -0.456436
+-0.306937 0.269177 -0.724229 -0.555721
+-0.339446 0.226811 -0.645497 -0.645497
+-0.366147 0.180564 -0.555721 -0.724229
+-0.386583 0.131227 -0.456435 -0.79057
+-0.400404 0.0796452 -0.34934 -0.843383
+-0.407374 0.0267006 -0.236268 -0.881766
+0.407374 0.0267007 0.456435 0.790569
+0.400404 0.0796453 0.349341 0.843383
+0.386583 0.131227 0.236268 0.881766
+0.366147 0.180564 0.119154 0.905061
+0.339446 0.226811 -1.36073e-09 0.912871
+0.306937 0.269177 -0.119154 0.905061
+0.269177 0.306937 -0.236268 0.881766
+0.226811 0.339446 -0.349341 0.843383
+0.180564 0.366147 -0.456435 0.790569
+0.131227 0.386583 -0.555721 0.724229
+0.0796453 0.400404 -0.645497 0.645497
+0.0267007 0.407374 -0.724229 0.555721
+-0.0267007 0.407374 -0.790569 0.456435
+-0.0796453 0.400404 -0.843383 0.349341
+-0.131227 0.386583 -0.881766 0.236268
+-0.180564 0.366147 -0.905061 0.119153
+-0.226811 0.339446 -0.912871 -1.50086e-07
+-0.269177 0.306937 -0.905061 -0.119154
+-0.306937 0.269177 -0.881766 -0.236268
+-0.339446 0.226811 -0.843383 -0.349341
+-0.366147 0.180564 -0.790569 -0.456436
+-0.386583 0.131227 -0.724229 -0.555721
+-0.400404 0.0796452 -0.645497 -0.645497
+-0.407374 0.0267006 -0.55572 -0.724229
+0.498929 0.0327016 0.278375 0.820066
+0.490393 0.0975452 0.168953 0.849385
+0.473465 0.16072 0.0566408 0.864171
+0.448436 0.221144 -0.0566408 0.864171
+0.415735 0.277785 -0.168953 0.849385
+0.37592 0.329673 -0.278375 0.820066
+0.329673 0.37592 -0.383033 0.776715
+0.277785 0.415735 -0.481138 0.720074
+0.221144 0.448436 -0.57101 0.651112
+0.16072 0.473465 -0.651112 0.57101
+0.0975452 0.490393 -0.720074 0.481138
+0.0327015 0.498929 -0.776715 0.383033
+-0.0327016 0.498929 -0.820066 0.278375
+-0.0975452 0.490393 -0.849385 0.168953
+-0.16072 0.473465 -0.864171 0.0566407
+-0.221144 0.448436 -0.864171 -0.0566409
+-0.277785 0.415735 -0.849385 -0.168953
+-0.329673 0.37592 -0.820066 -0.278375
+-0.37592 0.329673 -0.776715 -0.383033
+-0.415735 0.277785 -0.720074 -0.481138
+-0.448436 0.221144 -0.651112 -0.57101
+-0.473465 0.16072 -0.57101 -0.651113
+-0.490393 0.097545 -0.481138 -0.720074
+-0.498929 0.0327015 -0.383033 -0.776715
+0.305531 0.0200255 0.901451 0.306001
+0.300303 0.059734 0.853797 0.421046
+0.289937 0.0984203 0.791535 0.528887
+0.27461 0.135423 0.71573 0.627679
+0.254585 0.170108 0.627679 0.71573
+0.230203 0.201883 0.528887 0.791535
+0.201883 0.230203 0.421046 0.853797
+0.170108 0.254585 0.306001 0.901451
+0.135423 0.27461 0.18572 0.93368
+0.0984203 0.289937 0.0622619 0.949933
+0.059734 0.300303 -0.0622619 0.949933
+0.0200255 0.305531 -0.185721 0.93368
+-0.0200255 0.305531 -0.306001 0.901451
+-0.059734 0.300303 -0.421046 0.853797
+-0.0984204 0.289937 -0.528887 0.791535
+-0.135423 0.27461 -0.627679 0.71573
+-0.170108 0.254585 -0.71573 0.627678
+-0.201883 0.230203 -0.791536 0.528887
+-0.230203 0.201883 -0.853797 0.421046
+-0.254585 0.170108 -0.901451 0.306001
+-0.27461 0.135423 -0.93368 0.18572
+-0.289937 0.0984203 -0.949933 0.0622617
+-0.300303 0.0597339 -0.949933 -0.0622622
+-0.305531 0.0200255 -0.93368 -0.185721
+0.407374 0.0267007 0.724229 0.555721
+0.400404 0.0796453 0.645497 0.645497
+0.386583 0.131227 0.555721 0.724229
+0.366147 0.180564 0.456435 0.790569
+0.339446 0.226811 0.349341 0.843383
+0.306937 0.269177 0.236268 0.881766
+0.269177 0.306937 0.119154 0.905061
+0.226811 0.339446 -3.85421e-08 0.912871
+0.180564 0.366147 -0.119154 0.905061
+0.131227 0.386583 -0.236268 0.881766
+0.0796453 0.400404 -0.349341 0.843383
+0.0267007 0.407374 -0.456436 0.790569
+-0.0267007 0.407374 -0.555721 0.724229
+-0.0796453 0.400404 -0.645497 0.645497
+-0.131227 0.386583 -0.724229 0.555721
+-0.180564 0.366147 -0.79057 0.456435
+-0.226811 0.339446 -0.843383 0.34934
+-0.269177 0.306937 -0.881766 0.236268
+-0.306937 0.269177 -0.905061 0.119153
+-0.339446 0.226811 -0.912871 -7.8445e-08
+-0.366147 0.180564 -0.905061 -0.119154
+-0.386583 0.131227 -0.881766 -0.236269
+-0.400404 0.0796452 -0.843383 -0.349341
+-0.407374 0.0267006 -0.790569 -0.456436
+0.407374 0.0267007 0.881766 0.236268
+0.400404 0.0796453 0.843383 0.349341
+0.386583 0.131227 0.790569 0.456435
+0.366147 0.180564 0.724229 0.555721
+0.339446 0.226811 0.645497 0.645497
+0.306937 0.269177 0.555721 0.724229
+0.269177 0.306937 0.456435 0.790569
+0.226811 0.339446 0.349341 0.843383
+0.180564 0.366147 0.236268 0.881766
+0.131227 0.386583 0.119154 0.905061
+0.0796453 0.400404 3.30992e-08 0.912871
+0.0267007 0.407374 -0.119154 0.905061
+-0.0267007 0.407374 -0.236268 0.881766
+-0.0796453 0.400404 -0.349341 0.843383
+-0.131227 0.386583 -0.456436 0.790569
+-0.180564 0.366147 -0.555721 0.724229
+-0.226811 0.339446 -0.645497 0.645497
+-0.269177 0.306937 -0.724229 0.555721
+-0.306937 0.269177 -0.790569 0.456435
+-0.339446 0.226811 -0.843383 0.349341
+-0.366147 0.180564 -0.881766 0.236268
+-0.386583 0.131227 -0.905061 0.119153
+-0.400404 0.0796452 -0.912871 -2.24449e-07
+-0.407374 0.0267006 -0.905061 -0.119154
+0.498929 0.0327016 0.776715 0.383033
+0.490393 0.0975452 0.720074 0.481138
+0.473465 0.16072 0.651112 0.57101
+0.448436 0.221144 0.57101 0.651112
+0.415735 0.277785 0.481138 0.720074
+0.37592 0.329673 0.383033 0.776715
+0.329673 0.37592 0.278375 0.820066
+0.277785 0.415735 0.168953 0.849385
+0.221144 0.448436 0.0566408 0.864171
+0.16072 0.473465 -0.0566408 0.864171
+0.0975452 0.490393 -0.168953 0.849385
+0.0327015 0.498929 -0.278375 0.820066
+-0.0327016 0.498929 -0.383033 0.776715
+-0.0975452 0.490393 -0.481138 0.720074
+-0.16072 0.473465 -0.57101 0.651112
+-0.221144 0.448436 -0.651112 0.57101
+-0.277785 0.415735 -0.720074 0.481138
+-0.329673 0.37592 -0.776715 0.383033
+-0.37592 0.329673 -0.820066 0.278375
+-0.415735 0.277785 -0.849385 0.168953
+-0.448436 0.221144 -0.864171 0.0566407
+-0.473465 0.16072 -0.864171 -0.056641
+-0.490393 0.097545 -0.849385 -0.168953
+-0.498929 0.0327015 -0.820065 -0.278375
+0.498929 0.0327016 0.57101 0.651112
+0.490393 0.0975452 0.481138 0.720074
+0.473465 0.16072 0.383033 0.776715
+0.448436 0.221144 0.278375 0.820066
+0.415735 0.277785 0.168953 0.849385
+0.37592 0.329673 0.0566408 0.864171
+0.329673 0.37592 -0.0566408 0.864171
+0.277785 0.415735 -0.168953 0.849385
+0.221144 0.448436 -0.278375 0.820066
+0.16072 0.473465 -0.383033 0.776715
+0.0975452 0.490393 -0.481138 0.720074
+0.0327015 0.498929 -0.57101 0.651112
+-0.0327016 0.498929 -0.651112 0.57101
+-0.0975452 0.490393 -0.720074 0.481138
+-0.16072 0.473465 -0.776715 0.383033
+-0.221144 0.448436 -0.820066 0.278375
+-0.277785 0.415735 -0.849385 0.168953
+-0.329673 0.37592 -0.864171 0.0566407
+-0.37592 0.329673 -0.864171 -0.0566409
+-0.415735 0.277785 -0.849385 -0.168953
+-0.448436 0.221144 -0.820066 -0.278375
+-0.473465 0.16072 -0.776714 -0.383033
+-0.490393 0.097545 -0.720074 -0.481138
+-0.498929 0.0327015 -0.651112 -0.57101
+0.576114 0.0377605 0.408248 0.707107
+0.566257 0.112635 0.31246 0.754344
+0.54671 0.185583 0.211325 0.788675
+0.51781 0.255356 0.106574 0.809511
+0.480049 0.320759 -1.21708e-09 0.816497
+0.434075 0.380673 -0.106574 0.809511
+0.380673 0.434075 -0.211325 0.788675
+0.320759 0.480049 -0.31246 0.754344
+0.255355 0.51781 -0.408248 0.707107
+0.185583 0.54671 -0.497052 0.64777
+0.112635 0.566257 -0.57735 0.57735
+0.0377605 0.576114 -0.64777 0.497052
+-0.0377605 0.576114 -0.707107 0.408248
+-0.112635 0.566257 -0.754344 0.31246
+-0.185583 0.54671 -0.788675 0.211325
+-0.255356 0.51781 -0.809511 0.106574
+-0.320759 0.480049 -0.816497 -1.34241e-07
+-0.380674 0.434075 -0.809511 -0.106574
+-0.434075 0.380673 -0.788675 -0.211325
+-0.480049 0.320759 -0.754344 -0.31246
+-0.51781 0.255355 -0.707107 -0.408248
+-0.54671 0.185583 -0.64777 -0.497052
+-0.566257 0.112635 -0.57735 -0.57735
+-0.576114 0.0377604 -0.497051 -0.64777
+0.576114 0.0377605 0.64777 0.497052
+0.566257 0.112635 0.57735 0.57735
+0.54671 0.185583 0.497052 0.64777
+0.51781 0.255356 0.408248 0.707107
+0.480049 0.320759 0.31246 0.754344
+0.434075 0.380673 0.211325 0.788675
+0.380673 0.434075 0.106574 0.809511
+0.320759 0.480049 -3.44731e-08 0.816497
+0.255355 0.51781 -0.106574 0.809511
+0.185583 0.54671 -0.211325 0.788675
+0.112635 0.566257 -0.31246 0.754344
+0.0377605 0.576114 -0.408248 0.707107
+-0.0377605 0.576114 -0.497052 0.64777
+-0.112635 0.566257 -0.57735 0.57735
+-0.185583 0.54671 -0.64777 0.497052
+-0.255356 0.51781 -0.707107 0.408248
+-0.320759 0.480049 -0.754345 0.31246
+-0.380674 0.434075 -0.788675 0.211325
+-0.434075 0.380673 -0.809511 0.106574
+-0.480049 0.320759 -0.816497 -7.01633e-08
+-0.51781 0.255355 -0.809511 -0.106574
+-0.54671 0.185583 -0.788675 -0.211325
+-0.566257 0.112635 -0.754344 -0.31246
+-0.576114 0.0377604 -0.707107 -0.408248
+0.644115 0.0422175 0.503584 0.574227
+0.633094 0.12593 0.424324 0.635045
+0.611241 0.207488 0.337804 0.684998
+0.578929 0.285496 0.245503 0.72323
+0.536711 0.358619 0.149003 0.749087
+0.485311 0.425606 0.0499525 0.762127
+0.425606 0.485311 -0.0499525 0.762127
+0.358619 0.536711 -0.149003 0.749087
+0.285496 0.578929 -0.245503 0.72323
+0.207488 0.611241 -0.337804 0.684998
+0.12593 0.633094 -0.424324 0.635045
+0.0422175 0.644115 -0.503584 0.574227
+-0.0422176 0.644115 -0.574227 0.503584
+-0.12593 0.633094 -0.635045 0.424324
+-0.207488 0.611241 -0.684998 0.337804
+-0.285496 0.578929 -0.72323 0.245503
+-0.358619 0.536711 -0.749087 0.149003
+-0.425606 0.48531 -0.762127 0.0499524
+-0.485311 0.425606 -0.762127 -0.0499526
+-0.536711 0.358619 -0.749087 -0.149003
+-0.578929 0.285496 -0.72323 -0.245503
+-0.611241 0.207488 -0.684998 -0.337804
+-0.633094 0.12593 -0.635045 -0.424324
+-0.644115 0.0422174 -0.574227 -0.503584
+0.101844 0.00667518 -0.747914 0.655903
+0.100101 0.0199113 -0.827128 0.552669
+0.0966457 0.0328068 -0.892189 0.439979
+0.0915367 0.0451409 -0.941985 0.319761
+0.0848615 0.0567026 -0.975664 0.194072
+0.0767343 0.0672942 -0.992648 0.0650616
+0.0672942 0.0767343 -0.992648 -0.0650616
+0.0567026 0.0848615 -0.975664 -0.194072
+0.0451409 0.0915367 -0.941985 -0.319761
+0.0328068 0.0966457 -0.892189 -0.439979
+0.0199113 0.100101 -0.827128 -0.552669
+0.00667517 0.101844 -0.747914 -0.655903
+-0.00667518 0.101844 -0.655903 -0.747914
+-0.0199113 0.100101 -0.552669 -0.827128
+-0.0328068 0.0966456 -0.439979 -0.892189
+-0.0451409 0.0915367 -0.319761 -0.941985
+-0.0567027 0.0848615 -0.194071 -0.975664
+-0.0672942 0.0767343 -0.0650615 -0.992648
+-0.0767343 0.0672942 0.0650617 -0.992648
+-0.0848615 0.0567026 0.194072 -0.975664
+-0.0915367 0.0451409 0.319761 -0.941985
+-0.0966457 0.0328068 0.439979 -0.892189
+-0.100101 0.0199113 0.552669 -0.827128
+-0.101844 0.00667516 0.655903 -0.747914
+0.203687 0.0133504 -0.926993 0.314672
+0.200202 0.0398226 -0.960135 0.190983
+0.193291 0.0656136 -0.976849 0.0640261
+0.183073 0.0902818 -0.976849 -0.0640261
+0.169723 0.113405 -0.960135 -0.190983
+0.153469 0.134588 -0.926993 -0.314672
+0.134588 0.153469 -0.877989 -0.432976
+0.113405 0.169723 -0.813963 -0.543873
+0.0902818 0.183073 -0.73601 -0.645463
+0.0656136 0.193291 -0.645463 -0.73601
+0.0398227 0.200202 -0.543873 -0.813963
+0.0133503 0.203687 -0.432976 -0.877989
+-0.0133504 0.203687 -0.314672 -0.926993
+-0.0398226 0.200202 -0.190983 -0.960135
+-0.0656136 0.193291 -0.064026 -0.976849
+-0.0902818 0.183073 0.0640263 -0.976849
+-0.113405 0.169723 0.190983 -0.960135
+-0.134588 0.153469 0.314672 -0.926992
+-0.153469 0.134588 0.432976 -0.877989
+-0.169723 0.113405 0.543873 -0.813963
+-0.183073 0.0902818 0.645463 -0.73601
+-0.193291 0.0656135 0.73601 -0.645463
+-0.200202 0.0398226 0.813963 -0.543873
+-0.203687 0.0133503 0.877989 -0.432976
+0.203687 0.0133504 -0.432976 0.877989
+0.200202 0.0398226 -0.543873 0.813963
+0.193291 0.0656136 -0.645463 0.73601
+0.183073 0.0902818 -0.73601 0.645463
+0.169723 0.113405 -0.813963 0.543873
+0.153469 0.134588 -0.877989 0.432976
+0.134588 0.153469 -0.926993 0.314672
+0.113405 0.169723 -0.960135 0.190983
+0.0902818 0.183073 -0.976849 0.0640261
+0.0656136 0.193291 -0.976849 -0.0640261
+0.0398227 0.200202 -0.960135 -0.190983
+0.0133503 0.203687 -0.926993 -0.314672
+-0.0133504 0.203687 -0.877989 -0.432976
+-0.0398226 0.200202 -0.813963 -0.543873
+-0.0656136 0.193291 -0.73601 -0.645463
+-0.0902818 0.183073 -0.645463 -0.73601
+-0.113405 0.169723 -0.543873 -0.813963
+-0.134588 0.153469 -0.432976 -0.877989
+-0.153469 0.134588 -0.314671 -0.926993
+-0.169723 0.113405 -0.190983 -0.960135
+-0.183073 0.0902818 -0.064026 -0.976849
+-0.193291 0.0656135 0.0640263 -0.976849
+-0.200202 0.0398226 0.190983 -0.960135
+-0.203687 0.0133503 0.314672 -0.926992
+0.305531 0.0200255 -0.71573 0.627679
+0.300303 0.059734 -0.791535 0.528887
+0.289937 0.0984203 -0.853797 0.421046
+0.27461 0.135423 -0.901451 0.306001
+0.254585 0.170108 -0.93368 0.18572
+0.230203 0.201883 -0.949933 0.0622619
+0.201883 0.230203 -0.949933 -0.0622619
+0.170108 0.254585 -0.93368 -0.18572
+0.135423 0.27461 -0.901451 -0.306001
+0.0984203 0.289937 -0.853797 -0.421046
+0.059734 0.300303 -0.791536 -0.528887
+0.0200255 0.305531 -0.71573 -0.627679
+-0.0200255 0.305531 -0.627678 -0.71573
+-0.059734 0.300303 -0.528887 -0.791535
+-0.0984204 0.289937 -0.421046 -0.853797
+-0.135423 0.27461 -0.306001 -0.901451
+-0.170108 0.254585 -0.18572 -0.93368
+-0.201883 0.230203 -0.0622618 -0.949933
+-0.230203 0.201883 0.062262 -0.949933
+-0.254585 0.170108 0.185721 -0.93368
+-0.27461 0.135423 0.306001 -0.901451
+-0.289937 0.0984203 0.421047 -0.853797
+-0.300303 0.0597339 0.528887 -0.791535
+-0.305531 0.0200255 0.627679 -0.71573
+0.305531 0.0200255 -0.93368 0.18572
+0.300303 0.059734 -0.949933 0.0622619
+0.289937 0.0984203 -0.949933 -0.0622619
+0.27461 0.135423 -0.93368 -0.18572
+0.254585 0.170108 -0.901451 -0.306001
+0.230203 0.201883 -0.853797 -0.421046
+0.201883 0.230203 -0.791535 -0.528887
+0.170108 0.254585 -0.71573 -0.627679
+0.135423 0.27461 -0.627679 -0.71573
+0.0984203 0.289937 -0.528887 -0.791535
+0.059734 0.300303 -0.421046 -0.853797
+0.0200255 0.305531 -0.306001 -0.901451
+-0.0200255 0.305531 -0.18572 -0.93368
+-0.059734 0.300303 -0.0622619 -0.949933
+-0.0984204 0.289937 0.062262 -0.949933
+-0.135423 0.27461 0.185721 -0.93368
+-0.170108 0.254585 0.306001 -0.901451
+-0.201883 0.230203 0.421046 -0.853797
+-0.230203 0.201883 0.528887 -0.791535
+-0.254585 0.170108 0.627679 -0.71573
+-0.27461 0.135423 0.71573 -0.627678
+-0.289937 0.0984203 0.791536 -0.528887
+-0.300303 0.0597339 0.853798 -0.421046
+-0.305531 0.0200255 0.901451 -0.306001
+0.407374 0.0267007 -0.905061 0.119154
+0.400404 0.0796453 -0.912871 -4.98786e-09
+0.386583 0.131227 -0.905061 -0.119154
+0.366147 0.180564 -0.881766 -0.236268
+0.339446 0.226811 -0.843383 -0.349341
+0.306937 0.269177 -0.790569 -0.456435
+0.269177 0.306937 -0.724229 -0.555721
+0.226811 0.339446 -0.645497 -0.645497
+0.180564 0.366147 -0.555721 -0.724229
+0.131227 0.386583 -0.456435 -0.790569
+0.0796453 0.400404 -0.349341 -0.843383
+0.0267007 0.407374 -0.236268 -0.881766
+-0.0267007 0.407374 -0.119154 -0.905061
+-0.0796453 0.400404 4.0822e-09 -0.912871
+-0.131227 0.386583 0.119154 -0.905061
+-0.180564 0.366147 0.236269 -0.881766
+-0.226811 0.339446 0.349341 -0.843383
+-0.269177 0.306937 0.456436 -0.790569
+-0.306937 0.269177 0.555721 -0.724229
+-0.339446 0.226811 0.645497 -0.645497
+-0.366147 0.180564 0.724229 -0.555721
+-0.386583 0.131227 0.79057 -0.456435
+-0.400404 0.0796452 0.843383 -0.34934
+-0.407374 0.0267006 0.881766 -0.236268
+0.407374 0.0267007 -0.790569 0.456435
+0.400404 0.0796453 -0.843383 0.349341
+0.386583 0.131227 -0.881766 0.236268
+0.366147 0.180564 -0.905061 0.119154
+0.339446 0.226811 -0.912871 -1.36073e-09
+0.306937 0.269177 -0.905061 -0.119154
+0.269177 0.306937 -0.881766 -0.236268
+0.226811 0.339446 -0.843383 -0.349341
+0.180564 0.366147 -0.790569 -0.456435
+0.131227 0.386583 -0.724229 -0.555721
+0.0796453 0.400404 -0.645497 -0.645497
+0.0267007 0.407374 -0.555721 -0.724229
+-0.0267007 0.407374 -0.456435 -0.790569
+-0.0796453 0.400404 -0.349341 -0.843383
+-0.131227 0.386583 -0.236268 -0.881766
+-0.180564 0.366147 -0.119153 -0.905061
+-0.226811 0.339446 1.50086e-07 -0.912871
+-0.269177 0.306937 0.119154 -0.905061
+-0.306937 0.269177 0.236268 -0.881766
+-0.339446 0.226811 0.349341 -0.843383
+-0.366147 0.180564 0.456436 -0.790569
+-0.386583 0.131227 0.555721 -0.724229
+-0.400404 0.0796452 0.645497 -0.645497
+-0.407374 0.0267006 0.724229 -0.55572
+0.498929 0.0327016 -0.820066 0.278375
+0.490393 0.0975452 -0.849385 0.168953
+0.473465 0.16072 -0.864171 0.0566408
+0.448436 0.221144 -0.864171 -0.0566408
+0.415735 0.277785 -0.849385 -0.168953
+0.37592 0.329673 -0.820066 -0.278375
+0.329673 0.37592 -0.776715 -0.383033
+0.277785 0.415735 -0.720074 -0.481138
+0.221144 0.448436 -0.651112 -0.57101
+0.16072 0.473465 -0.57101 -0.651112
+0.0975452 0.490393 -0.481138 -0.720074
+0.0327015 0.498929 -0.383033 -0.776715
+-0.0327016 0.498929 -0.278375 -0.820066
+-0.0975452 0.490393 -0.168953 -0.849385
+-0.16072 0.473465 -0.0566407 -0.864171
+-0.221144 0.448436 0.0566409 -0.864171
+-0.277785 0.415735 0.168953 -0.849385
+-0.329673 0.37592 0.278375 -0.820066
+-0.37592 0.329673 0.383033 -0.776715
+-0.415735 0.277785 0.481138 -0.720074
+-0.448436 0.221144 0.57101 -0.651112
+-0.473465 0.16072 0.651113 -0.57101
+-0.490393 0.097545 0.720074 -0.481138
+-0.498929 0.0327015 0.776715 -0.383033
+0.305531 0.0200255 -0.306001 0.901451
+0.300303 0.059734 -0.421046 0.853797
+0.289937 0.0984203 -0.528887 0.791535
+0.27461 0.135423 -0.627679 0.71573
+0.254585 0.170108 -0.71573 0.627679
+0.230203 0.201883 -0.791535 0.528887
+0.201883 0.230203 -0.853797 0.421046
+0.170108 0.254585 -0.901451 0.306001
+0.135423 0.27461 -0.93368 0.18572
+0.0984203 0.289937 -0.949933 0.0622619
+0.059734 0.300303 -0.949933 -0.0622619
+0.0200255 0.305531 -0.93368 -0.185721
+-0.0200255 0.305531 -0.901451 -0.306001
+-0.059734 0.300303 -0.853797 -0.421046
+-0.0984204 0.289937 -0.791535 -0.528887
+-0.135423 0.27461 -0.71573 -0.627679
+-0.170108 0.254585 -0.627678 -0.71573
+-0.201883 0.230203 -0.528887 -0.791536
+-0.230203 0.201883 -0.421046 -0.853797
+-0.254585 0.170108 -0.306001 -0.901451
+-0.27461 0.135423 -0.18572 -0.93368
+-0.289937 0.0984203 -0.0622617 -0.949933
+-0.300303 0.0597339 0.0622622 -0.949933
+-0.305531 0.0200255 0.185721 -0.93368
+0.407374 0.0267007 -0.555721 0.724229
+0.400404 0.0796453 -0.645497 0.645497
+0.386583 0.131227 -0.724229 0.555721
+0.366147 0.180564 -0.790569 0.456435
+0.339446 0.226811 -0.843383 0.349341
+0.306937 0.269177 -0.881766 0.236268
+0.269177 0.306937 -0.905061 0.119154
+0.226811 0.339446 -0.912871 -3.85421e-08
+0.180564 0.366147 -0.905061 -0.119154
+0.131227 0.386583 -0.881766 -0.236268
+0.0796453 0.400404 -0.843383 -0.349341
+0.0267007 0.407374 -0.790569 -0.456436
+-0.0267007 0.407374 -0.724229 -0.555721
+-0.0796453 0.400404 -0.645497 -0.645497
+-0.131227 0.386583 -0.555721 -0.724229
+-0.180564 0.366147 -0.456435 -0.79057
+-0.226811 0.339446 -0.34934 -0.843383
+-0.269177 0.306937 -0.236268 -0.881766
+-0.306937 0.269177 -0.119153 -0.905061
+-0.339446 0.226811 7.8445e-08 -0.912871
+-0.366147 0.180564 0.119154 -0.905061
+-0.386583 0.131227 0.236269 -0.881766
+-0.400404 0.0796452 0.349341 -0.843383
+-0.407374 0.0267006 0.456436 -0.790569
+0.407374 0.0267007 -0.236268 0.881766
+0.400404 0.0796453 -0.349341 0.843383
+0.386583 0.131227 -0.456435 0.790569
+0.366147 0.180564 -0.555721 0.724229
+0.339446 0.226811 -0.645497 0.645497
+0.306937 0.269177 -0.724229 0.555721
+0.269177 0.306937 -0.790569 0.456435
+0.226811 0.339446 -0.843383 0.349341
+0.180564 0.366147 -0.881766 0.236268
+0.131227 0.386583 -0.905061 0.119154
+0.0796453 0.400404 -0.912871 3.30992e-08
+0.0267007 0.407374 -0.905061 -0.119154
+-0.0267007 0.407374 -0.881766 -0.236268
+-0.0796453 0.400404 -0.843383 -0.349341
+-0.131227 0.386583 -0.790569 -0.456436
+-0.180564 0.366147 -0.724229 -0.555721
+-0.226811 0.339446 -0.645497 -0.645497
+-0.269177 0.306937 -0.555721 -0.724229
+-0.306937 0.269177 -0.456435 -0.790569
+-0.339446 0.226811 -0.349341 -0.843383
+-0.366147 0.180564 -0.236268 -0.881766
+-0.386583 0.131227 -0.119153 -0.905061
+-0.400404 0.0796452 2.24449e-07 -0.912871
+-0.407374 0.0267006 0.119154 -0.905061
+0.498929 0.0327016 -0.383033 0.776715
+0.490393 0.0975452 -0.481138 0.720074
+0.473465 0.16072 -0.57101 0.651112
+0.448436 0.221144 -0.651112 0.57101
+0.415735 0.277785 -0.720074 0.481138
+0.37592 0.329673 -0.776715 0.383033
+0.329673 0.37592 -0.820066 0.278375
+0.277785 0.415735 -0.849385 0.168953
+0.221144 0.448436 -0.864171 0.0566408
+0.16072 0.473465 -0.864171 -0.0566408
+0.0975452 0.490393 -0.849385 -0.168953
+0.0327015 0.498929 -0.820066 -0.278375
+-0.0327016 0.498929 -0.776715 -0.383033
+-0.0975452 0.490393 -0.720074 -0.481138
+-0.16072 0.473465 -0.651112 -0.57101
+-0.221144 0.448436 -0.57101 -0.651112
+-0.277785 0.415735 -0.481138 -0.720074
+-0.329673 0.37592 -0.383033 -0.776715
+-0.37592 0.329673 -0.278375 -0.820066
+-0.415735 0.277785 -0.168953 -0.849385
+-0.448436 0.221144 -0.0566407 -0.864171
+-0.473465 0.16072 0.056641 -0.864171
+-0.490393 0.097545 0.168953 -0.849385
+-0.498929 0.0327015 0.278375 -0.820065
+0.498929 0.0327016 -0.651112 0.57101
+0.490393 0.0975452 -0.720074 0.481138
+0.473465 0.16072 -0.776715 0.383033
+0.448436 0.221144 -0.820066 0.278375
+0.415735 0.277785 -0.849385 0.168953
+0.37592 0.329673 -0.864171 0.0566408
+0.329673 0.37592 -0.864171 -0.0566408
+0.277785 0.415735 -0.849385 -0.168953
+0.221144 0.448436 -0.820066 -0.278375
+0.16072 0.473465 -0.776715 -0.383033
+0.0975452 0.490393 -0.720074 -0.481138
+0.0327015 0.498929 -0.651112 -0.57101
+-0.0327016 0.498929 -0.57101 -0.651112
+-0.0975452 0.490393 -0.481138 -0.720074
+-0.16072 0.473465 -0.383033 -0.776715
+-0.221144 0.448436 -0.278375 -0.820066
+-0.277785 0.415735 -0.168953 -0.849385
+-0.329673 0.37592 -0.0566407 -0.864171
+-0.37592 0.329673 0.0566409 -0.864171
+-0.415735 0.277785 0.168953 -0.849385
+-0.448436 0.221144 0.278375 -0.820066
+-0.473465 0.16072 0.383033 -0.776714
+-0.490393 0.097545 0.481138 -0.720074
+-0.498929 0.0327015 0.57101 -0.651112
+0.576114 0.0377605 -0.707107 0.408248
+0.566257 0.112635 -0.754344 0.31246
+0.54671 0.185583 -0.788675 0.211325
+0.51781 0.255356 -0.809511 0.106574
+0.480049 0.320759 -0.816497 -1.21708e-09
+0.434075 0.380673 -0.809511 -0.106574
+0.380673 0.434075 -0.788675 -0.211325
+0.320759 0.480049 -0.754344 -0.31246
+0.255355 0.51781 -0.707107 -0.408248
+0.185583 0.54671 -0.64777 -0.497052
+0.112635 0.566257 -0.57735 -0.57735
+0.0377605 0.576114 -0.497052 -0.64777
+-0.0377605 0.576114 -0.408248 -0.707107
+-0.112635 0.566257 -0.31246 -0.754344
+-0.185583 0.54671 -0.211325 -0.788675
+-0.255356 0.51781 -0.106574 -0.809511
+-0.320759 0.480049 1.34241e-07 -0.816497
+-0.380674 0.434075 0.106574 -0.809511
+-0.434075 0.380673 0.211325 -0.788675
+-0.480049 0.320759 0.31246 -0.754344
+-0.51781 0.255355 0.408248 -0.707107
+-0.54671 0.185583 0.497052 -0.64777
+-0.566257 0.112635 0.57735 -0.57735
+-0.576114 0.0377604 0.64777 -0.497051
+0.576114 0.0377605 -0.497052 0.64777
+0.566257 0.112635 -0.57735 0.57735
+0.54671 0.185583 -0.64777 0.497052
+0.51781 0.255356 -0.707107 0.408248
+0.480049 0.320759 -0.754344 0.31246
+0.434075 0.380673 -0.788675 0.211325
+0.380673 0.434075 -0.809511 0.106574
+0.320759 0.480049 -0.816497 -3.44731e-08
+0.255355 0.51781 -0.809511 -0.106574
+0.185583 0.54671 -0.788675 -0.211325
+0.112635 0.566257 -0.754344 -0.31246
+0.0377605 0.576114 -0.707107 -0.408248
+-0.0377605 0.576114 -0.64777 -0.497052
+-0.112635 0.566257 -0.57735 -0.57735
+-0.185583 0.54671 -0.497052 -0.64777
+-0.255356 0.51781 -0.408248 -0.707107
+-0.320759 0.480049 -0.31246 -0.754345
+-0.380674 0.434075 -0.211325 -0.788675
+-0.434075 0.380673 -0.106574 -0.809511
+-0.480049 0.320759 7.01633e-08 -0.816497
+-0.51781 0.255355 0.106574 -0.809511
+-0.54671 0.185583 0.211325 -0.788675
+-0.566257 0.112635 0.31246 -0.754344
+-0.576114 0.0377604 0.408248 -0.707107
+0.644115 0.0422175 -0.574227 0.503584
+0.633094 0.12593 -0.635045 0.424324
+0.611241 0.207488 -0.684998 0.337804
+0.578929 0.285496 -0.72323 0.245503
+0.536711 0.358619 -0.749087 0.149003
+0.485311 0.425606 -0.762127 0.0499525
+0.425606 0.485311 -0.762127 -0.0499525
+0.358619 0.536711 -0.749087 -0.149003
+0.285496 0.578929 -0.72323 -0.245503
+0.207488 0.611241 -0.684998 -0.337804
+0.12593 0.633094 -0.635045 -0.424324
+0.0422175 0.644115 -0.574227 -0.503584
+-0.0422176 0.644115 -0.503584 -0.574227
+-0.12593 0.633094 -0.424324 -0.635045
+-0.207488 0.611241 -0.337804 -0.684998
+-0.285496 0.578929 -0.245503 -0.72323
+-0.358619 0.536711 -0.149003 -0.749087
+-0.425606 0.48531 -0.0499524 -0.762127
+-0.485311 0.425606 0.0499526 -0.762127
+-0.536711 0.358619 0.149003 -0.749087
+-0.578929 0.285496 0.245503 -0.72323
+-0.611241 0.207488 0.337804 -0.684998
+-0.633094 0.12593 0.424324 -0.635045
+-0.644115 0.0422174 0.503584 -0.574227
+0.101844 0.00667518 -0.655903 -0.747914
+0.100101 0.0199113 -0.552669 -0.827128
+0.0966457 0.0328068 -0.439979 -0.892189
+0.0915367 0.0451409 -0.319761 -0.941985
+0.0848615 0.0567026 -0.194072 -0.975664
+0.0767343 0.0672942 -0.0650616 -0.992648
+0.0672942 0.0767343 0.0650616 -0.992648
+0.0567026 0.0848615 0.194072 -0.975664
+0.0451409 0.0915367 0.319761 -0.941985
+0.0328068 0.0966457 0.439979 -0.892189
+0.0199113 0.100101 0.552669 -0.827128
+0.00667517 0.101844 0.655903 -0.747914
+-0.00667518 0.101844 0.747914 -0.655903
+-0.0199113 0.100101 0.827128 -0.552669
+-0.0328068 0.0966456 0.892189 -0.439979
+-0.0451409 0.0915367 0.941985 -0.319761
+-0.0567027 0.0848615 0.975664 -0.194071
+-0.0672942 0.0767343 0.992648 -0.0650615
+-0.0767343 0.0672942 0.992648 0.0650617
+-0.0848615 0.0567026 0.975664 0.194072
+-0.0915367 0.0451409 0.941985 0.319761
+-0.0966457 0.0328068 0.892189 0.439979
+-0.100101 0.0199113 0.827128 0.552669
+-0.101844 0.00667516 0.747914 0.655903
+0.203687 0.0133504 -0.314672 -0.926993
+0.200202 0.0398226 -0.190983 -0.960135
+0.193291 0.0656136 -0.0640261 -0.976849
+0.183073 0.0902818 0.0640261 -0.976849
+0.169723 0.113405 0.190983 -0.960135
+0.153469 0.134588 0.314672 -0.926993
+0.134588 0.153469 0.432976 -0.877989
+0.113405 0.169723 0.543873 -0.813963
+0.0902818 0.183073 0.645463 -0.73601
+0.0656136 0.193291 0.73601 -0.645463
+0.0398227 0.200202 0.813963 -0.543873
+0.0133503 0.203687 0.877989 -0.432976
+-0.0133504 0.203687 0.926993 -0.314672
+-0.0398226 0.200202 0.960135 -0.190983
+-0.0656136 0.193291 0.976849 -0.064026
+-0.0902818 0.183073 0.976849 0.0640263
+-0.113405 0.169723 0.960135 0.190983
+-0.134588 0.153469 0.926992 0.314672
+-0.153469 0.134588 0.877989 0.432976
+-0.169723 0.113405 0.813963 0.543873
+-0.183073 0.0902818 0.73601 0.645463
+-0.193291 0.0656135 0.645463 0.73601
+-0.200202 0.0398226 0.543873 0.813963
+-0.203687 0.0133503 0.432976 0.877989
+0.203687 0.0133504 -0.877989 -0.432976
+0.200202 0.0398226 -0.813963 -0.543873
+0.193291 0.0656136 -0.73601 -0.645463
+0.183073 0.0902818 -0.645463 -0.73601
+0.169723 0.113405 -0.543873 -0.813963
+0.153469 0.134588 -0.432976 -0.877989
+0.134588 0.153469 -0.314672 -0.926993
+0.113405 0.169723 -0.190983 -0.960135
+0.0902818 0.183073 -0.0640261 -0.976849
+0.0656136 0.193291 0.0640261 -0.976849
+0.0398227 0.200202 0.190983 -0.960135
+0.0133503 0.203687 0.314672 -0.926993
+-0.0133504 0.203687 0.432976 -0.877989
+-0.0398226 0.200202 0.543873 -0.813963
+-0.0656136 0.193291 0.645463 -0.73601
+-0.0902818 0.183073 0.73601 -0.645463
+-0.113405 0.169723 0.813963 -0.543873
+-0.134588 0.153469 0.877989 -0.432976
+-0.153469 0.134588 0.926993 -0.314671
+-0.169723 0.113405 0.960135 -0.190983
+-0.183073 0.0902818 0.976849 -0.064026
+-0.193291 0.0656135 0.976849 0.0640263
+-0.200202 0.0398226 0.960135 0.190983
+-0.203687 0.0133503 0.926992 0.314672
+0.305531 0.0200255 -0.627679 -0.71573
+0.300303 0.059734 -0.528887 -0.791535
+0.289937 0.0984203 -0.421046 -0.853797
+0.27461 0.135423 -0.306001 -0.901451
+0.254585 0.170108 -0.18572 -0.93368
+0.230203 0.201883 -0.0622619 -0.949933
+0.201883 0.230203 0.0622619 -0.949933
+0.170108 0.254585 0.18572 -0.93368
+0.135423 0.27461 0.306001 -0.901451
+0.0984203 0.289937 0.421046 -0.853797
+0.059734 0.300303 0.528887 -0.791536
+0.0200255 0.305531 0.627679 -0.71573
+-0.0200255 0.305531 0.71573 -0.627678
+-0.059734 0.300303 0.791535 -0.528887
+-0.0984204 0.289937 0.853797 -0.421046
+-0.135423 0.27461 0.901451 -0.306001
+-0.170108 0.254585 0.93368 -0.18572
+-0.201883 0.230203 0.949933 -0.0622618
+-0.230203 0.201883 0.949933 0.062262
+-0.254585 0.170108 0.93368 0.185721
+-0.27461 0.135423 0.901451 0.306001
+-0.289937 0.0984203 0.853797 0.421047
+-0.300303 0.0597339 0.791535 0.528887
+-0.305531 0.0200255 0.71573 0.627679
+0.305531 0.0200255 -0.18572 -0.93368
+0.300303 0.059734 -0.0622619 -0.949933
+0.289937 0.0984203 0.0622619 -0.949933
+0.27461 0.135423 0.18572 -0.93368
+0.254585 0.170108 0.306001 -0.901451
+0.230203 0.201883 0.421046 -0.853797
+0.201883 0.230203 0.528887 -0.791535
+0.170108 0.254585 0.627679 -0.71573
+0.135423 0.27461 0.71573 -0.627679
+0.0984203 0.289937 0.791535 -0.528887
+0.059734 0.300303 0.853797 -0.421046
+0.0200255 0.305531 0.901451 -0.306001
+-0.0200255 0.305531 0.93368 -0.18572
+-0.059734 0.300303 0.949933 -0.0622619
+-0.0984204 0.289937 0.949933 0.062262
+-0.135423 0.27461 0.93368 0.185721
+-0.170108 0.254585 0.901451 0.306001
+-0.201883 0.230203 0.853797 0.421046
+-0.230203 0.201883 0.791535 0.528887
+-0.254585 0.170108 0.71573 0.627679
+-0.27461 0.135423 0.627678 0.71573
+-0.289937 0.0984203 0.528887 0.791536
+-0.300303 0.0597339 0.421046 0.853798
+-0.305531 0.0200255 0.306001 0.901451
+0.407374 0.0267007 -0.119154 -0.905061
+0.400404 0.0796453 4.98786e-09 -0.912871
+0.386583 0.131227 0.119154 -0.905061
+0.366147 0.180564 0.236268 -0.881766
+0.339446 0.226811 0.349341 -0.843383
+0.306937 0.269177 0.456435 -0.790569
+0.269177 0.306937 0.555721 -0.724229
+0.226811 0.339446 0.645497 -0.645497
+0.180564 0.366147 0.724229 -0.555721
+0.131227 0.386583 0.790569 -0.456435
+0.0796453 0.400404 0.843383 -0.349341
+0.0267007 0.407374 0.881766 -0.236268
+-0.0267007 0.407374 0.905061 -0.119154
+-0.0796453 0.400404 0.912871 4.0822e-09
+-0.131227 0.386583 0.905061 0.119154
+-0.180564 0.366147 0.881766 0.236269
+-0.226811 0.339446 0.843383 0.349341
+-0.269177 0.306937 0.790569 0.456436
+-0.306937 0.269177 0.724229 0.555721
+-0.339446 0.226811 0.645497 0.645497
+-0.366147 0.180564 0.555721 0.724229
+-0.386583 0.131227 0.456435 0.79057
+-0.400404 0.0796452 0.34934 0.843383
+-0.407374 0.0267006 0.236268 0.881766
+0.407374 0.0267007 -0.456435 -0.790569
+0.400404 0.0796453 -0.349341 -0.843383
+0.386583 0.131227 -0.236268 -0.881766
+0.366147 0.180564 -0.119154 -0.905061
+0.339446 0.226811 1.36073e-09 -0.912871
+0.306937 0.269177 0.119154 -0.905061
+0.269177 0.306937 0.236268 -0.881766
+0.226811 0.339446 0.349341 -0.843383
+0.180564 0.366147 0.456435 -0.790569
+0.131227 0.386583 0.555721 -0.724229
+0.0796453 0.400404 0.645497 -0.645497
+0.0267007 0.407374 0.724229 -0.555721
+-0.0267007 0.407374 0.790569 -0.456435
+-0.0796453 0.400404 0.843383 -0.349341
+-0.131227 0.386583 0.881766 -0.236268
+-0.180564 0.366147 0.905061 -0.119153
+-0.226811 0.339446 0.912871 1.50086e-07
+-0.269177 0.306937 0.905061 0.119154
+-0.306937 0.269177 0.881766 0.236268
+-0.339446 0.226811 0.843383 0.349341
+-0.366147 0.180564 0.790569 0.456436
+-0.386583 0.131227 0.724229 0.555721
+-0.400404 0.0796452 0.645497 0.645497
+-0.407374 0.0267006 0.55572 0.724229
+0.498929 0.0327016 -0.278375 -0.820066
+0.490393 0.0975452 -0.168953 -0.849385
+0.473465 0.16072 -0.0566408 -0.864171
+0.448436 0.221144 0.0566408 -0.864171
+0.415735 0.277785 0.168953 -0.849385
+0.37592 0.329673 0.278375 -0.820066
+0.329673 0.37592 0.383033 -0.776715
+0.277785 0.415735 0.481138 -0.720074
+0.221144 0.448436 0.57101 -0.651112
+0.16072 0.473465 0.651112 -0.57101
+0.0975452 0.490393 0.720074 -0.481138
+0.0327015 0.498929 0.776715 -0.383033
+-0.0327016 0.498929 0.820066 -0.278375
+-0.0975452 0.490393 0.849385 -0.168953
+-0.16072 0.473465 0.864171 -0.0566407
+-0.221144 0.448436 0.864171 0.0566409
+-0.277785 0.415735 0.849385 0.168953
+-0.329673 0.37592 0.820066 0.278375
+-0.37592 0.329673 0.776715 0.383033
+-0.415735 0.277785 0.720074 0.481138
+-0.448436 0.221144 0.651112 0.57101
+-0.473465 0.16072 0.57101 0.651113
+-0.490393 0.097545 0.481138 0.720074
+-0.498929 0.0327015 0.383033 0.776715
+0.305531 0.0200255 -0.901451 -0.306001
+0.300303 0.059734 -0.853797 -0.421046
+0.289937 0.0984203 -0.791535 -0.528887
+0.27461 0.135423 -0.71573 -0.627679
+0.254585 0.170108 -0.627679 -0.71573
+0.230203 0.201883 -0.528887 -0.791535
+0.201883 0.230203 -0.421046 -0.853797
+0.170108 0.254585 -0.306001 -0.901451
+0.135423 0.27461 -0.18572 -0.93368
+0.0984203 0.289937 -0.0622619 -0.949933
+0.059734 0.300303 0.0622619 -0.949933
+0.0200255 0.305531 0.185721 -0.93368
+-0.0200255 0.305531 0.306001 -0.901451
+-0.059734 0.300303 0.421046 -0.853797
+-0.0984204 0.289937 0.528887 -0.791535
+-0.135423 0.27461 0.627679 -0.71573
+-0.170108 0.254585 0.71573 -0.627678
+-0.201883 0.230203 0.791536 -0.528887
+-0.230203 0.201883 0.853797 -0.421046
+-0.254585 0.170108 0.901451 -0.306001
+-0.27461 0.135423 0.93368 -0.18572
+-0.289937 0.0984203 0.949933 -0.0622617
+-0.300303 0.0597339 0.949933 0.0622622
+-0.305531 0.0200255 0.93368 0.185721
+0.407374 0.0267007 -0.724229 -0.555721
+0.400404 0.0796453 -0.645497 -0.645497
+0.386583 0.131227 -0.555721 -0.724229
+0.366147 0.180564 -0.456435 -0.790569
+0.339446 0.226811 -0.349341 -0.843383
+0.306937 0.269177 -0.236268 -0.881766
+0.269177 0.306937 -0.119154 -0.905061
+0.226811 0.339446 3.85421e-08 -0.912871
+0.180564 0.366147 0.119154 -0.905061
+0.131227 0.386583 0.236268 -0.881766
+0.0796453 0.400404 0.349341 -0.843383
+0.0267007 0.407374 0.456436 -0.790569
+-0.0267007 0.407374 0.555721 -0.724229
+-0.0796453 0.400404 0.645497 -0.645497
+-0.131227 0.386583 0.724229 -0.555721
+-0.180564 0.366147 0.79057 -0.456435
+-0.226811 0.339446 0.843383 -0.34934
+-0.269177 0.306937 0.881766 -0.236268
+-0.306937 0.269177 0.905061 -0.119153
+-0.339446 0.226811 0.912871 7.8445e-08
+-0.366147 0.180564 0.905061 0.119154
+-0.386583 0.131227 0.881766 0.236269
+-0.400404 0.0796452 0.843383 0.349341
+-0.407374 0.0267006 0.790569 0.456436
+0.407374 0.0267007 -0.881766 -0.236268
+0.400404 0.0796453 -0.843383 -0.349341
+0.386583 0.131227 -0.790569 -0.456435
+0.366147 0.180564 -0.724229 -0.555721
+0.339446 0.226811 -0.645497 -0.645497
+0.306937 0.269177 -0.555721 -0.724229
+0.269177 0.306937 -0.456435 -0.790569
+0.226811 0.339446 -0.349341 -0.843383
+0.180564 0.366147 -0.236268 -0.881766
+0.131227 0.386583 -0.119154 -0.905061
+0.0796453 0.400404 -3.30992e-08 -0.912871
+0.0267007 0.407374 0.119154 -0.905061
+-0.0267007 0.407374 0.236268 -0.881766
+-0.0796453 0.400404 0.349341 -0.843383
+-0.131227 0.386583 0.456436 -0.790569
+-0.180564 0.366147 0.555721 -0.724229
+-0.226811 0.339446 0.645497 -0.645497
+-0.269177 0.306937 0.724229 -0.555721
+-0.306937 0.269177 0.790569 -0.456435
+-0.339446 0.226811 0.843383 -0.349341
+-0.366147 0.180564 0.881766 -0.236268
+-0.386583 0.131227 0.905061 -0.119153
+-0.400404 0.0796452 0.912871 2.24449e-07
+-0.407374 0.0267006 0.905061 0.119154
+0.498929 0.0327016 -0.776715 -0.383033
+0.490393 0.0975452 -0.720074 -0.481138
+0.473465 0.16072 -0.651112 -0.57101
+0.448436 0.221144 -0.57101 -0.651112
+0.415735 0.277785 -0.481138 -0.720074
+0.37592 0.329673 -0.383033 -0.776715
+0.329673 0.37592 -0.278375 -0.820066
+0.277785 0.415735 -0.168953 -0.849385
+0.221144 0.448436 -0.0566408 -0.864171
+0.16072 0.473465 0.0566408 -0.864171
+0.0975452 0.490393 0.168953 -0.849385
+0.0327015 0.498929 0.278375 -0.820066
+-0.0327016 0.498929 0.383033 -0.776715
+-0.0975452 0.490393 0.481138 -0.720074
+-0.16072 0.473465 0.57101 -0.651112
+-0.221144 0.448436 0.651112 -0.57101
+-0.277785 0.415735 0.720074 -0.481138
+-0.329673 0.37592 0.776715 -0.383033
+-0.37592 0.329673 0.820066 -0.278375
+-0.415735 0.277785 0.849385 -0.168953
+-0.448436 0.221144 0.864171 -0.0566407
+-0.473465 0.16072 0.864171 0.056641
+-0.490393 0.097545 0.849385 0.168953
+-0.498929 0.0327015 0.820065 0.278375
+0.498929 0.0327016 -0.57101 -0.651112
+0.490393 0.0975452 -0.481138 -0.720074
+0.473465 0.16072 -0.383033 -0.776715
+0.448436 0.221144 -0.278375 -0.820066
+0.415735 0.277785 -0.168953 -0.849385
+0.37592 0.329673 -0.0566408 -0.864171
+0.329673 0.37592 0.0566408 -0.864171
+0.277785 0.415735 0.168953 -0.849385
+0.221144 0.448436 0.278375 -0.820066
+0.16072 0.473465 0.383033 -0.776715
+0.0975452 0.490393 0.481138 -0.720074
+0.0327015 0.498929 0.57101 -0.651112
+-0.0327016 0.498929 0.651112 -0.57101
+-0.0975452 0.490393 0.720074 -0.481138
+-0.16072 0.473465 0.776715 -0.383033
+-0.221144 0.448436 0.820066 -0.278375
+-0.277785 0.415735 0.849385 -0.168953
+-0.329673 0.37592 0.864171 -0.0566407
+-0.37592 0.329673 0.864171 0.0566409
+-0.415735 0.277785 0.849385 0.168953
+-0.448436 0.221144 0.820066 0.278375
+-0.473465 0.16072 0.776714 0.383033
+-0.490393 0.097545 0.720074 0.481138
+-0.498929 0.0327015 0.651112 0.57101
+0.576114 0.0377605 -0.408248 -0.707107
+0.566257 0.112635 -0.31246 -0.754344
+0.54671 0.185583 -0.211325 -0.788675
+0.51781 0.255356 -0.106574 -0.809511
+0.480049 0.320759 1.21708e-09 -0.816497
+0.434075 0.380673 0.106574 -0.809511
+0.380673 0.434075 0.211325 -0.788675
+0.320759 0.480049 0.31246 -0.754344
+0.255355 0.51781 0.408248 -0.707107
+0.185583 0.54671 0.497052 -0.64777
+0.112635 0.566257 0.57735 -0.57735
+0.0377605 0.576114 0.64777 -0.497052
+-0.0377605 0.576114 0.707107 -0.408248
+-0.112635 0.566257 0.754344 -0.31246
+-0.185583 0.54671 0.788675 -0.211325
+-0.255356 0.51781 0.809511 -0.106574
+-0.320759 0.480049 0.816497 1.34241e-07
+-0.380674 0.434075 0.809511 0.106574
+-0.434075 0.380673 0.788675 0.211325
+-0.480049 0.320759 0.754344 0.31246
+-0.51781 0.255355 0.707107 0.408248
+-0.54671 0.185583 0.64777 0.497052
+-0.566257 0.112635 0.57735 0.57735
+-0.576114 0.0377604 0.497051 0.64777
+0.576114 0.0377605 -0.64777 -0.497052
+0.566257 0.112635 -0.57735 -0.57735
+0.54671 0.185583 -0.497052 -0.64777
+0.51781 0.255356 -0.408248 -0.707107
+0.480049 0.320759 -0.31246 -0.754344
+0.434075 0.380673 -0.211325 -0.788675
+0.380673 0.434075 -0.106574 -0.809511
+0.320759 0.480049 3.44731e-08 -0.816497
+0.255355 0.51781 0.106574 -0.809511
+0.185583 0.54671 0.211325 -0.788675
+0.112635 0.566257 0.31246 -0.754344
+0.0377605 0.576114 0.408248 -0.707107
+-0.0377605 0.576114 0.497052 -0.64777
+-0.112635 0.566257 0.57735 -0.57735
+-0.185583 0.54671 0.64777 -0.497052
+-0.255356 0.51781 0.707107 -0.408248
+-0.320759 0.480049 0.754345 -0.31246
+-0.380674 0.434075 0.788675 -0.211325
+-0.434075 0.380673 0.809511 -0.106574
+-0.480049 0.320759 0.816497 7.01633e-08
+-0.51781 0.255355 0.809511 0.106574
+-0.54671 0.185583 0.788675 0.211325
+-0.566257 0.112635 0.754344 0.31246
+-0.576114 0.0377604 0.707107 0.408248
+0.644115 0.0422175 -0.503584 -0.574227
+0.633094 0.12593 -0.424324 -0.635045
+0.611241 0.207488 -0.337804 -0.684998
+0.578929 0.285496 -0.245503 -0.72323
+0.536711 0.358619 -0.149003 -0.749087
+0.485311 0.425606 -0.0499525 -0.762127
+0.425606 0.485311 0.0499525 -0.762127
+0.358619 0.536711 0.149003 -0.749087
+0.285496 0.578929 0.245503 -0.72323
+0.207488 0.611241 0.337804 -0.684998
+0.12593 0.633094 0.424324 -0.635045
+0.0422175 0.644115 0.503584 -0.574227
+-0.0422176 0.644115 0.574227 -0.503584
+-0.12593 0.633094 0.635045 -0.424324
+-0.207488 0.611241 0.684998 -0.337804
+-0.285496 0.578929 0.72323 -0.245503
+-0.358619 0.536711 0.749087 -0.149003
+-0.425606 0.48531 0.762127 -0.0499524
+-0.485311 0.425606 0.762127 0.0499526
+-0.536711 0.358619 0.749087 0.149003
+-0.578929 0.285496 0.72323 0.245503
+-0.611241 0.207488 0.684998 0.337804
+-0.633094 0.12593 0.635045 0.424324
+-0.644115 0.0422174 0.574227 0.503584
+0.101844 0.00667518 0.747914 -0.655903
+0.100101 0.0199113 0.827128 -0.552669
+0.0966457 0.0328068 0.892189 -0.439979
+0.0915367 0.0451409 0.941985 -0.319761
+0.0848615 0.0567026 0.975664 -0.194072
+0.0767343 0.0672942 0.992648 -0.0650616
+0.0672942 0.0767343 0.992648 0.0650616
+0.0567026 0.0848615 0.975664 0.194072
+0.0451409 0.0915367 0.941985 0.319761
+0.0328068 0.0966457 0.892189 0.439979
+0.0199113 0.100101 0.827128 0.552669
+0.00667517 0.101844 0.747914 0.655903
+-0.00667518 0.101844 0.655903 0.747914
+-0.0199113 0.100101 0.552669 0.827128
+-0.0328068 0.0966456 0.439979 0.892189
+-0.0451409 0.0915367 0.319761 0.941985
+-0.0567027 0.0848615 0.194071 0.975664
+-0.0672942 0.0767343 0.0650615 0.992648
+-0.0767343 0.0672942 -0.0650617 0.992648
+-0.0848615 0.0567026 -0.194072 0.975664
+-0.0915367 0.0451409 -0.319761 0.941985
+-0.0966457 0.0328068 -0.439979 0.892189
+-0.100101 0.0199113 -0.552669 0.827128
+-0.101844 0.00667516 -0.655903 0.747914
+0.203687 0.0133504 0.926993 -0.314672
+0.200202 0.0398226 0.960135 -0.190983
+0.193291 0.0656136 0.976849 -0.0640261
+0.183073 0.0902818 0.976849 0.0640261
+0.169723 0.113405 0.960135 0.190983
+0.153469 0.134588 0.926993 0.314672
+0.134588 0.153469 0.877989 0.432976
+0.113405 0.169723 0.813963 0.543873
+0.0902818 0.183073 0.73601 0.645463
+0.0656136 0.193291 0.645463 0.73601
+0.0398227 0.200202 0.543873 0.813963
+0.0133503 0.203687 0.432976 0.877989
+-0.0133504 0.203687 0.314672 0.926993
+-0.0398226 0.200202 0.190983 0.960135
+-0.0656136 0.193291 0.064026 0.976849
+-0.0902818 0.183073 -0.0640263 0.976849
+-0.113405 0.169723 -0.190983 0.960135
+-0.134588 0.153469 -0.314672 0.926992
+-0.153469 0.134588 -0.432976 0.877989
+-0.169723 0.113405 -0.543873 0.813963
+-0.183073 0.0902818 -0.645463 0.73601
+-0.193291 0.0656135 -0.73601 0.645463
+-0.200202 0.0398226 -0.813963 0.543873
+-0.203687 0.0133503 -0.877989 0.432976
+0.203687 0.0133504 0.432976 -0.877989
+0.200202 0.0398226 0.543873 -0.813963
+0.193291 0.0656136 0.645463 -0.73601
+0.183073 0.0902818 0.73601 -0.645463
+0.169723 0.113405 0.813963 -0.543873
+0.153469 0.134588 0.877989 -0.432976
+0.134588 0.153469 0.926993 -0.314672
+0.113405 0.169723 0.960135 -0.190983
+0.0902818 0.183073 0.976849 -0.0640261
+0.0656136 0.193291 0.976849 0.0640261
+0.0398227 0.200202 0.960135 0.190983
+0.0133503 0.203687 0.926993 0.314672
+-0.0133504 0.203687 0.877989 0.432976
+-0.0398226 0.200202 0.813963 0.543873
+-0.0656136 0.193291 0.73601 0.645463
+-0.0902818 0.183073 0.645463 0.73601
+-0.113405 0.169723 0.543873 0.813963
+-0.134588 0.153469 0.432976 0.877989
+-0.153469 0.134588 0.314671 0.926993
+-0.169723 0.113405 0.190983 0.960135
+-0.183073 0.0902818 0.064026 0.976849
+-0.193291 0.0656135 -0.0640263 0.976849
+-0.200202 0.0398226 -0.190983 0.960135
+-0.203687 0.0133503 -0.314672 0.926992
+0.305531 0.0200255 0.71573 -0.627679
+0.300303 0.059734 0.791535 -0.528887
+0.289937 0.0984203 0.853797 -0.421046
+0.27461 0.135423 0.901451 -0.306001
+0.254585 0.170108 0.93368 -0.18572
+0.230203 0.201883 0.949933 -0.0622619
+0.201883 0.230203 0.949933 0.0622619
+0.170108 0.254585 0.93368 0.18572
+0.135423 0.27461 0.901451 0.306001
+0.0984203 0.289937 0.853797 0.421046
+0.059734 0.300303 0.791536 0.528887
+0.0200255 0.305531 0.71573 0.627679
+-0.0200255 0.305531 0.627678 0.71573
+-0.059734 0.300303 0.528887 0.791535
+-0.0984204 0.289937 0.421046 0.853797
+-0.135423 0.27461 0.306001 0.901451
+-0.170108 0.254585 0.18572 0.93368
+-0.201883 0.230203 0.0622618 0.949933
+-0.230203 0.201883 -0.062262 0.949933
+-0.254585 0.170108 -0.185721 0.93368
+-0.27461 0.135423 -0.306001 0.901451
+-0.289937 0.0984203 -0.421047 0.853797
+-0.300303 0.0597339 -0.528887 0.791535
+-0.305531 0.0200255 -0.627679 0.71573
+0.305531 0.0200255 0.93368 -0.18572
+0.300303 0.059734 0.949933 -0.0622619
+0.289937 0.0984203 0.949933 0.0622619
+0.27461 0.135423 0.93368 0.18572
+0.254585 0.170108 0.901451 0.306001
+0.230203 0.201883 0.853797 0.421046
+0.201883 0.230203 0.791535 0.528887
+0.170108 0.254585 0.71573 0.627679
+0.135423 0.27461 0.627679 0.71573
+0.0984203 0.289937 0.528887 0.791535
+0.059734 0.300303 0.421046 0.853797
+0.0200255 0.305531 0.306001 0.901451
+-0.0200255 0.305531 0.18572 0.93368
+-0.059734 0.300303 0.0622619 0.949933
+-0.0984204 0.289937 -0.062262 0.949933
+-0.135423 0.27461 -0.185721 0.93368
+-0.170108 0.254585 -0.306001 0.901451
+-0.201883 0.230203 -0.421046 0.853797
+-0.230203 0.201883 -0.528887 0.791535
+-0.254585 0.170108 -0.627679 0.71573
+-0.27461 0.135423 -0.71573 0.627678
+-0.289937 0.0984203 -0.791536 0.528887
+-0.300303 0.0597339 -0.853798 0.421046
+-0.305531 0.0200255 -0.901451 0.306001
+0.407374 0.0267007 0.905061 -0.119154
+0.400404 0.0796453 0.912871 4.98786e-09
+0.386583 0.131227 0.905061 0.119154
+0.366147 0.180564 0.881766 0.236268
+0.339446 0.226811 0.843383 0.349341
+0.306937 0.269177 0.790569 0.456435
+0.269177 0.306937 0.724229 0.555721
+0.226811 0.339446 0.645497 0.645497
+0.180564 0.366147 0.555721 0.724229
+0.131227 0.386583 0.456435 0.790569
+0.0796453 0.400404 0.349341 0.843383
+0.0267007 0.407374 0.236268 0.881766
+-0.0267007 0.407374 0.119154 0.905061
+-0.0796453 0.400404 -4.0822e-09 0.912871
+-0.131227 0.386583 -0.119154 0.905061
+-0.180564 0.366147 -0.236269 0.881766
+-0.226811 0.339446 -0.349341 0.843383
+-0.269177 0.306937 -0.456436 0.790569
+-0.306937 0.269177 -0.555721 0.724229
+-0.339446 0.226811 -0.645497 0.645497
+-0.366147 0.180564 -0.724229 0.555721
+-0.386583 0.131227 -0.79057 0.456435
+-0.400404 0.0796452 -0.843383 0.34934
+-0.407374 0.0267006 -0.881766 0.236268
+0.407374 0.0267007 0.790569 -0.456435
+0.400404 0.0796453 0.843383 -0.349341
+0.386583 0.131227 0.881766 -0.236268
+0.366147 0.180564 0.905061 -0.119154
+0.339446 0.226811 0.912871 1.36073e-09
+0.306937 0.269177 0.905061 0.119154
+0.269177 0.306937 0.881766 0.236268
+0.226811 0.339446 0.843383 0.349341
+0.180564 0.366147 0.790569 0.456435
+0.131227 0.386583 0.724229 0.555721
+0.0796453 0.400404 0.645497 0.645497
+0.0267007 0.407374 0.555721 0.724229
+-0.0267007 0.407374 0.456435 0.790569
+-0.0796453 0.400404 0.349341 0.843383
+-0.131227 0.386583 0.236268 0.881766
+-0.180564 0.366147 0.119153 0.905061
+-0.226811 0.339446 -1.50086e-07 0.912871
+-0.269177 0.306937 -0.119154 0.905061
+-0.306937 0.269177 -0.236268 0.881766
+-0.339446 0.226811 -0.349341 0.843383
+-0.366147 0.180564 -0.456436 0.790569
+-0.386583 0.131227 -0.555721 0.724229
+-0.400404 0.0796452 -0.645497 0.645497
+-0.407374 0.0267006 -0.724229 0.55572
+0.498929 0.0327016 0.820066 -0.278375
+0.490393 0.0975452 0.849385 -0.168953
+0.473465 0.16072 0.864171 -0.0566408
+0.448436 0.221144 0.864171 0.0566408
+0.415735 0.277785 0.849385 0.168953
+0.37592 0.329673 0.820066 0.278375
+0.329673 0.37592 0.776715 0.383033
+0.277785 0.415735 0.720074 0.481138
+0.221144 0.448436 0.651112 0.57101
+0.16072 0.473465 0.57101 0.651112
+0.0975452 0.490393 0.481138 0.720074
+0.0327015 0.498929 0.383033 0.776715
+-0.0327016 0.498929 0.278375 0.820066
+-0.0975452 0.490393 0.168953 0.849385
+-0.16072 0.473465 0.0566407 0.864171
+-0.221144 0.448436 -0.0566409 0.864171
+-0.277785 0.415735 -0.168953 0.849385
+-0.329673 0.37592 -0.278375 0.820066
+-0.37592 0.329673 -0.383033 0.776715
+-0.415735 0.277785 -0.481138 0.720074
+-0.448436 0.221144 -0.57101 0.651112
+-0.473465 0.16072 -0.651113 0.57101
+-0.490393 0.097545 -0.720074 0.481138
+-0.498929 0.0327015 -0.776715 0.383033
+0.305531 0.0200255 0.306001 -0.901451
+0.300303 0.059734 0.421046 -0.853797
+0.289937 0.0984203 0.528887 -0.791535
+0.27461 0.135423 0.627679 -0.71573
+0.254585 0.170108 0.71573 -0.627679
+0.230203 0.201883 0.791535 -0.528887
+0.201883 0.230203 0.853797 -0.421046
+0.170108 0.254585 0.901451 -0.306001
+0.135423 0.27461 0.93368 -0.18572
+0.0984203 0.289937 0.949933 -0.0622619
+0.059734 0.300303 0.949933 0.0622619
+0.0200255 0.305531 0.93368 0.185721
+-0.0200255 0.305531 0.901451 0.306001
+-0.059734 0.300303 0.853797 0.421046
+-0.0984204 0.289937 0.791535 0.528887
+-0.135423 0.27461 0.71573 0.627679
+-0.170108 0.254585 0.627678 0.71573
+-0.201883 0.230203 0.528887 0.791536
+-0.230203 0.201883 0.421046 0.853797
+-0.254585 0.170108 0.306001 0.901451
+-0.27461 0.135423 0.18572 0.93368
+-0.289937 0.0984203 0.0622617 0.949933
+-0.300303 0.0597339 -0.0622622 0.949933
+-0.305531 0.0200255 -0.185721 0.93368
+0.407374 0.0267007 0.555721 -0.724229
+0.400404 0.0796453 0.645497 -0.645497
+0.386583 0.131227 0.724229 -0.555721
+0.366147 0.180564 0.790569 -0.456435
+0.339446 0.226811 0.843383 -0.349341
+0.306937 0.269177 0.881766 -0.236268
+0.269177 0.306937 0.905061 -0.119154
+0.226811 0.339446 0.912871 3.85421e-08
+0.180564 0.366147 0.905061 0.119154
+0.131227 0.386583 0.881766 0.236268
+0.0796453 0.400404 0.843383 0.349341
+0.0267007 0.407374 0.790569 0.456436
+-0.0267007 0.407374 0.724229 0.555721
+-0.0796453 0.400404 0.645497 0.645497
+-0.131227 0.386583 0.555721 0.724229
+-0.180564 0.366147 0.456435 0.79057
+-0.226811 0.339446 0.34934 0.843383
+-0.269177 0.306937 0.236268 0.881766
+-0.306937 0.269177 0.119153 0.905061
+-0.339446 0.226811 -7.8445e-08 0.912871
+-0.366147 0.180564 -0.119154 0.905061
+-0.386583 0.131227 -0.236269 0.881766
+-0.400404 0.0796452 -0.349341 0.843383
+-0.407374 0.0267006 -0.456436 0.790569
+0.407374 0.0267007 0.236268 -0.881766
+0.400404 0.0796453 0.349341 -0.843383
+0.386583 0.131227 0.456435 -0.790569
+0.366147 0.180564 0.555721 -0.724229
+0.339446 0.226811 0.645497 -0.645497
+0.306937 0.269177 0.724229 -0.555721
+0.269177 0.306937 0.790569 -0.456435
+0.226811 0.339446 0.843383 -0.349341
+0.180564 0.366147 0.881766 -0.236268
+0.131227 0.386583 0.905061 -0.119154
+0.0796453 0.400404 0.912871 -3.30992e-08
+0.0267007 0.407374 0.905061 0.119154
+-0.0267007 0.407374 0.881766 0.236268
+-0.0796453 0.400404 0.843383 0.349341
+-0.131227 0.386583 0.790569 0.456436
+-0.180564 0.366147 0.724229 0.555721
+-0.226811 0.339446 0.645497 0.645497
+-0.269177 0.306937 0.555721 0.724229
+-0.306937 0.269177 0.456435 0.790569
+-0.339446 0.226811 0.349341 0.843383
+-0.366147 0.180564 0.236268 0.881766
+-0.386583 0.131227 0.119153 0.905061
+-0.400404 0.0796452 -2.24449e-07 0.912871
+-0.407374 0.0267006 -0.119154 0.905061
+0.498929 0.0327016 0.383033 -0.776715
+0.490393 0.0975452 0.481138 -0.720074
+0.473465 0.16072 0.57101 -0.651112
+0.448436 0.221144 0.651112 -0.57101
+0.415735 0.277785 0.720074 -0.481138
+0.37592 0.329673 0.776715 -0.383033
+0.329673 0.37592 0.820066 -0.278375
+0.277785 0.415735 0.849385 -0.168953
+0.221144 0.448436 0.864171 -0.0566408
+0.16072 0.473465 0.864171 0.0566408
+0.0975452 0.490393 0.849385 0.168953
+0.0327015 0.498929 0.820066 0.278375
+-0.0327016 0.498929 0.776715 0.383033
+-0.0975452 0.490393 0.720074 0.481138
+-0.16072 0.473465 0.651112 0.57101
+-0.221144 0.448436 0.57101 0.651112
+-0.277785 0.415735 0.481138 0.720074
+-0.329673 0.37592 0.383033 0.776715
+-0.37592 0.329673 0.278375 0.820066
+-0.415735 0.277785 0.168953 0.849385
+-0.448436 0.221144 0.0566407 0.864171
+-0.473465 0.16072 -0.056641 0.864171
+-0.490393 0.097545 -0.168953 0.849385
+-0.498929 0.0327015 -0.278375 0.820065
+0.498929 0.0327016 0.651112 -0.57101
+0.490393 0.0975452 0.720074 -0.481138
+0.473465 0.16072 0.776715 -0.383033
+0.448436 0.221144 0.820066 -0.278375
+0.415735 0.277785 0.849385 -0.168953
+0.37592 0.329673 0.864171 -0.0566408
+0.329673 0.37592 0.864171 0.0566408
+0.277785 0.415735 0.849385 0.168953
+0.221144 0.448436 0.820066 0.278375
+0.16072 0.473465 0.776715 0.383033
+0.0975452 0.490393 0.720074 0.481138
+0.0327015 0.498929 0.651112 0.57101
+-0.0327016 0.498929 0.57101 0.651112
+-0.0975452 0.490393 0.481138 0.720074
+-0.16072 0.473465 0.383033 0.776715
+-0.221144 0.448436 0.278375 0.820066
+-0.277785 0.415735 0.168953 0.849385
+-0.329673 0.37592 0.0566407 0.864171
+-0.37592 0.329673 -0.0566409 0.864171
+-0.415735 0.277785 -0.168953 0.849385
+-0.448436 0.221144 -0.278375 0.820066
+-0.473465 0.16072 -0.383033 0.776714
+-0.490393 0.097545 -0.481138 0.720074
+-0.498929 0.0327015 -0.57101 0.651112
+0.576114 0.0377605 0.707107 -0.408248
+0.566257 0.112635 0.754344 -0.31246
+0.54671 0.185583 0.788675 -0.211325
+0.51781 0.255356 0.809511 -0.106574
+0.480049 0.320759 0.816497 1.21708e-09
+0.434075 0.380673 0.809511 0.106574
+0.380673 0.434075 0.788675 0.211325
+0.320759 0.480049 0.754344 0.31246
+0.255355 0.51781 0.707107 0.408248
+0.185583 0.54671 0.64777 0.497052
+0.112635 0.566257 0.57735 0.57735
+0.0377605 0.576114 0.497052 0.64777
+-0.0377605 0.576114 0.408248 0.707107
+-0.112635 0.566257 0.31246 0.754344
+-0.185583 0.54671 0.211325 0.788675
+-0.255356 0.51781 0.106574 0.809511
+-0.320759 0.480049 -1.34241e-07 0.816497
+-0.380674 0.434075 -0.106574 0.809511
+-0.434075 0.380673 -0.211325 0.788675
+-0.480049 0.320759 -0.31246 0.754344
+-0.51781 0.255355 -0.408248 0.707107
+-0.54671 0.185583 -0.497052 0.64777
+-0.566257 0.112635 -0.57735 0.57735
+-0.576114 0.0377604 -0.64777 0.497051
+0.576114 0.0377605 0.497052 -0.64777
+0.566257 0.112635 0.57735 -0.57735
+0.54671 0.185583 0.64777 -0.497052
+0.51781 0.255356 0.707107 -0.408248
+0.480049 0.320759 0.754344 -0.31246
+0.434075 0.380673 0.788675 -0.211325
+0.380673 0.434075 0.809511 -0.106574
+0.320759 0.480049 0.816497 3.44731e-08
+0.255355 0.51781 0.809511 0.106574
+0.185583 0.54671 0.788675 0.211325
+0.112635 0.566257 0.754344 0.31246
+0.0377605 0.576114 0.707107 0.408248
+-0.0377605 0.576114 0.64777 0.497052
+-0.112635 0.566257 0.57735 0.57735
+-0.185583 0.54671 0.497052 0.64777
+-0.255356 0.51781 0.408248 0.707107
+-0.320759 0.480049 0.31246 0.754345
+-0.380674 0.434075 0.211325 0.788675
+-0.434075 0.380673 0.106574 0.809511
+-0.480049 0.320759 -7.01633e-08 0.816497
+-0.51781 0.255355 -0.106574 0.809511
+-0.54671 0.185583 -0.211325 0.788675
+-0.566257 0.112635 -0.31246 0.754344
+-0.576114 0.0377604 -0.408248 0.707107
+0.644115 0.0422175 0.574227 -0.503584
+0.633094 0.12593 0.635045 -0.424324
+0.611241 0.207488 0.684998 -0.337804
+0.578929 0.285496 0.72323 -0.245503
+0.536711 0.358619 0.749087 -0.149003
+0.485311 0.425606 0.762127 -0.0499525
+0.425606 0.485311 0.762127 0.0499525
+0.358619 0.536711 0.749087 0.149003
+0.285496 0.578929 0.72323 0.245503
+0.207488 0.611241 0.684998 0.337804
+0.12593 0.633094 0.635045 0.424324
+0.0422175 0.644115 0.574227 0.503584
+-0.0422176 0.644115 0.503584 0.574227
+-0.12593 0.633094 0.424324 0.635045
+-0.207488 0.611241 0.337804 0.684998
+-0.285496 0.578929 0.245503 0.72323
+-0.358619 0.536711 0.149003 0.749087
+-0.425606 0.48531 0.0499524 0.762127
+-0.485311 0.425606 -0.0499526 0.762127
+-0.536711 0.358619 -0.149003 0.749087
+-0.578929 0.285496 -0.245503 0.72323
+-0.611241 0.207488 -0.337804 0.684998
+-0.633094 0.12593 -0.424324 0.635045
+-0.644115 0.0422174 -0.503584 0.574227
diff --git a/uniform_quaternions/data3_36864.qua b/uniform_quaternions/data3_36864.qua
new file mode 100644
index 0000000..c745061
--- /dev/null
+++ b/uniform_quaternions/data3_36864.qua
@@ -0,0 +1,36864 @@
+0.735586 0.0240806 0.462794 0.49412
+0.732436 0.0721387 0.429486 0.523331
+0.72615 0.119888 0.394339 0.5503
+0.716754 0.167124 0.357504 0.574913
+0.704289 0.213644 0.319137 0.597064
+0.688808 0.259249 0.279404 0.616658
+0.670378 0.303744 0.238474 0.633611
+0.649076 0.346939 0.196524 0.647852
+0.624996 0.388647 0.153731 0.659318
+0.598239 0.428692 0.110281 0.667961
+0.56892 0.466901 0.0663579 0.673743
+0.537165 0.50311 0.0221509 0.676641
+0.50311 0.537165 -0.0221509 0.676641
+0.466901 0.56892 -0.0663579 0.673743
+0.428692 0.598239 -0.110281 0.667961
+0.388647 0.624996 -0.153731 0.659318
+0.346939 0.649077 -0.196524 0.647852
+0.303744 0.670378 -0.238474 0.633611
+0.259249 0.688808 -0.279404 0.616658
+0.213644 0.704289 -0.319137 0.597064
+0.167124 0.716754 -0.357504 0.574913
+0.119888 0.72615 -0.394339 0.5503
+0.0721386 0.732436 -0.429486 0.52333
+0.0240805 0.735586 -0.462794 0.49412
+-0.0240807 0.735586 -0.49412 0.462794
+-0.0721387 0.732436 -0.523331 0.429486
+-0.119888 0.72615 -0.5503 0.394339
+-0.167124 0.716754 -0.574913 0.357504
+-0.213644 0.704289 -0.597064 0.319137
+-0.259249 0.688808 -0.616658 0.279404
+-0.303744 0.670378 -0.633611 0.238474
+-0.346939 0.649077 -0.647852 0.196524
+-0.388647 0.624996 -0.659318 0.153731
+-0.428692 0.598239 -0.667961 0.110281
+-0.466901 0.56892 -0.673743 0.0663579
+-0.50311 0.537165 -0.676641 0.0221509
+-0.537165 0.50311 -0.676641 -0.0221509
+-0.56892 0.466901 -0.673743 -0.0663579
+-0.598239 0.428692 -0.667961 -0.110281
+-0.624996 0.388647 -0.659318 -0.153731
+-0.649076 0.346939 -0.647852 -0.196524
+-0.670378 0.303744 -0.633611 -0.238474
+-0.688808 0.259249 -0.616658 -0.279404
+-0.704289 0.213644 -0.597064 -0.319137
+-0.716754 0.167124 -0.574913 -0.357504
+-0.72615 0.119888 -0.5503 -0.394339
+-0.732436 0.0721386 -0.523331 -0.429486
+-0.735586 0.0240807 -0.49412 -0.462794
+0.763354 0.0249896 0.392954 0.512107
+0.760085 0.0748618 0.358619 0.536711
+0.753561 0.124413 0.322749 0.559017
+0.743811 0.173432 0.285496 0.578929
+0.730875 0.221709 0.247021 0.596362
+0.71481 0.269035 0.207488 0.611241
+0.695684 0.31521 0.167067 0.623502
+0.673578 0.360035 0.12593 0.633094
+0.648589 0.403318 0.0842543 0.639975
+0.620822 0.444875 0.0422175 0.644115
+0.590396 0.484526 1.17023e-08 0.645497
+0.557443 0.522102 -0.0422176 0.644115
+0.522102 0.557443 -0.0842543 0.639975
+0.484526 0.590396 -0.12593 0.633094
+0.444875 0.620822 -0.167067 0.623502
+0.403318 0.648589 -0.207488 0.611241
+0.360035 0.673579 -0.247021 0.596362
+0.31521 0.695684 -0.285496 0.578929
+0.269035 0.71481 -0.322749 0.559017
+0.221709 0.730875 -0.358619 0.536711
+0.173432 0.743811 -0.392954 0.512107
+0.124413 0.753561 -0.425606 0.48531
+0.0748617 0.760085 -0.456436 0.456435
+0.0249895 0.763354 -0.485311 0.425606
+-0.0249897 0.763354 -0.512107 0.392954
+-0.0748619 0.760085 -0.536711 0.358619
+-0.124414 0.753561 -0.559017 0.322749
+-0.173432 0.743811 -0.578929 0.285496
+-0.221709 0.730875 -0.596362 0.247021
+-0.269036 0.71481 -0.611241 0.207488
+-0.31521 0.695684 -0.623502 0.167067
+-0.360035 0.673579 -0.633094 0.12593
+-0.403318 0.648589 -0.639975 0.0842543
+-0.444875 0.620822 -0.644115 0.0422175
+-0.484526 0.590397 -0.645497 2.19614e-08
+-0.522102 0.557443 -0.644115 -0.0422176
+-0.557443 0.522102 -0.639975 -0.0842543
+-0.590397 0.484526 -0.633094 -0.12593
+-0.620822 0.444875 -0.623502 -0.167067
+-0.648589 0.403318 -0.611241 -0.207488
+-0.673578 0.360035 -0.596362 -0.247021
+-0.695684 0.31521 -0.578929 -0.285496
+-0.71481 0.269035 -0.559017 -0.322749
+-0.730875 0.221709 -0.536711 -0.358619
+-0.743811 0.173432 -0.512107 -0.392954
+-0.753561 0.124414 -0.485311 -0.425606
+-0.760085 0.0748618 -0.456435 -0.456435
+-0.763354 0.0249897 -0.425606 -0.48531
+0.763354 0.0249896 0.485311 0.425606
+0.760085 0.0748618 0.456435 0.456435
+0.753561 0.124413 0.425606 0.485311
+0.743811 0.173432 0.392954 0.512107
+0.730875 0.221709 0.358619 0.536711
+0.71481 0.269035 0.322749 0.559017
+0.695684 0.31521 0.285496 0.578929
+0.673578 0.360035 0.247021 0.596362
+0.648589 0.403318 0.207488 0.611241
+0.620822 0.444875 0.167067 0.623502
+0.590396 0.484526 0.12593 0.633094
+0.557443 0.522102 0.0842543 0.639975
+0.522102 0.557443 0.0422175 0.644115
+0.484526 0.590396 -1.44328e-09 0.645497
+0.444875 0.620822 -0.0422176 0.644115
+0.403318 0.648589 -0.0842544 0.639975
+0.360035 0.673579 -0.12593 0.633094
+0.31521 0.695684 -0.167067 0.623502
+0.269035 0.71481 -0.207488 0.611241
+0.221709 0.730875 -0.247021 0.596362
+0.173432 0.743811 -0.285496 0.578929
+0.124413 0.753561 -0.322749 0.559017
+0.0748617 0.760085 -0.358619 0.536711
+0.0249895 0.763354 -0.392954 0.512107
+-0.0249897 0.763354 -0.425606 0.48531
+-0.0748619 0.760085 -0.456436 0.456435
+-0.124414 0.753561 -0.485311 0.425606
+-0.173432 0.743811 -0.512107 0.392954
+-0.221709 0.730875 -0.536711 0.358619
+-0.269036 0.71481 -0.559017 0.322749
+-0.31521 0.695684 -0.578929 0.285496
+-0.360035 0.673579 -0.596362 0.247021
+-0.403318 0.648589 -0.611241 0.207488
+-0.444875 0.620822 -0.623502 0.167067
+-0.484526 0.590397 -0.633094 0.12593
+-0.522102 0.557443 -0.639975 0.0842542
+-0.557443 0.522102 -0.644115 0.0422176
+-0.590397 0.484526 -0.645497 -2.96589e-08
+-0.620822 0.444875 -0.644115 -0.0422175
+-0.648589 0.403318 -0.639975 -0.0842543
+-0.673578 0.360035 -0.633094 -0.12593
+-0.695684 0.31521 -0.623502 -0.167067
+-0.71481 0.269035 -0.611241 -0.207488
+-0.730875 0.221709 -0.596362 -0.247021
+-0.743811 0.173432 -0.578929 -0.285496
+-0.753561 0.124414 -0.559017 -0.322749
+-0.760085 0.0748618 -0.536711 -0.358619
+-0.763354 0.0249897 -0.512107 -0.392954
+0.790146 0.0258667 0.418613 0.446949
+0.786763 0.0774894 0.388485 0.47337
+0.78001 0.12878 0.356693 0.497765
+0.769917 0.17952 0.323374 0.520028
+0.756528 0.22949 0.28867 0.540064
+0.739899 0.278478 0.25273 0.557788
+0.720101 0.326274 0.215708 0.573123
+0.69722 0.372672 0.177762 0.586004
+0.671353 0.417474 0.139055 0.596375
+0.642612 0.460489 0.0997527 0.604193
+0.611118 0.501532 0.060023 0.609424
+0.577008 0.540427 0.0200362 0.612045
+0.540427 0.577008 -0.0200363 0.612045
+0.501532 0.611118 -0.060023 0.609424
+0.460489 0.642612 -0.0997527 0.604193
+0.417474 0.671353 -0.139055 0.596375
+0.372672 0.69722 -0.177762 0.586004
+0.326274 0.720101 -0.215708 0.573123
+0.278478 0.739899 -0.25273 0.557788
+0.22949 0.756528 -0.28867 0.540064
+0.17952 0.769917 -0.323374 0.520028
+0.12878 0.78001 -0.356693 0.497765
+0.0774893 0.786763 -0.388485 0.47337
+0.0258666 0.790146 -0.418613 0.446949
+-0.0258668 0.790146 -0.446949 0.418613
+-0.0774894 0.786763 -0.47337 0.388485
+-0.12878 0.78001 -0.497765 0.356693
+-0.17952 0.769917 -0.520028 0.323374
+-0.22949 0.756528 -0.540064 0.28867
+-0.278478 0.739899 -0.557788 0.25273
+-0.326274 0.720101 -0.573123 0.215708
+-0.372672 0.69722 -0.586004 0.177762
+-0.417474 0.671353 -0.596375 0.139055
+-0.460489 0.642612 -0.604193 0.0997526
+-0.501532 0.611118 -0.609424 0.060023
+-0.540427 0.577008 -0.612045 0.0200362
+-0.577008 0.540427 -0.612045 -0.0200362
+-0.611118 0.501532 -0.609424 -0.060023
+-0.642612 0.460489 -0.604193 -0.0997526
+-0.671353 0.417474 -0.596375 -0.139055
+-0.69722 0.372672 -0.586004 -0.177762
+-0.720101 0.326274 -0.573123 -0.215708
+-0.739899 0.278478 -0.557788 -0.25273
+-0.756528 0.22949 -0.540064 -0.28867
+-0.769917 0.179519 -0.520028 -0.323374
+-0.78001 0.12878 -0.497765 -0.356693
+-0.786763 0.0774893 -0.47337 -0.388485
+-0.790146 0.0258668 -0.446949 -0.418613
+0.790146 0.0258667 0.323374 0.520028
+0.786763 0.0774894 0.28867 0.540064
+0.78001 0.12878 0.25273 0.557788
+0.769917 0.17952 0.215708 0.573123
+0.756528 0.22949 0.177762 0.586004
+0.739899 0.278478 0.139055 0.596375
+0.720101 0.326274 0.0997527 0.604193
+0.69722 0.372672 0.060023 0.609424
+0.671353 0.417474 0.0200363 0.612045
+0.642612 0.460489 -0.0200363 0.612045
+0.611118 0.501532 -0.060023 0.609424
+0.577008 0.540427 -0.0997527 0.604193
+0.540427 0.577008 -0.139055 0.596375
+0.501532 0.611118 -0.177762 0.586004
+0.460489 0.642612 -0.215708 0.573123
+0.417474 0.671353 -0.25273 0.557788
+0.372672 0.69722 -0.28867 0.540064
+0.326274 0.720101 -0.323374 0.520028
+0.278478 0.739899 -0.356693 0.497765
+0.22949 0.756528 -0.388485 0.47337
+0.17952 0.769917 -0.418613 0.446949
+0.12878 0.78001 -0.446949 0.418613
+0.0774893 0.786763 -0.47337 0.388485
+0.0258666 0.790146 -0.497765 0.356693
+-0.0258668 0.790146 -0.520028 0.323374
+-0.0774894 0.786763 -0.540064 0.28867
+-0.12878 0.78001 -0.557788 0.25273
+-0.17952 0.769917 -0.573123 0.215708
+-0.22949 0.756528 -0.586004 0.177762
+-0.278478 0.739899 -0.596375 0.139055
+-0.326274 0.720101 -0.604193 0.0997526
+-0.372672 0.69722 -0.609424 0.0600231
+-0.417474 0.671353 -0.612045 0.0200363
+-0.460489 0.642612 -0.612045 -0.0200363
+-0.501532 0.611118 -0.609424 -0.060023
+-0.540427 0.577008 -0.604193 -0.0997527
+-0.577008 0.540427 -0.596375 -0.139055
+-0.611118 0.501532 -0.586004 -0.177762
+-0.642612 0.460489 -0.573123 -0.215708
+-0.671353 0.417474 -0.557788 -0.25273
+-0.69722 0.372672 -0.540064 -0.28867
+-0.720101 0.326274 -0.520028 -0.323374
+-0.739899 0.278478 -0.497765 -0.356693
+-0.756528 0.22949 -0.47337 -0.388485
+-0.769917 0.179519 -0.446949 -0.418613
+-0.78001 0.12878 -0.418613 -0.446949
+-0.786763 0.0774893 -0.388485 -0.47337
+-0.790146 0.0258668 -0.356693 -0.497765
+0.816059 0.026715 0.255355 0.51781
+0.812565 0.0800307 0.220942 0.533402
+0.805591 0.133004 0.185583 0.54671
+0.795167 0.185407 0.149429 0.557678
+0.781339 0.237016 0.112635 0.566257
+0.764164 0.287611 0.0753593 0.572411
+0.743717 0.336974 0.0377605 0.576114
+0.720086 0.384894 -1.21881e-08 0.57735
+0.693371 0.431166 -0.0377605 0.576114
+0.663687 0.475591 -0.0753593 0.572411
+0.63116 0.51798 -0.112635 0.566257
+0.595932 0.558151 -0.149429 0.557678
+0.558151 0.595932 -0.185583 0.54671
+0.51798 0.63116 -0.220942 0.533402
+0.475591 0.663687 -0.255356 0.51781
+0.431166 0.693371 -0.288675 0.5
+0.384894 0.720086 -0.320759 0.480049
+0.336974 0.743717 -0.351469 0.458043
+0.287611 0.764164 -0.380674 0.434075
+0.237016 0.781339 -0.408248 0.408248
+0.185407 0.795167 -0.434075 0.380673
+0.133003 0.805591 -0.458043 0.351469
+0.0800306 0.812565 -0.480049 0.320759
+0.0267149 0.816059 -0.5 0.288675
+-0.0267151 0.816059 -0.51781 0.255355
+-0.0800307 0.812565 -0.533402 0.220942
+-0.133004 0.805591 -0.54671 0.185583
+-0.185407 0.795167 -0.557678 0.149429
+-0.237017 0.781338 -0.566257 0.112635
+-0.287611 0.764164 -0.572411 0.0753592
+-0.336974 0.743717 -0.576114 0.0377604
+-0.384894 0.720086 -0.57735 6.58134e-08
+-0.431166 0.693371 -0.576114 -0.0377605
+-0.475591 0.663686 -0.572411 -0.0753594
+-0.51798 0.63116 -0.566257 -0.112635
+-0.558151 0.595931 -0.557678 -0.149429
+-0.595931 0.558151 -0.54671 -0.185583
+-0.63116 0.51798 -0.533402 -0.220942
+-0.663686 0.475591 -0.51781 -0.255355
+-0.693371 0.431166 -0.5 -0.288675
+-0.720086 0.384894 -0.480049 -0.320759
+-0.743717 0.336974 -0.458043 -0.351469
+-0.764164 0.287611 -0.434075 -0.380674
+-0.781339 0.237016 -0.408248 -0.408248
+-0.795167 0.185407 -0.380673 -0.434075
+-0.805591 0.133004 -0.351469 -0.458043
+-0.812565 0.0800306 -0.320759 -0.480049
+-0.816059 0.0267151 -0.288675 -0.5
+0.816059 0.026715 0.351469 0.458043
+0.812565 0.0800307 0.320759 0.480049
+0.805591 0.133004 0.288675 0.5
+0.795167 0.185407 0.255355 0.51781
+0.781339 0.237016 0.220942 0.533402
+0.764164 0.287611 0.185583 0.54671
+0.743717 0.336974 0.149429 0.557678
+0.720086 0.384894 0.112635 0.566257
+0.693371 0.431166 0.0753593 0.572411
+0.663687 0.475591 0.0377605 0.576114
+0.63116 0.51798 1.04669e-08 0.57735
+0.595932 0.558151 -0.0377605 0.576114
+0.558151 0.595932 -0.0753593 0.572411
+0.51798 0.63116 -0.112635 0.566257
+0.475591 0.663687 -0.149429 0.557678
+0.431166 0.693371 -0.185583 0.54671
+0.384894 0.720086 -0.220942 0.533402
+0.336974 0.743717 -0.255356 0.51781
+0.287611 0.764164 -0.288675 0.5
+0.237016 0.781339 -0.320759 0.480049
+0.185407 0.795167 -0.351469 0.458043
+0.133003 0.805591 -0.380674 0.434075
+0.0800306 0.812565 -0.408248 0.408248
+0.0267149 0.816059 -0.434075 0.380673
+-0.0267151 0.816059 -0.458043 0.351469
+-0.0800307 0.812565 -0.480049 0.320759
+-0.133004 0.805591 -0.5 0.288675
+-0.185407 0.795167 -0.51781 0.255355
+-0.237017 0.781338 -0.533402 0.220942
+-0.287611 0.764164 -0.54671 0.185583
+-0.336974 0.743717 -0.557678 0.149429
+-0.384894 0.720086 -0.566257 0.112636
+-0.431166 0.693371 -0.572411 0.0753593
+-0.475591 0.663686 -0.576114 0.0377605
+-0.51798 0.63116 -0.57735 1.96429e-08
+-0.558151 0.595931 -0.576114 -0.0377606
+-0.595931 0.558151 -0.572411 -0.0753593
+-0.63116 0.51798 -0.566257 -0.112635
+-0.663686 0.475591 -0.557678 -0.149429
+-0.693371 0.431166 -0.54671 -0.185583
+-0.720086 0.384894 -0.533402 -0.220942
+-0.743717 0.336974 -0.51781 -0.255355
+-0.764164 0.287611 -0.5 -0.288675
+-0.781339 0.237016 -0.480049 -0.320759
+-0.795167 0.185407 -0.458043 -0.351469
+-0.805591 0.133004 -0.434075 -0.380673
+-0.812565 0.0800306 -0.408248 -0.408248
+-0.816059 0.0267151 -0.380674 -0.434075
+0.841175 0.0275372 0.285189 0.458622
+0.837573 0.0824937 0.254583 0.476292
+0.830384 0.137097 0.222887 0.491923
+0.81964 0.191113 0.190237 0.505447
+0.805385 0.244311 0.156772 0.516807
+0.787682 0.296463 0.122635 0.525954
+0.766606 0.347345 0.0879736 0.532848
+0.742247 0.396739 0.0529353 0.537461
+0.71471 0.444435 0.0176703 0.539773
+0.684112 0.490228 -0.0176703 0.539773
+0.650585 0.533921 -0.0529353 0.537461
+0.614272 0.575329 -0.0879736 0.532848
+0.575329 0.614272 -0.122635 0.525954
+0.533922 0.650585 -0.156772 0.516807
+0.490228 0.684112 -0.190237 0.505447
+0.444435 0.71471 -0.222887 0.491923
+0.396739 0.742247 -0.254583 0.476292
+0.347345 0.766606 -0.285189 0.458622
+0.296463 0.787682 -0.314574 0.438987
+0.244311 0.805385 -0.342612 0.417473
+0.191113 0.81964 -0.369182 0.394172
+0.137097 0.830384 -0.394172 0.369182
+0.0824936 0.837573 -0.417473 0.342611
+0.0275371 0.841175 -0.438987 0.314574
+-0.0275373 0.841175 -0.458622 0.285189
+-0.0824938 0.837573 -0.476292 0.254583
+-0.137097 0.830384 -0.491923 0.222887
+-0.191113 0.81964 -0.505447 0.190237
+-0.244311 0.805385 -0.516807 0.156772
+-0.296463 0.787682 -0.525954 0.122635
+-0.347345 0.766606 -0.532848 0.0879735
+-0.396739 0.742247 -0.537461 0.0529354
+-0.444435 0.71471 -0.539773 0.0176703
+-0.490228 0.684112 -0.539773 -0.0176704
+-0.533921 0.650585 -0.537461 -0.0529353
+-0.575329 0.614272 -0.532848 -0.0879736
+-0.614272 0.575329 -0.525954 -0.122635
+-0.650585 0.533921 -0.516807 -0.156772
+-0.684112 0.490228 -0.505447 -0.190237
+-0.71471 0.444435 -0.491923 -0.222887
+-0.742247 0.39674 -0.476292 -0.254583
+-0.766606 0.347345 -0.458622 -0.285189
+-0.787682 0.296463 -0.438987 -0.314574
+-0.805385 0.244311 -0.417473 -0.342612
+-0.81964 0.191113 -0.394172 -0.369182
+-0.830384 0.137097 -0.369182 -0.394172
+-0.837573 0.0824937 -0.342612 -0.417473
+-0.841175 0.0275373 -0.314574 -0.438987
+0.790146 0.0258667 0.497765 0.356693
+0.786763 0.0774894 0.47337 0.388485
+0.78001 0.12878 0.446949 0.418613
+0.769917 0.17952 0.418613 0.446949
+0.756528 0.22949 0.388485 0.47337
+0.739899 0.278478 0.356693 0.497765
+0.720101 0.326274 0.323374 0.520028
+0.69722 0.372672 0.28867 0.540064
+0.671353 0.417474 0.25273 0.557788
+0.642612 0.460489 0.215708 0.573123
+0.611118 0.501532 0.177762 0.586004
+0.577008 0.540427 0.139055 0.596375
+0.540427 0.577008 0.0997527 0.604193
+0.501532 0.611118 0.060023 0.609424
+0.460489 0.642612 0.0200362 0.612045
+0.417474 0.671353 -0.0200363 0.612045
+0.372672 0.69722 -0.060023 0.609424
+0.326274 0.720101 -0.0997527 0.604193
+0.278478 0.739899 -0.139055 0.596375
+0.22949 0.756528 -0.177762 0.586004
+0.17952 0.769917 -0.215708 0.573123
+0.12878 0.78001 -0.25273 0.557788
+0.0774893 0.786763 -0.28867 0.540064
+0.0258666 0.790146 -0.323374 0.520028
+-0.0258668 0.790146 -0.356693 0.497765
+-0.0774894 0.786763 -0.388485 0.47337
+-0.12878 0.78001 -0.418613 0.446949
+-0.17952 0.769917 -0.446949 0.418613
+-0.22949 0.756528 -0.47337 0.388485
+-0.278478 0.739899 -0.497765 0.356693
+-0.326274 0.720101 -0.520028 0.323374
+-0.372672 0.69722 -0.540064 0.28867
+-0.417474 0.671353 -0.557788 0.25273
+-0.460489 0.642612 -0.573123 0.215708
+-0.501532 0.611118 -0.586004 0.177762
+-0.540427 0.577008 -0.596375 0.139055
+-0.577008 0.540427 -0.604193 0.0997527
+-0.611118 0.501532 -0.609424 0.060023
+-0.642612 0.460489 -0.612045 0.0200363
+-0.671353 0.417474 -0.612045 -0.0200363
+-0.69722 0.372672 -0.609424 -0.0600229
+-0.720101 0.326274 -0.604193 -0.0997527
+-0.739899 0.278478 -0.596375 -0.139055
+-0.756528 0.22949 -0.586004 -0.177762
+-0.769917 0.179519 -0.573123 -0.215708
+-0.78001 0.12878 -0.557788 -0.25273
+-0.786763 0.0774893 -0.540064 -0.28867
+-0.790146 0.0258668 -0.520028 -0.323374
+0.816059 0.026715 0.434075 0.380673
+0.812565 0.0800307 0.408248 0.408248
+0.805591 0.133004 0.380673 0.434075
+0.795167 0.185407 0.351469 0.458043
+0.781339 0.237016 0.320759 0.480049
+0.764164 0.287611 0.288675 0.5
+0.743717 0.336974 0.255355 0.51781
+0.720086 0.384894 0.220942 0.533402
+0.693371 0.431166 0.185583 0.54671
+0.663687 0.475591 0.149429 0.557678
+0.63116 0.51798 0.112635 0.566257
+0.595932 0.558151 0.0753593 0.572411
+0.558151 0.595932 0.0377605 0.576114
+0.51798 0.63116 -1.29091e-09 0.57735
+0.475591 0.663687 -0.0377605 0.576114
+0.431166 0.693371 -0.0753594 0.572411
+0.384894 0.720086 -0.112635 0.566257
+0.336974 0.743717 -0.149429 0.557678
+0.287611 0.764164 -0.185583 0.54671
+0.237016 0.781339 -0.220942 0.533402
+0.185407 0.795167 -0.255356 0.51781
+0.133003 0.805591 -0.288675 0.5
+0.0800306 0.812565 -0.320759 0.480049
+0.0267149 0.816059 -0.351469 0.458043
+-0.0267151 0.816059 -0.380674 0.434075
+-0.0800307 0.812565 -0.408248 0.408248
+-0.133004 0.805591 -0.434075 0.380673
+-0.185407 0.795167 -0.458043 0.351469
+-0.237017 0.781338 -0.480049 0.320759
+-0.287611 0.764164 -0.5 0.288675
+-0.336974 0.743717 -0.51781 0.255355
+-0.384894 0.720086 -0.533402 0.220942
+-0.431166 0.693371 -0.54671 0.185583
+-0.475591 0.663686 -0.557678 0.149429
+-0.51798 0.63116 -0.566257 0.112635
+-0.558151 0.595931 -0.572411 0.0753593
+-0.595931 0.558151 -0.576114 0.0377605
+-0.63116 0.51798 -0.57735 -2.65277e-08
+-0.663686 0.475591 -0.576114 -0.0377605
+-0.693371 0.431166 -0.572411 -0.0753593
+-0.720086 0.384894 -0.566257 -0.112635
+-0.743717 0.336974 -0.557678 -0.149429
+-0.764164 0.287611 -0.54671 -0.185583
+-0.781339 0.237016 -0.533402 -0.220942
+-0.795167 0.185407 -0.51781 -0.255356
+-0.805591 0.133004 -0.5 -0.288675
+-0.812565 0.0800306 -0.480049 -0.320759
+-0.816059 0.0267151 -0.458043 -0.351469
+0.816059 0.026715 0.5 0.288675
+0.812565 0.0800307 0.480049 0.320759
+0.805591 0.133004 0.458043 0.351469
+0.795167 0.185407 0.434075 0.380673
+0.781339 0.237016 0.408248 0.408248
+0.764164 0.287611 0.380673 0.434075
+0.743717 0.336974 0.351469 0.458043
+0.720086 0.384894 0.320759 0.480049
+0.693371 0.431166 0.288675 0.5
+0.663687 0.475591 0.255355 0.51781
+0.63116 0.51798 0.220942 0.533402
+0.595932 0.558151 0.185583 0.54671
+0.558151 0.595932 0.149429 0.557678
+0.51798 0.63116 0.112635 0.566257
+0.475591 0.663687 0.0753593 0.572411
+0.431166 0.693371 0.0377605 0.576114
+0.384894 0.720086 -4.74615e-08 0.57735
+0.336974 0.743717 -0.0377606 0.576114
+0.287611 0.764164 -0.0753594 0.572411
+0.237016 0.781339 -0.112635 0.566257
+0.185407 0.795167 -0.149429 0.557678
+0.133003 0.805591 -0.185583 0.54671
+0.0800306 0.812565 -0.220942 0.533402
+0.0267149 0.816059 -0.255356 0.51781
+-0.0267151 0.816059 -0.288675 0.5
+-0.0800307 0.812565 -0.320759 0.480049
+-0.133004 0.805591 -0.351469 0.458043
+-0.185407 0.795167 -0.380674 0.434075
+-0.237017 0.781338 -0.408248 0.408248
+-0.287611 0.764164 -0.434075 0.380673
+-0.336974 0.743717 -0.458043 0.351469
+-0.384894 0.720086 -0.480049 0.320759
+-0.431166 0.693371 -0.5 0.288675
+-0.475591 0.663686 -0.51781 0.255355
+-0.51798 0.63116 -0.533402 0.220942
+-0.558151 0.595931 -0.54671 0.185583
+-0.595931 0.558151 -0.557678 0.149429
+-0.63116 0.51798 -0.566257 0.112635
+-0.663686 0.475591 -0.572411 0.0753594
+-0.693371 0.431166 -0.576114 0.0377605
+-0.720086 0.384894 -0.57735 6.49528e-08
+-0.743717 0.336974 -0.576114 -0.0377605
+-0.764164 0.287611 -0.572411 -0.0753594
+-0.781339 0.237016 -0.566257 -0.112635
+-0.795167 0.185407 -0.557678 -0.149429
+-0.805591 0.133004 -0.54671 -0.185583
+-0.812565 0.0800306 -0.533402 -0.220942
+-0.816059 0.0267151 -0.51781 -0.255355
+0.841175 0.0275372 0.438987 0.314574
+0.837573 0.0824937 0.417473 0.342612
+0.830384 0.137097 0.394172 0.369182
+0.81964 0.191113 0.369182 0.394172
+0.805385 0.244311 0.342612 0.417473
+0.787682 0.296463 0.314574 0.438987
+0.766606 0.347345 0.285189 0.458622
+0.742247 0.396739 0.254583 0.476292
+0.71471 0.444435 0.222887 0.491923
+0.684112 0.490228 0.190237 0.505447
+0.650585 0.533921 0.156772 0.516807
+0.614272 0.575329 0.122635 0.525954
+0.575329 0.614272 0.0879736 0.532848
+0.533922 0.650585 0.0529353 0.537461
+0.490228 0.684112 0.0176703 0.539773
+0.444435 0.71471 -0.0176704 0.539773
+0.396739 0.742247 -0.0529354 0.537461
+0.347345 0.766606 -0.0879736 0.532848
+0.296463 0.787682 -0.122635 0.525954
+0.244311 0.805385 -0.156772 0.516807
+0.191113 0.81964 -0.190237 0.505447
+0.137097 0.830384 -0.222887 0.491923
+0.0824936 0.837573 -0.254583 0.476292
+0.0275371 0.841175 -0.285189 0.458622
+-0.0275373 0.841175 -0.314574 0.438987
+-0.0824938 0.837573 -0.342612 0.417473
+-0.137097 0.830384 -0.369182 0.394172
+-0.191113 0.81964 -0.394172 0.369182
+-0.244311 0.805385 -0.417473 0.342611
+-0.296463 0.787682 -0.438987 0.314574
+-0.347345 0.766606 -0.458622 0.285189
+-0.396739 0.742247 -0.476292 0.254583
+-0.444435 0.71471 -0.491923 0.222887
+-0.490228 0.684112 -0.505447 0.190237
+-0.533921 0.650585 -0.516807 0.156772
+-0.575329 0.614272 -0.525954 0.122635
+-0.614272 0.575329 -0.532848 0.0879736
+-0.650585 0.533921 -0.537461 0.0529353
+-0.684112 0.490228 -0.539773 0.0176704
+-0.71471 0.444435 -0.539773 -0.0176703
+-0.742247 0.39674 -0.537461 -0.0529352
+-0.766606 0.347345 -0.532848 -0.0879736
+-0.787682 0.296463 -0.525954 -0.122635
+-0.805385 0.244311 -0.516807 -0.156772
+-0.81964 0.191113 -0.505447 -0.190237
+-0.830384 0.137097 -0.491923 -0.222887
+-0.837573 0.0824937 -0.476292 -0.254583
+-0.841175 0.0275373 -0.458622 -0.285189
+0.841175 0.0275372 0.369182 0.394172
+0.837573 0.0824937 0.342612 0.417473
+0.830384 0.137097 0.314574 0.438987
+0.81964 0.191113 0.285189 0.458622
+0.805385 0.244311 0.254583 0.476292
+0.787682 0.296463 0.222887 0.491923
+0.766606 0.347345 0.190237 0.505447
+0.742247 0.396739 0.156772 0.516807
+0.71471 0.444435 0.122635 0.525954
+0.684112 0.490228 0.0879736 0.532848
+0.650585 0.533921 0.0529353 0.537461
+0.614272 0.575329 0.0176703 0.539773
+0.575329 0.614272 -0.0176703 0.539773
+0.533922 0.650585 -0.0529353 0.537461
+0.490228 0.684112 -0.0879736 0.532848
+0.444435 0.71471 -0.122635 0.525954
+0.396739 0.742247 -0.156772 0.516807
+0.347345 0.766606 -0.190237 0.505447
+0.296463 0.787682 -0.222887 0.491923
+0.244311 0.805385 -0.254583 0.476292
+0.191113 0.81964 -0.285189 0.458622
+0.137097 0.830384 -0.314574 0.438987
+0.0824936 0.837573 -0.342612 0.417473
+0.0275371 0.841175 -0.369182 0.394172
+-0.0275373 0.841175 -0.394172 0.369182
+-0.0824938 0.837573 -0.417473 0.342611
+-0.137097 0.830384 -0.438987 0.314574
+-0.191113 0.81964 -0.458622 0.285189
+-0.244311 0.805385 -0.476292 0.254583
+-0.296463 0.787682 -0.491923 0.222887
+-0.347345 0.766606 -0.505447 0.190237
+-0.396739 0.742247 -0.516807 0.156772
+-0.444435 0.71471 -0.525954 0.122635
+-0.490228 0.684112 -0.532848 0.0879736
+-0.533921 0.650585 -0.537461 0.0529353
+-0.575329 0.614272 -0.539773 0.0176703
+-0.614272 0.575329 -0.539773 -0.0176703
+-0.650585 0.533921 -0.537461 -0.0529353
+-0.684112 0.490228 -0.532848 -0.0879736
+-0.71471 0.444435 -0.525954 -0.122635
+-0.742247 0.39674 -0.516807 -0.156772
+-0.766606 0.347345 -0.505447 -0.190237
+-0.787682 0.296463 -0.491923 -0.222887
+-0.805385 0.244311 -0.476292 -0.254583
+-0.81964 0.191113 -0.458622 -0.285189
+-0.830384 0.137097 -0.438987 -0.314574
+-0.837573 0.0824937 -0.417473 -0.342612
+-0.841175 0.0275373 -0.394172 -0.369182
+0.865562 0.0283356 0.304381 0.396677
+0.861855 0.0848853 0.277785 0.415735
+0.854458 0.141072 0.25 0.433013
+0.843402 0.196654 0.221144 0.448436
+0.828735 0.251394 0.191342 0.46194
+0.810518 0.305057 0.16072 0.473465
+0.788831 0.357415 0.12941 0.482963
+0.763766 0.408242 0.0975452 0.490393
+0.735431 0.45732 0.0652631 0.495722
+0.703946 0.50444 0.0327016 0.498929
+0.669447 0.549401 9.06458e-09 0.5
+0.632081 0.592008 -0.0327016 0.498929
+0.592008 0.632081 -0.0652631 0.495722
+0.549401 0.669447 -0.0975452 0.490393
+0.50444 0.703946 -0.12941 0.482963
+0.45732 0.735431 -0.16072 0.473465
+0.408241 0.763766 -0.191342 0.46194
+0.357415 0.788831 -0.221144 0.448436
+0.305057 0.810518 -0.25 0.433013
+0.251394 0.828735 -0.277785 0.415735
+0.196654 0.843402 -0.304381 0.396677
+0.141072 0.854458 -0.329673 0.37592
+0.0848852 0.861855 -0.353553 0.353553
+0.0283355 0.865562 -0.37592 0.329673
+-0.0283356 0.865562 -0.396677 0.304381
+-0.0848854 0.861855 -0.415735 0.277785
+-0.141072 0.854458 -0.433013 0.25
+-0.196654 0.843402 -0.448436 0.221144
+-0.251394 0.828735 -0.46194 0.191342
+-0.305058 0.810518 -0.473465 0.16072
+-0.357415 0.788831 -0.482963 0.129409
+-0.408241 0.763766 -0.490393 0.0975452
+-0.45732 0.735431 -0.495722 0.0652631
+-0.504441 0.703946 -0.498929 0.0327015
+-0.549401 0.669447 -0.5 1.70112e-08
+-0.592008 0.632081 -0.498929 -0.0327016
+-0.632081 0.592008 -0.495722 -0.0652631
+-0.669447 0.549401 -0.490393 -0.0975452
+-0.703946 0.504441 -0.482963 -0.129409
+-0.735431 0.45732 -0.473465 -0.16072
+-0.763766 0.408242 -0.46194 -0.191342
+-0.788831 0.357415 -0.448436 -0.221144
+-0.810518 0.305057 -0.433013 -0.25
+-0.828735 0.251394 -0.415735 -0.277785
+-0.843402 0.196654 -0.396677 -0.304381
+-0.854458 0.141072 -0.37592 -0.329673
+-0.861855 0.0848853 -0.353553 -0.353553
+-0.865562 0.0283356 -0.329673 -0.37592
+0.865562 0.0283356 0.37592 0.329673
+0.861855 0.0848853 0.353553 0.353553
+0.854458 0.141072 0.329673 0.37592
+0.843402 0.196654 0.304381 0.396677
+0.828735 0.251394 0.277785 0.415735
+0.810518 0.305057 0.25 0.433013
+0.788831 0.357415 0.221144 0.448436
+0.763766 0.408242 0.191342 0.46194
+0.735431 0.45732 0.16072 0.473465
+0.703946 0.50444 0.12941 0.482963
+0.669447 0.549401 0.0975452 0.490393
+0.632081 0.592008 0.0652631 0.495722
+0.592008 0.632081 0.0327016 0.498929
+0.549401 0.669447 -1.11796e-09 0.5
+0.50444 0.703946 -0.0327016 0.498929
+0.45732 0.735431 -0.0652631 0.495722
+0.408241 0.763766 -0.0975452 0.490393
+0.357415 0.788831 -0.12941 0.482963
+0.305057 0.810518 -0.16072 0.473465
+0.251394 0.828735 -0.191342 0.46194
+0.196654 0.843402 -0.221144 0.448436
+0.141072 0.854458 -0.25 0.433013
+0.0848852 0.861855 -0.277785 0.415735
+0.0283355 0.865562 -0.304381 0.396677
+-0.0283356 0.865562 -0.329673 0.37592
+-0.0848854 0.861855 -0.353553 0.353553
+-0.141072 0.854458 -0.37592 0.329673
+-0.196654 0.843402 -0.396677 0.304381
+-0.251394 0.828735 -0.415735 0.277785
+-0.305058 0.810518 -0.433013 0.25
+-0.357415 0.788831 -0.448436 0.221144
+-0.408241 0.763766 -0.46194 0.191342
+-0.45732 0.735431 -0.473465 0.16072
+-0.504441 0.703946 -0.482963 0.129409
+-0.549401 0.669447 -0.490393 0.0975452
+-0.592008 0.632081 -0.495722 0.0652631
+-0.632081 0.592008 -0.498929 0.0327016
+-0.669447 0.549401 -0.5 -2.29737e-08
+-0.703946 0.504441 -0.498929 -0.0327015
+-0.735431 0.45732 -0.495722 -0.0652631
+-0.763766 0.408242 -0.490393 -0.0975451
+-0.788831 0.357415 -0.482963 -0.12941
+-0.810518 0.305057 -0.473465 -0.16072
+-0.828735 0.251394 -0.46194 -0.191342
+-0.843402 0.196654 -0.448436 -0.221144
+-0.854458 0.141072 -0.433013 -0.25
+-0.861855 0.0848853 -0.415735 -0.277785
+-0.865562 0.0283356 -0.396677 -0.304381
+0.88928 0.029112 0.312016 0.333136
+0.885472 0.0872114 0.28956 0.352829
+0.877872 0.144937 0.265863 0.371012
+0.866513 0.202043 0.241029 0.387606
+0.851444 0.258283 0.215162 0.40254
+0.832728 0.313417 0.188374 0.415751
+0.810447 0.367209 0.160779 0.427181
+0.784695 0.419428 0.132496 0.436782
+0.755583 0.469852 0.103646 0.444512
+0.723236 0.518263 0.0743513 0.450339
+0.687791 0.564456 0.0447385 0.454238
+0.649401 0.608231 0.0149341 0.456191
+0.608231 0.649401 -0.0149342 0.456191
+0.564456 0.687791 -0.0447385 0.454238
+0.518263 0.723236 -0.0743513 0.450339
+0.469852 0.755583 -0.103646 0.444512
+0.419428 0.784695 -0.132496 0.436781
+0.367209 0.810447 -0.160779 0.427181
+0.313417 0.832728 -0.188374 0.415751
+0.258283 0.851444 -0.215162 0.40254
+0.202043 0.866513 -0.241029 0.387606
+0.144937 0.877872 -0.265864 0.371012
+0.0872113 0.885472 -0.28956 0.352829
+0.0291119 0.88928 -0.312016 0.333136
+-0.0291121 0.88928 -0.333136 0.312016
+-0.0872115 0.885472 -0.352829 0.28956
+-0.144937 0.877872 -0.371012 0.265863
+-0.202043 0.866513 -0.387606 0.241029
+-0.258283 0.851444 -0.40254 0.215162
+-0.313417 0.832728 -0.415751 0.188374
+-0.367209 0.810447 -0.427181 0.160779
+-0.419428 0.784695 -0.436781 0.132496
+-0.469852 0.755583 -0.444512 0.103646
+-0.518263 0.723236 -0.450339 0.0743512
+-0.564456 0.687791 -0.454238 0.0447385
+-0.608231 0.649401 -0.456191 0.0149341
+-0.649401 0.608231 -0.456191 -0.0149341
+-0.687791 0.564456 -0.454238 -0.0447385
+-0.723236 0.518263 -0.450339 -0.0743512
+-0.755583 0.469852 -0.444512 -0.103646
+-0.784695 0.419428 -0.436782 -0.132496
+-0.810447 0.367209 -0.427181 -0.160779
+-0.832728 0.313417 -0.415751 -0.188374
+-0.851444 0.258283 -0.40254 -0.215162
+-0.866513 0.202043 -0.387606 -0.241029
+-0.877872 0.144937 -0.371012 -0.265863
+-0.885472 0.0872113 -0.352829 -0.28956
+-0.88928 0.0291121 -0.333136 -0.312016
+0.841175 0.0275372 0.190237 0.505447
+0.837573 0.0824937 0.156772 0.516807
+0.830384 0.137097 0.122635 0.525954
+0.81964 0.191113 0.0879736 0.532848
+0.805385 0.244311 0.0529353 0.537461
+0.787682 0.296463 0.0176703 0.539773
+0.766606 0.347345 -0.0176703 0.539773
+0.742247 0.396739 -0.0529353 0.537461
+0.71471 0.444435 -0.0879736 0.532848
+0.684112 0.490228 -0.122635 0.525954
+0.650585 0.533921 -0.156772 0.516807
+0.614272 0.575329 -0.190237 0.505447
+0.575329 0.614272 -0.222887 0.491923
+0.533922 0.650585 -0.254583 0.476292
+0.490228 0.684112 -0.285189 0.458622
+0.444435 0.71471 -0.314574 0.438987
+0.396739 0.742247 -0.342612 0.417473
+0.347345 0.766606 -0.369182 0.394172
+0.296463 0.787682 -0.394172 0.369182
+0.244311 0.805385 -0.417473 0.342612
+0.191113 0.81964 -0.438987 0.314574
+0.137097 0.830384 -0.458622 0.285189
+0.0824936 0.837573 -0.476292 0.254583
+0.0275371 0.841175 -0.491923 0.222887
+-0.0275373 0.841175 -0.505447 0.190237
+-0.0824938 0.837573 -0.516807 0.156772
+-0.137097 0.830384 -0.525954 0.122635
+-0.191113 0.81964 -0.532848 0.0879736
+-0.244311 0.805385 -0.537461 0.0529352
+-0.296463 0.787682 -0.539773 0.0176702
+-0.347345 0.766606 -0.539773 -0.0176704
+-0.396739 0.742247 -0.537461 -0.0529352
+-0.444435 0.71471 -0.532848 -0.0879736
+-0.490228 0.684112 -0.525954 -0.122635
+-0.533921 0.650585 -0.516807 -0.156772
+-0.575329 0.614272 -0.505447 -0.190237
+-0.614272 0.575329 -0.491923 -0.222887
+-0.650585 0.533921 -0.476292 -0.254583
+-0.684112 0.490228 -0.458622 -0.285189
+-0.71471 0.444435 -0.438987 -0.314574
+-0.742247 0.39674 -0.417473 -0.342611
+-0.766606 0.347345 -0.394172 -0.369182
+-0.787682 0.296463 -0.369182 -0.394172
+-0.805385 0.244311 -0.342612 -0.417473
+-0.81964 0.191113 -0.314574 -0.438987
+-0.830384 0.137097 -0.285189 -0.458622
+-0.837573 0.0824937 -0.254583 -0.476292
+-0.841175 0.0275373 -0.222887 -0.491923
+0.865562 0.0283356 0.12941 0.482963
+0.861855 0.0848853 0.0975452 0.490393
+0.854458 0.141072 0.0652631 0.495722
+0.843402 0.196654 0.0327016 0.498929
+0.828735 0.251394 -3.72653e-10 0.5
+0.810518 0.305057 -0.0327016 0.498929
+0.788831 0.357415 -0.0652631 0.495722
+0.763766 0.408242 -0.0975452 0.490393
+0.735431 0.45732 -0.12941 0.482963
+0.703946 0.50444 -0.16072 0.473465
+0.669447 0.549401 -0.191342 0.46194
+0.632081 0.592008 -0.221144 0.448436
+0.592008 0.632081 -0.25 0.433013
+0.549401 0.669447 -0.277785 0.415735
+0.50444 0.703946 -0.304381 0.396677
+0.45732 0.735431 -0.329673 0.37592
+0.408241 0.763766 -0.353553 0.353553
+0.357415 0.788831 -0.37592 0.329673
+0.305057 0.810518 -0.396677 0.304381
+0.251394 0.828735 -0.415735 0.277785
+0.196654 0.843402 -0.433013 0.25
+0.141072 0.854458 -0.448436 0.221144
+0.0848852 0.861855 -0.46194 0.191342
+0.0283355 0.865562 -0.473465 0.16072
+-0.0283356 0.865562 -0.482963 0.129409
+-0.0848854 0.861855 -0.490393 0.0975451
+-0.141072 0.854458 -0.495722 0.0652631
+-0.196654 0.843402 -0.498929 0.0327015
+-0.251394 0.828735 -0.5 -8.1833e-08
+-0.305058 0.810518 -0.498929 -0.0327016
+-0.357415 0.788831 -0.495722 -0.0652632
+-0.408241 0.763766 -0.490393 -0.0975451
+-0.45732 0.735431 -0.482963 -0.12941
+-0.504441 0.703946 -0.473465 -0.16072
+-0.549401 0.669447 -0.46194 -0.191342
+-0.592008 0.632081 -0.448436 -0.221144
+-0.632081 0.592008 -0.433013 -0.25
+-0.669447 0.549401 -0.415735 -0.277785
+-0.703946 0.504441 -0.396677 -0.304381
+-0.735431 0.45732 -0.37592 -0.329673
+-0.763766 0.408242 -0.353553 -0.353553
+-0.788831 0.357415 -0.329673 -0.37592
+-0.810518 0.305057 -0.304381 -0.396677
+-0.828735 0.251394 -0.277785 -0.415735
+-0.843402 0.196654 -0.25 -0.433013
+-0.854458 0.141072 -0.221144 -0.448436
+-0.861855 0.0848853 -0.191342 -0.46194
+-0.865562 0.0283356 -0.16072 -0.473465
+0.865562 0.0283356 0.221144 0.448436
+0.861855 0.0848853 0.191342 0.46194
+0.854458 0.141072 0.16072 0.473465
+0.843402 0.196654 0.12941 0.482963
+0.828735 0.251394 0.0975452 0.490393
+0.810518 0.305057 0.0652631 0.495722
+0.788831 0.357415 0.0327016 0.498929
+0.763766 0.408242 -1.05552e-08 0.5
+0.735431 0.45732 -0.0327016 0.498929
+0.703946 0.50444 -0.0652631 0.495722
+0.669447 0.549401 -0.0975452 0.490393
+0.632081 0.592008 -0.12941 0.482963
+0.592008 0.632081 -0.16072 0.473465
+0.549401 0.669447 -0.191342 0.46194
+0.50444 0.703946 -0.221144 0.448436
+0.45732 0.735431 -0.25 0.433013
+0.408241 0.763766 -0.277785 0.415735
+0.357415 0.788831 -0.304381 0.396677
+0.305057 0.810518 -0.329673 0.37592
+0.251394 0.828735 -0.353553 0.353553
+0.196654 0.843402 -0.37592 0.329673
+0.141072 0.854458 -0.396677 0.304381
+0.0848852 0.861855 -0.415735 0.277785
+0.0283355 0.865562 -0.433013 0.25
+-0.0283356 0.865562 -0.448436 0.221144
+-0.0848854 0.861855 -0.46194 0.191342
+-0.141072 0.854458 -0.473465 0.16072
+-0.196654 0.843402 -0.482963 0.129409
+-0.251394 0.828735 -0.490393 0.0975451
+-0.305058 0.810518 -0.495722 0.065263
+-0.357415 0.788831 -0.498929 0.0327015
+-0.408241 0.763766 -0.5 5.69961e-08
+-0.45732 0.735431 -0.498929 -0.0327016
+-0.504441 0.703946 -0.495722 -0.0652631
+-0.549401 0.669447 -0.490393 -0.0975451
+-0.592008 0.632081 -0.482963 -0.12941
+-0.632081 0.592008 -0.473465 -0.16072
+-0.669447 0.549401 -0.46194 -0.191342
+-0.703946 0.504441 -0.448436 -0.221144
+-0.735431 0.45732 -0.433013 -0.25
+-0.763766 0.408242 -0.415735 -0.277785
+-0.788831 0.357415 -0.396677 -0.304381
+-0.810518 0.305057 -0.37592 -0.329673
+-0.828735 0.251394 -0.353553 -0.353553
+-0.843402 0.196654 -0.329673 -0.37592
+-0.854458 0.141072 -0.304381 -0.396677
+-0.861855 0.0848853 -0.277785 -0.415735
+-0.865562 0.0283356 -0.25 -0.433013
+0.88928 0.029112 0.160779 0.427181
+0.885472 0.0872114 0.132496 0.436782
+0.877872 0.144937 0.103646 0.444512
+0.866513 0.202043 0.0743513 0.450339
+0.851444 0.258283 0.0447385 0.454238
+0.832728 0.313417 0.0149342 0.456191
+0.810447 0.367209 -0.0149342 0.456191
+0.784695 0.419428 -0.0447385 0.454238
+0.755583 0.469852 -0.0743513 0.450339
+0.723236 0.518263 -0.103646 0.444512
+0.687791 0.564456 -0.132496 0.436782
+0.649401 0.608231 -0.160779 0.427181
+0.608231 0.649401 -0.188374 0.415751
+0.564456 0.687791 -0.215162 0.40254
+0.518263 0.723236 -0.241029 0.387606
+0.469852 0.755583 -0.265864 0.371012
+0.419428 0.784695 -0.28956 0.352829
+0.367209 0.810447 -0.312016 0.333136
+0.313417 0.832728 -0.333136 0.312016
+0.258283 0.851444 -0.352829 0.28956
+0.202043 0.866513 -0.371012 0.265863
+0.144937 0.877872 -0.387606 0.241029
+0.0872113 0.885472 -0.40254 0.215162
+0.0291119 0.88928 -0.415751 0.188374
+-0.0291121 0.88928 -0.427181 0.160779
+-0.0872115 0.885472 -0.436782 0.132496
+-0.144937 0.877872 -0.444512 0.103646
+-0.202043 0.866513 -0.450339 0.0743512
+-0.258283 0.851444 -0.454238 0.0447384
+-0.313417 0.832728 -0.456191 0.0149341
+-0.367209 0.810447 -0.456191 -0.0149342
+-0.419428 0.784695 -0.454238 -0.0447384
+-0.469852 0.755583 -0.450339 -0.0743513
+-0.518263 0.723236 -0.444512 -0.103646
+-0.564456 0.687791 -0.436782 -0.132496
+-0.608231 0.649401 -0.427181 -0.160779
+-0.649401 0.608231 -0.415751 -0.188374
+-0.687791 0.564456 -0.40254 -0.215162
+-0.723236 0.518263 -0.387606 -0.241029
+-0.755583 0.469852 -0.371012 -0.265863
+-0.784695 0.419428 -0.352829 -0.28956
+-0.810447 0.367209 -0.333136 -0.312016
+-0.832728 0.313417 -0.312016 -0.333136
+-0.851444 0.258283 -0.28956 -0.352829
+-0.866513 0.202043 -0.265863 -0.371012
+-0.877872 0.144937 -0.241029 -0.387606
+-0.885472 0.0872113 -0.215162 -0.40254
+-0.88928 0.0291121 -0.188374 -0.415751
+0.88928 0.029112 0.0743513 0.450339
+0.885472 0.0872114 0.0447385 0.454238
+0.877872 0.144937 0.0149342 0.456191
+0.866513 0.202043 -0.0149342 0.456191
+0.851444 0.258283 -0.0447385 0.454238
+0.832728 0.313417 -0.0743513 0.450339
+0.810447 0.367209 -0.103646 0.444512
+0.784695 0.419428 -0.132496 0.436782
+0.755583 0.469852 -0.160779 0.427181
+0.723236 0.518263 -0.188374 0.415751
+0.687791 0.564456 -0.215162 0.40254
+0.649401 0.608231 -0.241029 0.387606
+0.608231 0.649401 -0.265863 0.371012
+0.564456 0.687791 -0.28956 0.352829
+0.518263 0.723236 -0.312016 0.333136
+0.469852 0.755583 -0.333136 0.312016
+0.419428 0.784695 -0.352829 0.28956
+0.367209 0.810447 -0.371012 0.265863
+0.313417 0.832728 -0.387606 0.241029
+0.258283 0.851444 -0.40254 0.215162
+0.202043 0.866513 -0.415751 0.188374
+0.144937 0.877872 -0.427181 0.160779
+0.0872113 0.885472 -0.436782 0.132496
+0.0291119 0.88928 -0.444512 0.103646
+-0.0291121 0.88928 -0.450339 0.0743512
+-0.0872115 0.885472 -0.454238 0.0447385
+-0.144937 0.877872 -0.456191 0.0149341
+-0.202043 0.866513 -0.456191 -0.0149342
+-0.258283 0.851444 -0.454238 -0.0447386
+-0.313417 0.832728 -0.450339 -0.0743513
+-0.367209 0.810447 -0.444512 -0.103646
+-0.419428 0.784695 -0.436782 -0.132496
+-0.469852 0.755583 -0.427181 -0.160779
+-0.518263 0.723236 -0.415751 -0.188374
+-0.564456 0.687791 -0.40254 -0.215162
+-0.608231 0.649401 -0.387606 -0.241029
+-0.649401 0.608231 -0.371012 -0.265863
+-0.687791 0.564456 -0.352829 -0.28956
+-0.723236 0.518263 -0.333136 -0.312016
+-0.755583 0.469852 -0.312016 -0.333136
+-0.784695 0.419428 -0.28956 -0.352829
+-0.810447 0.367209 -0.265863 -0.371012
+-0.832728 0.313417 -0.241029 -0.387606
+-0.851444 0.258283 -0.215162 -0.40254
+-0.866513 0.202043 -0.188374 -0.415751
+-0.877872 0.144937 -0.160779 -0.427181
+-0.885472 0.0872113 -0.132496 -0.436782
+-0.88928 0.0291121 -0.103646 -0.444512
+0.912382 0.0298683 0.0267007 0.407374
+0.908475 0.089477 -1.11532e-09 0.408248
+0.900678 0.148703 -0.0267007 0.407374
+0.889024 0.207291 -0.0532871 0.404756
+0.873563 0.264992 -0.0796453 0.400404
+0.854361 0.321559 -0.105662 0.394338
+0.831501 0.376748 -0.131227 0.386583
+0.80508 0.430324 -0.15623 0.377172
+0.775212 0.482058 -0.180564 0.366147
+0.742024 0.531727 -0.204124 0.353553
+0.705659 0.579119 -0.226811 0.339446
+0.666272 0.624032 -0.248526 0.323885
+0.624032 0.666272 -0.269177 0.306937
+0.579119 0.705659 -0.288675 0.288675
+0.531727 0.742024 -0.306937 0.269177
+0.482058 0.775212 -0.323885 0.248526
+0.430324 0.80508 -0.339446 0.226811
+0.376748 0.831501 -0.353553 0.204124
+0.321559 0.854361 -0.366147 0.180564
+0.264992 0.873563 -0.377172 0.15623
+0.207291 0.889024 -0.386583 0.131227
+0.148702 0.900678 -0.394338 0.105662
+0.0894769 0.908475 -0.400404 0.0796452
+0.0298682 0.912382 -0.404756 0.0532871
+-0.0298684 0.912382 -0.407374 0.0267007
+-0.0894771 0.908475 -0.408248 -3.41689e-08
+-0.148703 0.900678 -0.407374 -0.0267007
+-0.207291 0.889024 -0.404756 -0.0532871
+-0.264993 0.873563 -0.400404 -0.0796454
+-0.321559 0.854361 -0.394338 -0.105662
+-0.376748 0.831501 -0.386583 -0.131227
+-0.430324 0.80508 -0.377172 -0.15623
+-0.482058 0.775212 -0.366147 -0.180564
+-0.531727 0.742024 -0.353553 -0.204124
+-0.579119 0.705659 -0.339446 -0.226811
+-0.624032 0.666272 -0.323885 -0.248526
+-0.666272 0.624032 -0.306937 -0.269177
+-0.705659 0.579119 -0.288675 -0.288675
+-0.742024 0.531727 -0.269177 -0.306937
+-0.775212 0.482058 -0.248526 -0.323885
+-0.80508 0.430324 -0.226811 -0.339446
+-0.831501 0.376748 -0.204124 -0.353553
+-0.854361 0.321559 -0.180564 -0.366147
+-0.873563 0.264992 -0.15623 -0.377172
+-0.889024 0.207291 -0.131227 -0.386583
+-0.900678 0.148703 -0.105662 -0.394338
+-0.908475 0.089477 -0.0796453 -0.400404
+-0.912382 0.0298684 -0.0532871 -0.404756
+0.912382 0.0298683 0.105662 0.394338
+0.908475 0.089477 0.0796453 0.400404
+0.900678 0.148703 0.0532871 0.404756
+0.889024 0.207291 0.0267007 0.407374
+0.873563 0.264992 -3.0427e-10 0.408248
+0.854361 0.321559 -0.0267007 0.407374
+0.831501 0.376748 -0.0532871 0.404756
+0.80508 0.430324 -0.0796453 0.400404
+0.775212 0.482058 -0.105662 0.394338
+0.742024 0.531727 -0.131227 0.386583
+0.705659 0.579119 -0.15623 0.377172
+0.666272 0.624032 -0.180564 0.366147
+0.624032 0.666272 -0.204124 0.353553
+0.579119 0.705659 -0.226811 0.339446
+0.531727 0.742024 -0.248526 0.323885
+0.482058 0.775212 -0.269177 0.306937
+0.430324 0.80508 -0.288675 0.288675
+0.376748 0.831501 -0.306937 0.269177
+0.321559 0.854361 -0.323885 0.248526
+0.264992 0.873563 -0.339446 0.226811
+0.207291 0.889024 -0.353553 0.204124
+0.148702 0.900678 -0.366147 0.180564
+0.0894769 0.908475 -0.377172 0.15623
+0.0298682 0.912382 -0.386583 0.131227
+-0.0298684 0.912382 -0.394338 0.105662
+-0.0894771 0.908475 -0.400404 0.0796453
+-0.148703 0.900678 -0.404756 0.0532871
+-0.207291 0.889024 -0.407374 0.0267007
+-0.264993 0.873563 -0.408248 -6.68164e-08
+-0.321559 0.854361 -0.407374 -0.0267008
+-0.376748 0.831501 -0.404756 -0.0532872
+-0.430324 0.80508 -0.400404 -0.0796452
+-0.482058 0.775212 -0.394338 -0.105662
+-0.531727 0.742024 -0.386583 -0.131227
+-0.579119 0.705659 -0.377172 -0.15623
+-0.624032 0.666272 -0.366147 -0.180564
+-0.666272 0.624032 -0.353553 -0.204124
+-0.705659 0.579119 -0.339446 -0.226811
+-0.742024 0.531727 -0.323885 -0.248526
+-0.775212 0.482058 -0.306937 -0.269177
+-0.80508 0.430324 -0.288675 -0.288675
+-0.831501 0.376748 -0.269177 -0.306937
+-0.854361 0.321559 -0.248526 -0.323885
+-0.873563 0.264992 -0.226811 -0.339446
+-0.889024 0.207291 -0.204124 -0.353553
+-0.900678 0.148703 -0.180564 -0.366147
+-0.908475 0.089477 -0.15623 -0.377172
+-0.912382 0.0298684 -0.131227 -0.386583
+0.933521 0.0305603 0.0283599 0.35609
+0.929524 0.0915501 0.0050098 0.357182
+0.921546 0.152148 -0.0183618 0.356745
+0.909622 0.212094 -0.0416547 0.35478
+0.893803 0.271132 -0.0647692 0.351296
+0.874156 0.329009 -0.0876064 0.346308
+0.850766 0.385477 -0.110069 0.339837
+0.823733 0.440295 -0.132059 0.33191
+0.793173 0.493227 -0.153484 0.322563
+0.759216 0.544047 -0.174252 0.311834
+0.722008 0.592537 -0.194274 0.299769
+0.681709 0.63849 -0.213464 0.286421
+0.63849 0.681709 -0.23174 0.271847
+0.592537 0.722008 -0.249023 0.256108
+0.544047 0.759216 -0.265241 0.239273
+0.493227 0.793173 -0.280322 0.221413
+0.440295 0.823733 -0.294203 0.202605
+0.385477 0.850766 -0.306824 0.18293
+0.329009 0.874156 -0.318131 0.162471
+0.271132 0.893803 -0.328076 0.141316
+0.212094 0.909622 -0.336616 0.119556
+0.152148 0.921546 -0.343715 0.0972846
+0.09155 0.929524 -0.349342 0.0745963
+0.0305602 0.933521 -0.353472 0.0515885
+-0.0305604 0.933521 -0.35609 0.0283599
+-0.0915502 0.929524 -0.357182 0.00500977
+-0.152148 0.921546 -0.356745 -0.0183618
+-0.212094 0.909622 -0.35478 -0.0416547
+-0.271132 0.893803 -0.351296 -0.0647693
+-0.329009 0.874156 -0.346308 -0.0876065
+-0.385477 0.850766 -0.339837 -0.110069
+-0.440295 0.823733 -0.33191 -0.132059
+-0.493227 0.793173 -0.322563 -0.153484
+-0.544047 0.759216 -0.311834 -0.174252
+-0.592537 0.722008 -0.299769 -0.194274
+-0.63849 0.681709 -0.286421 -0.213464
+-0.681709 0.63849 -0.271847 -0.23174
+-0.722008 0.592537 -0.256108 -0.249023
+-0.759216 0.544047 -0.239273 -0.265241
+-0.793173 0.493227 -0.221413 -0.280322
+-0.823733 0.440295 -0.202605 -0.294203
+-0.850766 0.385477 -0.18293 -0.306824
+-0.874156 0.329009 -0.162471 -0.318131
+-0.893803 0.271132 -0.141316 -0.328076
+-0.909622 0.212094 -0.119556 -0.336616
+-0.921546 0.152148 -0.0972846 -0.343715
+-0.929524 0.0915501 -0.0745963 -0.349342
+-0.933521 0.0305604 -0.0515886 -0.353472
+0.88928 0.029112 0.241029 0.387606
+0.885472 0.0872114 0.215162 0.40254
+0.877872 0.144937 0.188374 0.415751
+0.866513 0.202043 0.160779 0.427181
+0.851444 0.258283 0.132496 0.436782
+0.832728 0.313417 0.103646 0.444512
+0.810447 0.367209 0.0743513 0.450339
+0.784695 0.419428 0.0447385 0.454238
+0.755583 0.469852 0.0149341 0.456191
+0.723236 0.518263 -0.0149341 0.456191
+0.687791 0.564456 -0.0447385 0.454238
+0.649401 0.608231 -0.0743513 0.450339
+0.608231 0.649401 -0.103646 0.444512
+0.564456 0.687791 -0.132496 0.436782
+0.518263 0.723236 -0.160779 0.427181
+0.469852 0.755583 -0.188374 0.415751
+0.419428 0.784695 -0.215162 0.40254
+0.367209 0.810447 -0.241029 0.387606
+0.313417 0.832728 -0.265863 0.371012
+0.258283 0.851444 -0.28956 0.352829
+0.202043 0.866513 -0.312016 0.333136
+0.144937 0.877872 -0.333136 0.312016
+0.0872113 0.885472 -0.352829 0.28956
+0.0291119 0.88928 -0.371012 0.265863
+-0.0291121 0.88928 -0.387606 0.241029
+-0.0872115 0.885472 -0.40254 0.215162
+-0.144937 0.877872 -0.415751 0.188374
+-0.202043 0.866513 -0.427181 0.160779
+-0.258283 0.851444 -0.436782 0.132496
+-0.313417 0.832728 -0.444512 0.103646
+-0.367209 0.810447 -0.450339 0.0743512
+-0.419428 0.784695 -0.454238 0.0447386
+-0.469852 0.755583 -0.456191 0.0149342
+-0.518263 0.723236 -0.456191 -0.0149342
+-0.564456 0.687791 -0.454238 -0.0447385
+-0.608231 0.649401 -0.450339 -0.0743513
+-0.649401 0.608231 -0.444512 -0.103646
+-0.687791 0.564456 -0.436782 -0.132496
+-0.723236 0.518263 -0.427181 -0.160779
+-0.755583 0.469852 -0.415751 -0.188374
+-0.784695 0.419428 -0.40254 -0.215162
+-0.810447 0.367209 -0.387606 -0.241029
+-0.832728 0.313417 -0.371012 -0.265864
+-0.851444 0.258283 -0.352829 -0.28956
+-0.866513 0.202043 -0.333136 -0.312016
+-0.877872 0.144937 -0.312016 -0.333136
+-0.885472 0.0872113 -0.28956 -0.352829
+-0.88928 0.0291121 -0.265864 -0.371012
+0.912382 0.0298683 0.180564 0.366147
+0.908475 0.089477 0.15623 0.377172
+0.900678 0.148703 0.131227 0.386583
+0.889024 0.207291 0.105662 0.394338
+0.873563 0.264992 0.0796453 0.400404
+0.854361 0.321559 0.0532871 0.404756
+0.831501 0.376748 0.0267007 0.407374
+0.80508 0.430324 -8.61828e-09 0.408248
+0.775212 0.482058 -0.0267007 0.407374
+0.742024 0.531727 -0.0532871 0.404756
+0.705659 0.579119 -0.0796453 0.400404
+0.666272 0.624032 -0.105662 0.394338
+0.624032 0.666272 -0.131227 0.386583
+0.579119 0.705659 -0.15623 0.377172
+0.531727 0.742024 -0.180564 0.366147
+0.482058 0.775212 -0.204124 0.353553
+0.430324 0.80508 -0.226811 0.339446
+0.376748 0.831501 -0.248526 0.323885
+0.321559 0.854361 -0.269177 0.306937
+0.264992 0.873563 -0.288675 0.288675
+0.207291 0.889024 -0.306937 0.269177
+0.148702 0.900678 -0.323885 0.248526
+0.0894769 0.908475 -0.339446 0.226811
+0.0298682 0.912382 -0.353553 0.204124
+-0.0298684 0.912382 -0.366147 0.180564
+-0.0894771 0.908475 -0.377172 0.15623
+-0.148703 0.900678 -0.386583 0.131227
+-0.207291 0.889024 -0.394338 0.105662
+-0.264993 0.873563 -0.400404 0.0796452
+-0.321559 0.854361 -0.404756 0.053287
+-0.376748 0.831501 -0.407374 0.0267007
+-0.430324 0.80508 -0.408248 4.65371e-08
+-0.482058 0.775212 -0.407374 -0.0267007
+-0.531727 0.742024 -0.404756 -0.0532871
+-0.579119 0.705659 -0.400404 -0.0796453
+-0.624032 0.666272 -0.394338 -0.105662
+-0.666272 0.624032 -0.386583 -0.131227
+-0.705659 0.579119 -0.377172 -0.15623
+-0.742024 0.531727 -0.366147 -0.180564
+-0.775212 0.482058 -0.353553 -0.204124
+-0.80508 0.430324 -0.339446 -0.226811
+-0.831501 0.376748 -0.323885 -0.248526
+-0.854361 0.321559 -0.306937 -0.269177
+-0.873563 0.264992 -0.288675 -0.288675
+-0.889024 0.207291 -0.269177 -0.306937
+-0.900678 0.148703 -0.248526 -0.323885
+-0.908475 0.089477 -0.226811 -0.339446
+-0.912382 0.0298684 -0.204124 -0.353553
+0.912382 0.0298683 0.248526 0.323885
+0.908475 0.089477 0.226811 0.339446
+0.900678 0.148703 0.204124 0.353553
+0.889024 0.207291 0.180564 0.366147
+0.873563 0.264992 0.15623 0.377172
+0.854361 0.321559 0.131227 0.386583
+0.831501 0.376748 0.105662 0.394338
+0.80508 0.430324 0.0796453 0.400404
+0.775212 0.482058 0.0532871 0.404756
+0.742024 0.531727 0.0267007 0.407374
+0.705659 0.579119 7.4012e-09 0.408248
+0.666272 0.624032 -0.0267007 0.407374
+0.624032 0.666272 -0.0532871 0.404756
+0.579119 0.705659 -0.0796453 0.400404
+0.531727 0.742024 -0.105662 0.394338
+0.482058 0.775212 -0.131227 0.386583
+0.430324 0.80508 -0.15623 0.377172
+0.376748 0.831501 -0.180564 0.366147
+0.321559 0.854361 -0.204124 0.353553
+0.264992 0.873563 -0.226811 0.339446
+0.207291 0.889024 -0.248526 0.323885
+0.148702 0.900678 -0.269177 0.306937
+0.0894769 0.908475 -0.288675 0.288675
+0.0298682 0.912382 -0.306937 0.269177
+-0.0298684 0.912382 -0.323885 0.248526
+-0.0894771 0.908475 -0.339446 0.226811
+-0.148703 0.900678 -0.353553 0.204124
+-0.207291 0.889024 -0.366147 0.180564
+-0.264993 0.873563 -0.377172 0.15623
+-0.321559 0.854361 -0.386583 0.131227
+-0.376748 0.831501 -0.394338 0.105662
+-0.430324 0.80508 -0.400404 0.0796453
+-0.482058 0.775212 -0.404756 0.0532871
+-0.531727 0.742024 -0.407374 0.0267007
+-0.579119 0.705659 -0.408248 1.38896e-08
+-0.624032 0.666272 -0.407374 -0.0267007
+-0.666272 0.624032 -0.404756 -0.0532871
+-0.705659 0.579119 -0.400404 -0.0796453
+-0.742024 0.531727 -0.394338 -0.105662
+-0.775212 0.482058 -0.386583 -0.131227
+-0.80508 0.430324 -0.377172 -0.15623
+-0.831501 0.376748 -0.366147 -0.180564
+-0.854361 0.321559 -0.353553 -0.204124
+-0.873563 0.264992 -0.339446 -0.226811
+-0.889024 0.207291 -0.323885 -0.248526
+-0.900678 0.148703 -0.306937 -0.269177
+-0.908475 0.089477 -0.288675 -0.288675
+-0.912382 0.0298684 -0.269177 -0.306937
+0.933521 0.0305603 0.180053 0.308521
+0.929524 0.0915501 0.159489 0.319636
+0.921546 0.152148 0.138242 0.329383
+0.909622 0.212094 0.116404 0.337719
+0.893803 0.271132 0.0940667 0.344609
+0.874156 0.329009 0.0713268 0.350024
+0.850766 0.385477 0.0482814 0.353939
+0.823733 0.440295 0.0250293 0.356339
+0.793173 0.493227 0.00166998 0.357213
+0.759216 0.544047 -0.0216965 0.356558
+0.722008 0.592537 -0.04497 0.354375
+0.681709 0.63849 -0.068051 0.350675
+0.63849 0.681709 -0.0908405 0.345474
+0.592537 0.722008 -0.113241 0.338793
+0.544047 0.759216 -0.135157 0.330661
+0.493227 0.793173 -0.156494 0.321114
+0.440295 0.823733 -0.17716 0.310191
+0.385477 0.850766 -0.197069 0.29794
+0.329009 0.874156 -0.216133 0.284413
+0.271132 0.893803 -0.234272 0.269668
+0.212094 0.909622 -0.251407 0.253769
+0.152148 0.921546 -0.267466 0.236783
+0.09155 0.929524 -0.28238 0.218783
+0.0305602 0.933521 -0.296084 0.199846
+-0.0305604 0.933521 -0.308521 0.180053
+-0.0915502 0.929524 -0.319636 0.159489
+-0.152148 0.921546 -0.329383 0.138242
+-0.212094 0.909622 -0.337719 0.116404
+-0.271132 0.893803 -0.344609 0.0940666
+-0.329009 0.874156 -0.350024 0.0713267
+-0.385477 0.850766 -0.353939 0.0482813
+-0.440295 0.823733 -0.356339 0.0250293
+-0.493227 0.793173 -0.357213 0.00166998
+-0.544047 0.759216 -0.356558 -0.0216965
+-0.592537 0.722008 -0.354375 -0.04497
+-0.63849 0.681709 -0.350675 -0.068051
+-0.681709 0.63849 -0.345474 -0.0908405
+-0.722008 0.592537 -0.338793 -0.113241
+-0.759216 0.544047 -0.330661 -0.135157
+-0.793173 0.493227 -0.321114 -0.156494
+-0.823733 0.440295 -0.310191 -0.17716
+-0.850766 0.385477 -0.29794 -0.197069
+-0.874156 0.329009 -0.284413 -0.216133
+-0.893803 0.271132 -0.269668 -0.234272
+-0.909622 0.212094 -0.253769 -0.251407
+-0.921546 0.152148 -0.236783 -0.267466
+-0.929524 0.0915501 -0.218783 -0.28238
+-0.933521 0.0305604 -0.199846 -0.296084
+0.933521 0.0305603 0.106886 0.340851
+0.929524 0.0915501 0.0843647 0.347112
+0.921546 0.152148 0.0614818 0.351887
+0.909622 0.212094 0.0383357 0.355154
+0.893803 0.271132 0.0150254 0.356901
+0.874156 0.329009 -0.00834917 0.35712
+0.850766 0.385477 -0.031688 0.355809
+0.823733 0.440295 -0.0548912 0.352975
+0.793173 0.493227 -0.0778593 0.348629
+0.759216 0.544047 -0.100494 0.34279
+0.722008 0.592537 -0.122698 0.335484
+0.681709 0.63849 -0.144377 0.32674
+0.63849 0.681709 -0.165438 0.316598
+0.592537 0.722008 -0.18579 0.3051
+0.544047 0.759216 -0.205347 0.292296
+0.493227 0.793173 -0.224025 0.278239
+0.440295 0.823733 -0.241743 0.262992
+0.385477 0.850766 -0.258426 0.246618
+0.329009 0.874156 -0.274002 0.229188
+0.271132 0.893803 -0.288405 0.210777
+0.212094 0.909622 -0.301573 0.191463
+0.152148 0.921546 -0.313449 0.171329
+0.09155 0.929524 -0.323984 0.150462
+0.0305602 0.933521 -0.333131 0.12895
+-0.0305604 0.933521 -0.340851 0.106886
+-0.0915502 0.929524 -0.347112 0.0843647
+-0.152148 0.921546 -0.351887 0.0614818
+-0.212094 0.909622 -0.355154 0.0383357
+-0.271132 0.893803 -0.356901 0.0150254
+-0.329009 0.874156 -0.35712 -0.00834923
+-0.385477 0.850766 -0.355809 -0.0316881
+-0.440295 0.823733 -0.352975 -0.0548912
+-0.493227 0.793173 -0.348629 -0.0778593
+-0.544047 0.759216 -0.34279 -0.100494
+-0.592537 0.722008 -0.335484 -0.122698
+-0.63849 0.681709 -0.32674 -0.144377
+-0.681709 0.63849 -0.316598 -0.165438
+-0.722008 0.592537 -0.3051 -0.18579
+-0.759216 0.544047 -0.292296 -0.205347
+-0.793173 0.493227 -0.278239 -0.224025
+-0.823733 0.440295 -0.262992 -0.241743
+-0.850766 0.385477 -0.246618 -0.258425
+-0.874156 0.329009 -0.229188 -0.274002
+-0.893803 0.271132 -0.210777 -0.288405
+-0.909622 0.212094 -0.191463 -0.301573
+-0.921546 0.152148 -0.171329 -0.313449
+-0.929524 0.0915501 -0.150462 -0.323984
+-0.933521 0.0305604 -0.12895 -0.333131
+0.951462 0.0311476 0.0300115 0.304712
+0.947388 0.0933095 0.0100181 0.306022
+0.939256 0.155072 -0.0100181 0.306022
+0.927103 0.21617 -0.0300115 0.304712
+0.91098 0.276343 -0.0498763 0.302097
+0.890956 0.335332 -0.0695276 0.298188
+0.867117 0.392885 -0.0888812 0.293002
+0.839564 0.448756 -0.107854 0.286561
+0.808416 0.502706 -0.126365 0.278894
+0.773807 0.554502 -0.144335 0.270032
+0.735884 0.603924 -0.161687 0.260014
+0.69481 0.650761 -0.178347 0.248882
+0.65076 0.69481 -0.194242 0.236685
+0.603924 0.735884 -0.209307 0.223474
+0.554502 0.773807 -0.223474 0.209307
+0.502706 0.808416 -0.236685 0.194242
+0.448756 0.839564 -0.248882 0.178347
+0.392885 0.867117 -0.260014 0.161687
+0.335332 0.890956 -0.270032 0.144335
+0.276343 0.91098 -0.278894 0.126365
+0.21617 0.927103 -0.286561 0.107854
+0.155072 0.939256 -0.293002 0.0888811
+0.0933094 0.947388 -0.298188 0.0695276
+0.0311475 0.951462 -0.302097 0.0498763
+-0.0311477 0.951462 -0.304712 0.0300115
+-0.0933096 0.947388 -0.306022 0.0100181
+-0.155072 0.939256 -0.306022 -0.0100182
+-0.21617 0.927103 -0.304712 -0.0300115
+-0.276343 0.91098 -0.302097 -0.0498764
+-0.335332 0.890956 -0.298188 -0.0695277
+-0.392886 0.867116 -0.293002 -0.0888812
+-0.448756 0.839564 -0.286562 -0.107854
+-0.502706 0.808416 -0.278894 -0.126365
+-0.554502 0.773807 -0.270032 -0.144335
+-0.603924 0.735884 -0.260014 -0.161687
+-0.650761 0.69481 -0.248882 -0.178347
+-0.69481 0.650761 -0.236685 -0.194242
+-0.735884 0.603924 -0.223474 -0.209307
+-0.773807 0.554502 -0.209307 -0.223474
+-0.808416 0.502706 -0.194242 -0.236685
+-0.839564 0.448756 -0.178347 -0.248882
+-0.867117 0.392885 -0.161687 -0.260014
+-0.890956 0.335332 -0.144335 -0.270032
+-0.91098 0.276343 -0.126365 -0.278894
+-0.927103 0.21617 -0.107854 -0.286562
+-0.939256 0.155072 -0.0888812 -0.293002
+-0.947388 0.0933095 -0.0695276 -0.298188
+-0.951462 0.0311477 -0.0498764 -0.302097
+0.951462 0.0311476 0.107854 0.286561
+0.947388 0.0933095 0.0888812 0.293002
+0.939256 0.155072 0.0695276 0.298188
+0.927103 0.21617 0.0498763 0.302097
+0.91098 0.276343 0.0300115 0.304712
+0.890956 0.335332 0.0100181 0.306022
+0.867117 0.392885 -0.0100181 0.306022
+0.839564 0.448756 -0.0300115 0.304712
+0.808416 0.502706 -0.0498764 0.302097
+0.773807 0.554502 -0.0695276 0.298188
+0.735884 0.603924 -0.0888812 0.293002
+0.69481 0.650761 -0.107854 0.286561
+0.65076 0.69481 -0.126365 0.278894
+0.603924 0.735884 -0.144335 0.270032
+0.554502 0.773807 -0.161687 0.260014
+0.502706 0.808416 -0.178347 0.248882
+0.448756 0.839564 -0.194242 0.236685
+0.392885 0.867117 -0.209307 0.223474
+0.335332 0.890956 -0.223474 0.209307
+0.276343 0.91098 -0.236685 0.194242
+0.21617 0.927103 -0.248882 0.178347
+0.155072 0.939256 -0.260014 0.161687
+0.0933094 0.947388 -0.270032 0.144335
+0.0311475 0.951462 -0.278894 0.126365
+-0.0311477 0.951462 -0.286562 0.107854
+-0.0933096 0.947388 -0.293002 0.0888811
+-0.155072 0.939256 -0.298188 0.0695276
+-0.21617 0.927103 -0.302097 0.0498763
+-0.276343 0.91098 -0.304712 0.0300114
+-0.335332 0.890956 -0.306022 0.0100181
+-0.392886 0.867116 -0.306022 -0.0100182
+-0.448756 0.839564 -0.304712 -0.0300115
+-0.502706 0.808416 -0.302097 -0.0498763
+-0.554502 0.773807 -0.298188 -0.0695277
+-0.603924 0.735884 -0.293002 -0.0888812
+-0.650761 0.69481 -0.286561 -0.107854
+-0.69481 0.650761 -0.278894 -0.126365
+-0.735884 0.603924 -0.270032 -0.144335
+-0.773807 0.554502 -0.260014 -0.161687
+-0.808416 0.502706 -0.248882 -0.178347
+-0.839564 0.448756 -0.236685 -0.194242
+-0.867117 0.392885 -0.223474 -0.209307
+-0.890956 0.335332 -0.209307 -0.223474
+-0.91098 0.276343 -0.194242 -0.236685
+-0.927103 0.21617 -0.178347 -0.248882
+-0.939256 0.155072 -0.161687 -0.260014
+-0.947388 0.0933095 -0.144335 -0.270032
+-0.951462 0.0311477 -0.126365 -0.278894
+0.966382 0.0316361 0.031648 0.253185
+0.962244 0.0947728 0.0150212 0.254713
+0.953986 0.157504 -0.00166997 0.25515
+0.941642 0.21956 -0.018354 0.254494
+0.925266 0.280676 -0.0349594 0.252749
+0.904928 0.340591 -0.0514151 0.249921
+0.880714 0.399046 -0.0676507 0.246023
+0.85273 0.455794 -0.0835965 0.241072
+0.821094 0.510589 -0.0991844 0.235089
+0.785942 0.563198 -0.114348 0.228098
+0.747424 0.613395 -0.129021 0.220131
+0.705706 0.660965 -0.143142 0.211221
+0.660965 0.705706 -0.15665 0.201407
+0.613395 0.747424 -0.169487 0.190731
+0.563198 0.785942 -0.181599 0.179237
+0.510589 0.821094 -0.192933 0.166976
+0.455793 0.85273 -0.203441 0.154
+0.399046 0.880714 -0.213077 0.140365
+0.340591 0.904928 -0.221801 0.126129
+0.280676 0.925266 -0.229575 0.111352
+0.21956 0.941642 -0.236367 0.0960987
+0.157504 0.953986 -0.242146 0.0804338
+0.0947727 0.962244 -0.246888 0.0644245
+0.031636 0.966382 -0.250573 0.0481393
+-0.0316362 0.966382 -0.253185 0.031648
+-0.0947729 0.962244 -0.254713 0.0150212
+-0.157504 0.953986 -0.25515 -0.00166999
+-0.21956 0.941642 -0.254494 -0.018354
+-0.280676 0.925266 -0.252749 -0.0349595
+-0.340591 0.904927 -0.249921 -0.0514152
+-0.399047 0.880714 -0.246023 -0.0676507
+-0.455793 0.85273 -0.241072 -0.0835965
+-0.510589 0.821094 -0.235089 -0.0991844
+-0.563198 0.785941 -0.228098 -0.114348
+-0.613395 0.747424 -0.220131 -0.129021
+-0.660966 0.705706 -0.211221 -0.143142
+-0.705706 0.660966 -0.201407 -0.15665
+-0.747424 0.613395 -0.190731 -0.169487
+-0.785942 0.563198 -0.179237 -0.181599
+-0.821094 0.510589 -0.166976 -0.192933
+-0.85273 0.455794 -0.154 -0.20344
+-0.880714 0.399046 -0.140365 -0.213077
+-0.904928 0.340591 -0.126129 -0.221801
+-0.925266 0.280676 -0.111352 -0.229575
+-0.941642 0.21956 -0.0960987 -0.236367
+-0.953986 0.157504 -0.0804339 -0.242146
+-0.962244 0.0947727 -0.0644245 -0.246888
+-0.966382 0.0316362 -0.0481394 -0.250573
+0.841175 0.0275372 0.491923 0.222887
+0.837573 0.0824937 0.476292 0.254583
+0.830384 0.137097 0.458622 0.285189
+0.81964 0.191113 0.438987 0.314574
+0.805385 0.244311 0.417473 0.342612
+0.787682 0.296463 0.394172 0.369182
+0.766606 0.347345 0.369182 0.394172
+0.742247 0.396739 0.342612 0.417473
+0.71471 0.444435 0.314574 0.438987
+0.684112 0.490228 0.285189 0.458622
+0.650585 0.533921 0.254583 0.476292
+0.614272 0.575329 0.222887 0.491923
+0.575329 0.614272 0.190237 0.505447
+0.533922 0.650585 0.156772 0.516807
+0.490228 0.684112 0.122635 0.525954
+0.444435 0.71471 0.0879736 0.532848
+0.396739 0.742247 0.0529353 0.537461
+0.347345 0.766606 0.0176703 0.539773
+0.296463 0.787682 -0.0176704 0.539773
+0.244311 0.805385 -0.0529353 0.537461
+0.191113 0.81964 -0.0879736 0.532848
+0.137097 0.830384 -0.122635 0.525954
+0.0824936 0.837573 -0.156772 0.516807
+0.0275371 0.841175 -0.190237 0.505447
+-0.0275373 0.841175 -0.222887 0.491923
+-0.0824938 0.837573 -0.254583 0.476292
+-0.137097 0.830384 -0.285189 0.458622
+-0.191113 0.81964 -0.314574 0.438987
+-0.244311 0.805385 -0.342612 0.417473
+-0.296463 0.787682 -0.369182 0.394172
+-0.347345 0.766606 -0.394172 0.369182
+-0.396739 0.742247 -0.417473 0.342612
+-0.444435 0.71471 -0.438987 0.314574
+-0.490228 0.684112 -0.458622 0.285189
+-0.533921 0.650585 -0.476292 0.254583
+-0.575329 0.614272 -0.491923 0.222887
+-0.614272 0.575329 -0.505447 0.190237
+-0.650585 0.533921 -0.516807 0.156772
+-0.684112 0.490228 -0.525954 0.122635
+-0.71471 0.444435 -0.532848 0.0879736
+-0.742247 0.39674 -0.537461 0.0529354
+-0.766606 0.347345 -0.539773 0.0176703
+-0.787682 0.296463 -0.539773 -0.0176704
+-0.805385 0.244311 -0.537461 -0.0529353
+-0.81964 0.191113 -0.532848 -0.0879736
+-0.830384 0.137097 -0.525954 -0.122635
+-0.837573 0.0824937 -0.516807 -0.156772
+-0.841175 0.0275373 -0.505447 -0.190237
+0.865562 0.0283356 0.433013 0.25
+0.861855 0.0848853 0.415735 0.277785
+0.854458 0.141072 0.396677 0.304381
+0.843402 0.196654 0.37592 0.329673
+0.828735 0.251394 0.353553 0.353553
+0.810518 0.305057 0.329673 0.37592
+0.788831 0.357415 0.304381 0.396677
+0.763766 0.408242 0.277785 0.415735
+0.735431 0.45732 0.25 0.433013
+0.703946 0.50444 0.221144 0.448436
+0.669447 0.549401 0.191342 0.46194
+0.632081 0.592008 0.16072 0.473465
+0.592008 0.632081 0.12941 0.482963
+0.549401 0.669447 0.0975452 0.490393
+0.50444 0.703946 0.0652631 0.495722
+0.45732 0.735431 0.0327015 0.498929
+0.408241 0.763766 -4.11028e-08 0.5
+0.357415 0.788831 -0.0327016 0.498929
+0.305057 0.810518 -0.0652631 0.495722
+0.251394 0.828735 -0.0975452 0.490393
+0.196654 0.843402 -0.12941 0.482963
+0.141072 0.854458 -0.16072 0.473465
+0.0848852 0.861855 -0.191342 0.46194
+0.0283355 0.865562 -0.221144 0.448436
+-0.0283356 0.865562 -0.25 0.433013
+-0.0848854 0.861855 -0.277785 0.415735
+-0.141072 0.854458 -0.304381 0.396677
+-0.196654 0.843402 -0.329673 0.37592
+-0.251394 0.828735 -0.353553 0.353553
+-0.305058 0.810518 -0.37592 0.329673
+-0.357415 0.788831 -0.396677 0.304381
+-0.408241 0.763766 -0.415735 0.277785
+-0.45732 0.735431 -0.433013 0.25
+-0.504441 0.703946 -0.448436 0.221144
+-0.549401 0.669447 -0.46194 0.191342
+-0.592008 0.632081 -0.473465 0.16072
+-0.632081 0.592008 -0.482963 0.12941
+-0.669447 0.549401 -0.490393 0.0975451
+-0.703946 0.504441 -0.495722 0.0652631
+-0.735431 0.45732 -0.498929 0.0327016
+-0.763766 0.408242 -0.5 5.62508e-08
+-0.788831 0.357415 -0.498929 -0.0327016
+-0.810518 0.305057 -0.495722 -0.0652631
+-0.828735 0.251394 -0.490393 -0.0975451
+-0.843402 0.196654 -0.482963 -0.12941
+-0.854458 0.141072 -0.473465 -0.16072
+-0.861855 0.0848853 -0.46194 -0.191342
+-0.865562 0.0283356 -0.448436 -0.221144
+0.865562 0.0283356 0.473465 0.16072
+0.861855 0.0848853 0.46194 0.191342
+0.854458 0.141072 0.448436 0.221144
+0.843402 0.196654 0.433013 0.25
+0.828735 0.251394 0.415735 0.277785
+0.810518 0.305057 0.396677 0.304381
+0.788831 0.357415 0.37592 0.329673
+0.763766 0.408242 0.353553 0.353553
+0.735431 0.45732 0.329673 0.37592
+0.703946 0.50444 0.304381 0.396677
+0.669447 0.549401 0.277785 0.415735
+0.632081 0.592008 0.25 0.433013
+0.592008 0.632081 0.221144 0.448436
+0.549401 0.669447 0.191342 0.46194
+0.50444 0.703946 0.16072 0.473465
+0.45732 0.735431 0.129409 0.482963
+0.408241 0.763766 0.0975451 0.490393
+0.357415 0.788831 0.0652631 0.495722
+0.305057 0.810518 0.0327015 0.498929
+0.251394 0.828735 -2.1483e-08 0.5
+0.196654 0.843402 -0.0327016 0.498929
+0.141072 0.854458 -0.0652632 0.495722
+0.0848852 0.861855 -0.0975452 0.490393
+0.0283355 0.865562 -0.12941 0.482963
+-0.0283356 0.865562 -0.16072 0.473465
+-0.0848854 0.861855 -0.191342 0.46194
+-0.141072 0.854458 -0.221144 0.448436
+-0.196654 0.843402 -0.25 0.433013
+-0.251394 0.828735 -0.277785 0.415735
+-0.305058 0.810518 -0.304381 0.396677
+-0.357415 0.788831 -0.329673 0.37592
+-0.408241 0.763766 -0.353553 0.353553
+-0.45732 0.735431 -0.37592 0.329673
+-0.504441 0.703946 -0.396677 0.304381
+-0.549401 0.669447 -0.415735 0.277785
+-0.592008 0.632081 -0.433013 0.25
+-0.632081 0.592008 -0.448436 0.221144
+-0.669447 0.549401 -0.46194 0.191342
+-0.703946 0.504441 -0.473465 0.16072
+-0.735431 0.45732 -0.482963 0.12941
+-0.763766 0.408242 -0.490393 0.0975452
+-0.788831 0.357415 -0.495722 0.0652631
+-0.810518 0.305057 -0.498929 0.0327015
+-0.828735 0.251394 -0.5 1.62659e-08
+-0.843402 0.196654 -0.498929 -0.0327016
+-0.854458 0.141072 -0.495722 -0.0652631
+-0.861855 0.0848853 -0.490393 -0.0975452
+-0.865562 0.0283356 -0.482963 -0.129409
+0.88928 0.029112 0.415751 0.188374
+0.885472 0.0872114 0.40254 0.215162
+0.877872 0.144937 0.387606 0.241029
+0.866513 0.202043 0.371012 0.265863
+0.851444 0.258283 0.352829 0.28956
+0.832728 0.313417 0.333136 0.312016
+0.810447 0.367209 0.312016 0.333136
+0.784695 0.419428 0.28956 0.352829
+0.755583 0.469852 0.265863 0.371012
+0.723236 0.518263 0.241029 0.387606
+0.687791 0.564456 0.215162 0.40254
+0.649401 0.608231 0.188374 0.415751
+0.608231 0.649401 0.160779 0.427181
+0.564456 0.687791 0.132496 0.436782
+0.518263 0.723236 0.103646 0.444512
+0.469852 0.755583 0.0743512 0.450339
+0.419428 0.784695 0.0447385 0.454238
+0.367209 0.810447 0.0149341 0.456191
+0.313417 0.832728 -0.0149342 0.456191
+0.258283 0.851444 -0.0447385 0.454238
+0.202043 0.866513 -0.0743513 0.450339
+0.144937 0.877872 -0.103646 0.444512
+0.0872113 0.885472 -0.132496 0.436781
+0.0291119 0.88928 -0.160779 0.427181
+-0.0291121 0.88928 -0.188374 0.415751
+-0.0872115 0.885472 -0.215162 0.40254
+-0.144937 0.877872 -0.241029 0.387606
+-0.202043 0.866513 -0.265863 0.371012
+-0.258283 0.851444 -0.28956 0.352829
+-0.313417 0.832728 -0.312016 0.333136
+-0.367209 0.810447 -0.333136 0.312016
+-0.419428 0.784695 -0.352829 0.28956
+-0.469852 0.755583 -0.371012 0.265863
+-0.518263 0.723236 -0.387606 0.241029
+-0.564456 0.687791 -0.40254 0.215162
+-0.608231 0.649401 -0.415751 0.188374
+-0.649401 0.608231 -0.427181 0.160779
+-0.687791 0.564456 -0.436782 0.132496
+-0.723236 0.518263 -0.444512 0.103646
+-0.755583 0.469852 -0.450339 0.0743513
+-0.784695 0.419428 -0.454238 0.0447386
+-0.810447 0.367209 -0.456191 0.0149342
+-0.832728 0.313417 -0.456191 -0.0149342
+-0.851444 0.258283 -0.454238 -0.0447385
+-0.866513 0.202043 -0.450339 -0.0743513
+-0.877872 0.144937 -0.444512 -0.103646
+-0.885472 0.0872113 -0.436782 -0.132496
+-0.88928 0.0291121 -0.427181 -0.160779
+0.88928 0.029112 0.371012 0.265863
+0.885472 0.0872114 0.352829 0.28956
+0.877872 0.144937 0.333136 0.312016
+0.866513 0.202043 0.312016 0.333136
+0.851444 0.258283 0.28956 0.352829
+0.832728 0.313417 0.265863 0.371012
+0.810447 0.367209 0.241029 0.387606
+0.784695 0.419428 0.215162 0.40254
+0.755583 0.469852 0.188374 0.415751
+0.723236 0.518263 0.160779 0.427181
+0.687791 0.564456 0.132496 0.436782
+0.649401 0.608231 0.103646 0.444512
+0.608231 0.649401 0.0743513 0.450339
+0.564456 0.687791 0.0447385 0.454238
+0.518263 0.723236 0.0149341 0.456191
+0.469852 0.755583 -0.0149342 0.456191
+0.419428 0.784695 -0.0447385 0.454238
+0.367209 0.810447 -0.0743513 0.450339
+0.313417 0.832728 -0.103646 0.444512
+0.258283 0.851444 -0.132496 0.436782
+0.202043 0.866513 -0.160779 0.427181
+0.144937 0.877872 -0.188374 0.415751
+0.0872113 0.885472 -0.215162 0.40254
+0.0291119 0.88928 -0.241029 0.387606
+-0.0291121 0.88928 -0.265864 0.371012
+-0.0872115 0.885472 -0.28956 0.352829
+-0.144937 0.877872 -0.312016 0.333136
+-0.202043 0.866513 -0.333136 0.312016
+-0.258283 0.851444 -0.352829 0.28956
+-0.313417 0.832728 -0.371012 0.265863
+-0.367209 0.810447 -0.387606 0.241029
+-0.419428 0.784695 -0.40254 0.215162
+-0.469852 0.755583 -0.415751 0.188374
+-0.518263 0.723236 -0.427181 0.160779
+-0.564456 0.687791 -0.436782 0.132496
+-0.608231 0.649401 -0.444512 0.103646
+-0.649401 0.608231 -0.450339 0.0743513
+-0.687791 0.564456 -0.454238 0.0447385
+-0.723236 0.518263 -0.456191 0.0149342
+-0.755583 0.469852 -0.456191 -0.0149342
+-0.784695 0.419428 -0.454238 -0.0447384
+-0.810447 0.367209 -0.450339 -0.0743513
+-0.832728 0.313417 -0.444512 -0.103646
+-0.851444 0.258283 -0.436782 -0.132496
+-0.866513 0.202043 -0.427181 -0.160779
+-0.877872 0.144937 -0.415751 -0.188374
+-0.885472 0.0872113 -0.40254 -0.215162
+-0.88928 0.0291121 -0.387606 -0.241029
+0.912382 0.0298683 0.306937 0.269177
+0.908475 0.089477 0.288675 0.288675
+0.900678 0.148703 0.269177 0.306937
+0.889024 0.207291 0.248526 0.323885
+0.873563 0.264992 0.226811 0.339446
+0.854361 0.321559 0.204124 0.353553
+0.831501 0.376748 0.180564 0.366147
+0.80508 0.430324 0.15623 0.377172
+0.775212 0.482058 0.131227 0.386583
+0.742024 0.531727 0.105662 0.394338
+0.705659 0.579119 0.0796453 0.400404
+0.666272 0.624032 0.0532871 0.404756
+0.624032 0.666272 0.0267007 0.407374
+0.579119 0.705659 -9.12808e-10 0.408248
+0.531727 0.742024 -0.0267007 0.407374
+0.482058 0.775212 -0.0532871 0.404756
+0.430324 0.80508 -0.0796453 0.400404
+0.376748 0.831501 -0.105662 0.394338
+0.321559 0.854361 -0.131227 0.386583
+0.264992 0.873563 -0.15623 0.377172
+0.207291 0.889024 -0.180564 0.366147
+0.148702 0.900678 -0.204124 0.353553
+0.0894769 0.908475 -0.226811 0.339446
+0.0298682 0.912382 -0.248526 0.323885
+-0.0298684 0.912382 -0.269177 0.306937
+-0.0894771 0.908475 -0.288675 0.288675
+-0.148703 0.900678 -0.306937 0.269177
+-0.207291 0.889024 -0.323885 0.248526
+-0.264993 0.873563 -0.339446 0.226811
+-0.321559 0.854361 -0.353553 0.204124
+-0.376748 0.831501 -0.366147 0.180564
+-0.430324 0.80508 -0.377172 0.15623
+-0.482058 0.775212 -0.386583 0.131227
+-0.531727 0.742024 -0.394338 0.105662
+-0.579119 0.705659 -0.400404 0.0796453
+-0.624032 0.666272 -0.404756 0.0532871
+-0.666272 0.624032 -0.407374 0.0267007
+-0.705659 0.579119 -0.408248 -1.87579e-08
+-0.742024 0.531727 -0.407374 -0.0267007
+-0.775212 0.482058 -0.404756 -0.0532871
+-0.80508 0.430324 -0.400404 -0.0796452
+-0.831501 0.376748 -0.394338 -0.105662
+-0.854361 0.321559 -0.386583 -0.131227
+-0.873563 0.264992 -0.377172 -0.15623
+-0.889024 0.207291 -0.366147 -0.180564
+-0.900678 0.148703 -0.353553 -0.204124
+-0.908475 0.089477 -0.339446 -0.226811
+-0.912382 0.0298684 -0.323885 -0.248526
+0.912382 0.0298683 0.353553 0.204124
+0.908475 0.089477 0.339446 0.226811
+0.900678 0.148703 0.323885 0.248526
+0.889024 0.207291 0.306937 0.269177
+0.873563 0.264992 0.288675 0.288675
+0.854361 0.321559 0.269177 0.306937
+0.831501 0.376748 0.248526 0.323885
+0.80508 0.430324 0.226811 0.339446
+0.775212 0.482058 0.204124 0.353553
+0.742024 0.531727 0.180564 0.366147
+0.705659 0.579119 0.15623 0.377172
+0.666272 0.624032 0.131227 0.386583
+0.624032 0.666272 0.105662 0.394338
+0.579119 0.705659 0.0796453 0.400404
+0.531727 0.742024 0.0532871 0.404756
+0.482058 0.775212 0.0267007 0.407374
+0.430324 0.80508 -3.35603e-08 0.408248
+0.376748 0.831501 -0.0267007 0.407374
+0.321559 0.854361 -0.0532871 0.404756
+0.264992 0.873563 -0.0796453 0.400404
+0.207291 0.889024 -0.105662 0.394338
+0.148702 0.900678 -0.131227 0.386583
+0.0894769 0.908475 -0.15623 0.377172
+0.0298682 0.912382 -0.180564 0.366147
+-0.0298684 0.912382 -0.204124 0.353553
+-0.0894771 0.908475 -0.226811 0.339446
+-0.148703 0.900678 -0.248526 0.323885
+-0.207291 0.889024 -0.269177 0.306937
+-0.264993 0.873563 -0.288675 0.288675
+-0.321559 0.854361 -0.306937 0.269177
+-0.376748 0.831501 -0.323885 0.248526
+-0.430324 0.80508 -0.339446 0.226811
+-0.482058 0.775212 -0.353553 0.204124
+-0.531727 0.742024 -0.366147 0.180564
+-0.579119 0.705659 -0.377172 0.15623
+-0.624032 0.666272 -0.386583 0.131227
+-0.666272 0.624032 -0.394338 0.105662
+-0.705659 0.579119 -0.400404 0.0796453
+-0.742024 0.531727 -0.404756 0.0532871
+-0.775212 0.482058 -0.407374 0.0267007
+-0.80508 0.430324 -0.408248 4.59286e-08
+-0.831501 0.376748 -0.407374 -0.0267007
+-0.854361 0.321559 -0.404756 -0.0532871
+-0.873563 0.264992 -0.400404 -0.0796453
+-0.889024 0.207291 -0.394338 -0.105662
+-0.900678 0.148703 -0.386583 -0.131227
+-0.908475 0.089477 -0.377172 -0.15623
+-0.912382 0.0298684 -0.366147 -0.180564
+0.933521 0.0305603 0.296084 0.199846
+0.929524 0.0915501 0.28238 0.218783
+0.921546 0.152148 0.267466 0.236783
+0.909622 0.212094 0.251407 0.253769
+0.893803 0.271132 0.234272 0.269668
+0.874156 0.329009 0.216133 0.284413
+0.850766 0.385477 0.197069 0.29794
+0.823733 0.440295 0.17716 0.310191
+0.793173 0.493227 0.156494 0.321114
+0.759216 0.544047 0.135157 0.330661
+0.722008 0.592537 0.113241 0.338793
+0.681709 0.63849 0.0908405 0.345474
+0.63849 0.681709 0.068051 0.350675
+0.592537 0.722008 0.04497 0.354375
+0.544047 0.759216 0.0216964 0.356558
+0.493227 0.793173 -0.00167001 0.357213
+0.440295 0.823733 -0.0250293 0.356339
+0.385477 0.850766 -0.0482814 0.353939
+0.329009 0.874156 -0.0713268 0.350024
+0.271132 0.893803 -0.0940667 0.344609
+0.212094 0.909622 -0.116404 0.337719
+0.152148 0.921546 -0.138243 0.329383
+0.09155 0.929524 -0.159489 0.319636
+0.0305602 0.933521 -0.180053 0.308521
+-0.0305604 0.933521 -0.199846 0.296084
+-0.0915502 0.929524 -0.218783 0.28238
+-0.152148 0.921546 -0.236783 0.267466
+-0.212094 0.909622 -0.253769 0.251407
+-0.271132 0.893803 -0.269668 0.234272
+-0.329009 0.874156 -0.284413 0.216133
+-0.385477 0.850766 -0.29794 0.197069
+-0.440295 0.823733 -0.310191 0.17716
+-0.493227 0.793173 -0.321114 0.156494
+-0.544047 0.759216 -0.330661 0.135157
+-0.592537 0.722008 -0.338793 0.113241
+-0.63849 0.681709 -0.345474 0.0908405
+-0.681709 0.63849 -0.350675 0.068051
+-0.722008 0.592537 -0.354375 0.04497
+-0.759216 0.544047 -0.356558 0.0216965
+-0.793173 0.493227 -0.357213 -0.00166999
+-0.823733 0.440295 -0.356339 -0.0250292
+-0.850766 0.385477 -0.353939 -0.0482814
+-0.874156 0.329009 -0.350024 -0.0713268
+-0.893803 0.271132 -0.344609 -0.0940667
+-0.909622 0.212094 -0.337719 -0.116404
+-0.921546 0.152148 -0.329383 -0.138242
+-0.929524 0.0915501 -0.319636 -0.159489
+-0.933521 0.0305604 -0.308521 -0.180053
+0.88928 0.029112 0.444512 0.103646
+0.885472 0.0872114 0.436782 0.132496
+0.877872 0.144937 0.427181 0.160779
+0.866513 0.202043 0.415751 0.188374
+0.851444 0.258283 0.40254 0.215162
+0.832728 0.313417 0.387606 0.241029
+0.810447 0.367209 0.371012 0.265863
+0.784695 0.419428 0.352829 0.28956
+0.755583 0.469852 0.333136 0.312016
+0.723236 0.518263 0.312016 0.333136
+0.687791 0.564456 0.28956 0.352829
+0.649401 0.608231 0.265863 0.371012
+0.608231 0.649401 0.241029 0.387606
+0.564456 0.687791 0.215162 0.40254
+0.518263 0.723236 0.188374 0.415751
+0.469852 0.755583 0.160779 0.427181
+0.419428 0.784695 0.132496 0.436782
+0.367209 0.810447 0.103646 0.444512
+0.313417 0.832728 0.0743512 0.450339
+0.258283 0.851444 0.0447385 0.454238
+0.202043 0.866513 0.0149341 0.456191
+0.144937 0.877872 -0.0149342 0.456191
+0.0872113 0.885472 -0.0447386 0.454238
+0.0291119 0.88928 -0.0743513 0.450339
+-0.0291121 0.88928 -0.103646 0.444512
+-0.0872115 0.885472 -0.132496 0.436781
+-0.144937 0.877872 -0.160779 0.427181
+-0.202043 0.866513 -0.188374 0.415751
+-0.258283 0.851444 -0.215162 0.40254
+-0.313417 0.832728 -0.241029 0.387606
+-0.367209 0.810447 -0.265864 0.371012
+-0.419428 0.784695 -0.28956 0.352829
+-0.469852 0.755583 -0.312016 0.333136
+-0.518263 0.723236 -0.333136 0.312016
+-0.564456 0.687791 -0.352829 0.28956
+-0.608231 0.649401 -0.371012 0.265863
+-0.649401 0.608231 -0.387606 0.241029
+-0.687791 0.564456 -0.40254 0.215162
+-0.723236 0.518263 -0.415751 0.188374
+-0.755583 0.469852 -0.427181 0.160779
+-0.784695 0.419428 -0.436781 0.132496
+-0.810447 0.367209 -0.444512 0.103646
+-0.832728 0.313417 -0.450339 0.0743512
+-0.851444 0.258283 -0.454238 0.0447385
+-0.866513 0.202043 -0.456191 0.0149341
+-0.877872 0.144937 -0.456191 -0.0149341
+-0.885472 0.0872113 -0.454238 -0.0447385
+-0.88928 0.0291121 -0.450339 -0.0743512
+0.912382 0.0298683 0.386583 0.131227
+0.908475 0.089477 0.377172 0.15623
+0.900678 0.148703 0.366147 0.180564
+0.889024 0.207291 0.353553 0.204124
+0.873563 0.264992 0.339446 0.226811
+0.854361 0.321559 0.323885 0.248526
+0.831501 0.376748 0.306937 0.269177
+0.80508 0.430324 0.288675 0.288675
+0.775212 0.482058 0.269177 0.306937
+0.742024 0.531727 0.248526 0.323885
+0.705659 0.579119 0.226811 0.339446
+0.666272 0.624032 0.204124 0.353553
+0.624032 0.666272 0.180564 0.366147
+0.579119 0.705659 0.15623 0.377172
+0.531727 0.742024 0.131227 0.386583
+0.482058 0.775212 0.105662 0.394338
+0.430324 0.80508 0.0796453 0.400404
+0.376748 0.831501 0.0532871 0.404756
+0.321559 0.854361 0.0267007 0.407374
+0.264992 0.873563 -1.75408e-08 0.408248
+0.207291 0.889024 -0.0267007 0.407374
+0.148702 0.900678 -0.0532871 0.404756
+0.0894769 0.908475 -0.0796453 0.400404
+0.0298682 0.912382 -0.105662 0.394338
+-0.0298684 0.912382 -0.131227 0.386583
+-0.0894771 0.908475 -0.15623 0.377172
+-0.148703 0.900678 -0.180564 0.366147
+-0.207291 0.889024 -0.204124 0.353553
+-0.264993 0.873563 -0.226811 0.339446
+-0.321559 0.854361 -0.248526 0.323885
+-0.376748 0.831501 -0.269177 0.306937
+-0.430324 0.80508 -0.288675 0.288675
+-0.482058 0.775212 -0.306937 0.269177
+-0.531727 0.742024 -0.323885 0.248526
+-0.579119 0.705659 -0.339446 0.226811
+-0.624032 0.666272 -0.353553 0.204124
+-0.666272 0.624032 -0.366147 0.180564
+-0.705659 0.579119 -0.377172 0.15623
+-0.742024 0.531727 -0.386583 0.131227
+-0.775212 0.482058 -0.394338 0.105662
+-0.80508 0.430324 -0.400404 0.0796453
+-0.831501 0.376748 -0.404756 0.0532871
+-0.854361 0.321559 -0.407374 0.0267007
+-0.873563 0.264992 -0.408248 1.32811e-08
+-0.889024 0.207291 -0.407374 -0.0267007
+-0.900678 0.148703 -0.404756 -0.0532871
+-0.908475 0.089477 -0.400404 -0.0796453
+-0.912382 0.0298684 -0.394338 -0.105662
+0.912382 0.0298683 0.404756 0.0532871
+0.908475 0.089477 0.400404 0.0796453
+0.900678 0.148703 0.394338 0.105662
+0.889024 0.207291 0.386583 0.131227
+0.873563 0.264992 0.377172 0.15623
+0.854361 0.321559 0.366147 0.180564
+0.831501 0.376748 0.353553 0.204124
+0.80508 0.430324 0.339446 0.226811
+0.775212 0.482058 0.323885 0.248526
+0.742024 0.531727 0.306937 0.269177
+0.705659 0.579119 0.288675 0.288675
+0.666272 0.624032 0.269177 0.306937
+0.624032 0.666272 0.248526 0.323885
+0.579119 0.705659 0.226811 0.339446
+0.531727 0.742024 0.204124 0.353553
+0.482058 0.775212 0.180564 0.366147
+0.430324 0.80508 0.15623 0.377172
+0.376748 0.831501 0.131227 0.386583
+0.321559 0.854361 0.105662 0.394338
+0.264992 0.873563 0.0796453 0.400404
+0.207291 0.889024 0.0532871 0.404756
+0.148702 0.900678 0.0267007 0.407374
+0.0894769 0.908475 -5.01883e-08 0.408248
+0.0298682 0.912382 -0.0267008 0.407374
+-0.0298684 0.912382 -0.0532871 0.404756
+-0.0894771 0.908475 -0.0796453 0.400404
+-0.148703 0.900678 -0.105662 0.394338
+-0.207291 0.889024 -0.131227 0.386583
+-0.264993 0.873563 -0.15623 0.377172
+-0.321559 0.854361 -0.180564 0.366147
+-0.376748 0.831501 -0.204124 0.353553
+-0.430324 0.80508 -0.226811 0.339446
+-0.482058 0.775212 -0.248526 0.323885
+-0.531727 0.742024 -0.269177 0.306937
+-0.579119 0.705659 -0.288675 0.288675
+-0.624032 0.666272 -0.306937 0.269177
+-0.666272 0.624032 -0.323885 0.248526
+-0.705659 0.579119 -0.339446 0.226811
+-0.742024 0.531727 -0.353553 0.204124
+-0.775212 0.482058 -0.366147 0.180564
+-0.80508 0.430324 -0.377172 0.15623
+-0.831501 0.376748 -0.386583 0.131227
+-0.854361 0.321559 -0.394338 0.105662
+-0.873563 0.264992 -0.400404 0.0796453
+-0.889024 0.207291 -0.404756 0.0532871
+-0.900678 0.148703 -0.407374 0.0267007
+-0.908475 0.089477 -0.408248 -1.93664e-08
+-0.912382 0.0298684 -0.407374 -0.0267007
+0.933521 0.0305603 0.353472 0.0515886
+0.929524 0.0915501 0.349342 0.0745963
+0.921546 0.152148 0.343715 0.0972846
+0.909622 0.212094 0.336616 0.119556
+0.893803 0.271132 0.328076 0.141316
+0.874156 0.329009 0.318131 0.162471
+0.850766 0.385477 0.306824 0.18293
+0.823733 0.440295 0.294203 0.202605
+0.793173 0.493227 0.280322 0.221413
+0.759216 0.544047 0.265241 0.239273
+0.722008 0.592537 0.249023 0.256108
+0.681709 0.63849 0.23174 0.271847
+0.63849 0.681709 0.213464 0.286421
+0.592537 0.722008 0.194274 0.299769
+0.544047 0.759216 0.174252 0.311834
+0.493227 0.793173 0.153484 0.322563
+0.440295 0.823733 0.132059 0.33191
+0.385477 0.850766 0.110068 0.339837
+0.329009 0.874156 0.0876064 0.346308
+0.271132 0.893803 0.0647692 0.351296
+0.212094 0.909622 0.0416547 0.35478
+0.152148 0.921546 0.0183617 0.356745
+0.09155 0.929524 -0.00500984 0.357182
+0.0305602 0.933521 -0.0283599 0.35609
+-0.0305604 0.933521 -0.0515886 0.353472
+-0.0915502 0.929524 -0.0745963 0.349342
+-0.152148 0.921546 -0.0972847 0.343715
+-0.212094 0.909622 -0.119556 0.336616
+-0.271132 0.893803 -0.141316 0.328076
+-0.329009 0.874156 -0.162471 0.318131
+-0.385477 0.850766 -0.18293 0.306824
+-0.440295 0.823733 -0.202605 0.294203
+-0.493227 0.793173 -0.221413 0.280322
+-0.544047 0.759216 -0.239273 0.265241
+-0.592537 0.722008 -0.256108 0.249023
+-0.63849 0.681709 -0.271847 0.23174
+-0.681709 0.63849 -0.286421 0.213464
+-0.722008 0.592537 -0.299769 0.194274
+-0.759216 0.544047 -0.311834 0.174252
+-0.793173 0.493227 -0.322563 0.153484
+-0.823733 0.440295 -0.33191 0.132059
+-0.850766 0.385477 -0.339837 0.110069
+-0.874156 0.329009 -0.346308 0.0876064
+-0.893803 0.271132 -0.351296 0.0647693
+-0.909622 0.212094 -0.35478 0.0416547
+-0.921546 0.152148 -0.356745 0.0183618
+-0.929524 0.0915501 -0.357182 -0.00500981
+-0.933521 0.0305604 -0.35609 -0.0283599
+0.933521 0.0305603 0.333131 0.12895
+0.929524 0.0915501 0.323984 0.150462
+0.921546 0.152148 0.313449 0.171329
+0.909622 0.212094 0.301573 0.191463
+0.893803 0.271132 0.288405 0.210777
+0.874156 0.329009 0.274002 0.229188
+0.850766 0.385477 0.258425 0.246618
+0.823733 0.440295 0.241743 0.262992
+0.793173 0.493227 0.224025 0.278239
+0.759216 0.544047 0.205347 0.292296
+0.722008 0.592537 0.18579 0.3051
+0.681709 0.63849 0.165438 0.316598
+0.63849 0.681709 0.144377 0.32674
+0.592537 0.722008 0.122698 0.335484
+0.544047 0.759216 0.100494 0.34279
+0.493227 0.793173 0.0778593 0.348629
+0.440295 0.823733 0.0548912 0.352975
+0.385477 0.850766 0.031688 0.355809
+0.329009 0.874156 0.00834915 0.35712
+0.271132 0.893803 -0.0150255 0.356901
+0.212094 0.909622 -0.0383357 0.355154
+0.152148 0.921546 -0.0614819 0.351887
+0.09155 0.929524 -0.0843647 0.347112
+0.0305602 0.933521 -0.106886 0.340851
+-0.0305604 0.933521 -0.12895 0.333131
+-0.0915502 0.929524 -0.150462 0.323984
+-0.152148 0.921546 -0.171329 0.313449
+-0.212094 0.909622 -0.191463 0.301573
+-0.271132 0.893803 -0.210777 0.288405
+-0.329009 0.874156 -0.229188 0.274002
+-0.385477 0.850766 -0.246618 0.258425
+-0.440295 0.823733 -0.262992 0.241743
+-0.493227 0.793173 -0.278239 0.224025
+-0.544047 0.759216 -0.292296 0.205347
+-0.592537 0.722008 -0.3051 0.18579
+-0.63849 0.681709 -0.316598 0.165438
+-0.681709 0.63849 -0.32674 0.144377
+-0.722008 0.592537 -0.335484 0.122698
+-0.759216 0.544047 -0.34279 0.100494
+-0.793173 0.493227 -0.348629 0.0778593
+-0.823733 0.440295 -0.352975 0.0548913
+-0.850766 0.385477 -0.355809 0.031688
+-0.874156 0.329009 -0.35712 0.00834914
+-0.893803 0.271132 -0.356901 -0.0150254
+-0.909622 0.212094 -0.355154 -0.0383358
+-0.921546 0.152148 -0.351887 -0.0614818
+-0.929524 0.0915501 -0.347112 -0.0843647
+-0.933521 0.0305604 -0.340851 -0.106886
+0.951462 0.0311476 0.278894 0.126365
+0.947388 0.0933095 0.270032 0.144335
+0.939256 0.155072 0.260014 0.161687
+0.927103 0.21617 0.248882 0.178347
+0.91098 0.276343 0.236685 0.194242
+0.890956 0.335332 0.223474 0.209307
+0.867117 0.392885 0.209307 0.223474
+0.839564 0.448756 0.194242 0.236685
+0.808416 0.502706 0.178347 0.248882
+0.773807 0.554502 0.161687 0.260014
+0.735884 0.603924 0.144335 0.270032
+0.69481 0.650761 0.126365 0.278894
+0.65076 0.69481 0.107854 0.286561
+0.603924 0.735884 0.0888812 0.293002
+0.554502 0.773807 0.0695276 0.298188
+0.502706 0.808416 0.0498763 0.302097
+0.448756 0.839564 0.0300115 0.304712
+0.392885 0.867117 0.0100181 0.306022
+0.335332 0.890956 -0.0100181 0.306022
+0.276343 0.91098 -0.0300115 0.304712
+0.21617 0.927103 -0.0498764 0.302097
+0.155072 0.939256 -0.0695277 0.298188
+0.0933094 0.947388 -0.0888812 0.293002
+0.0311475 0.951462 -0.107854 0.286561
+-0.0311477 0.951462 -0.126365 0.278894
+-0.0933096 0.947388 -0.144335 0.270032
+-0.155072 0.939256 -0.161687 0.260014
+-0.21617 0.927103 -0.178347 0.248882
+-0.276343 0.91098 -0.194243 0.236685
+-0.335332 0.890956 -0.209307 0.223474
+-0.392886 0.867116 -0.223474 0.209307
+-0.448756 0.839564 -0.236685 0.194243
+-0.502706 0.808416 -0.248882 0.178347
+-0.554502 0.773807 -0.260014 0.161687
+-0.603924 0.735884 -0.270032 0.144335
+-0.650761 0.69481 -0.278894 0.126365
+-0.69481 0.650761 -0.286561 0.107854
+-0.735884 0.603924 -0.293002 0.0888812
+-0.773807 0.554502 -0.298188 0.0695276
+-0.808416 0.502706 -0.302097 0.0498763
+-0.839564 0.448756 -0.304712 0.0300115
+-0.867117 0.392885 -0.306022 0.0100181
+-0.890956 0.335332 -0.306022 -0.0100182
+-0.91098 0.276343 -0.304712 -0.0300115
+-0.927103 0.21617 -0.302097 -0.0498764
+-0.939256 0.155072 -0.298188 -0.0695276
+-0.947388 0.0933095 -0.293002 -0.0888812
+-0.951462 0.0311477 -0.286562 -0.107854
+0.951462 0.0311476 0.302097 0.0498763
+0.947388 0.0933095 0.298188 0.0695276
+0.939256 0.155072 0.293002 0.0888812
+0.927103 0.21617 0.286561 0.107854
+0.91098 0.276343 0.278894 0.126365
+0.890956 0.335332 0.270032 0.144335
+0.867117 0.392885 0.260014 0.161687
+0.839564 0.448756 0.248882 0.178347
+0.808416 0.502706 0.236685 0.194242
+0.773807 0.554502 0.223474 0.209307
+0.735884 0.603924 0.209307 0.223474
+0.69481 0.650761 0.194242 0.236685
+0.65076 0.69481 0.178347 0.248882
+0.603924 0.735884 0.161687 0.260014
+0.554502 0.773807 0.144335 0.270032
+0.502706 0.808416 0.126365 0.278894
+0.448756 0.839564 0.107854 0.286562
+0.392885 0.867117 0.0888811 0.293002
+0.335332 0.890956 0.0695276 0.298188
+0.276343 0.91098 0.0498763 0.302097
+0.21617 0.927103 0.0300115 0.304712
+0.155072 0.939256 0.0100181 0.306022
+0.0933094 0.947388 -0.0100182 0.306022
+0.0311475 0.951462 -0.0300115 0.304712
+-0.0311477 0.951462 -0.0498764 0.302097
+-0.0933096 0.947388 -0.0695276 0.298188
+-0.155072 0.939256 -0.0888812 0.293002
+-0.21617 0.927103 -0.107854 0.286561
+-0.276343 0.91098 -0.126365 0.278894
+-0.335332 0.890956 -0.144335 0.270032
+-0.392886 0.867116 -0.161687 0.260014
+-0.448756 0.839564 -0.178347 0.248882
+-0.502706 0.808416 -0.194242 0.236685
+-0.554502 0.773807 -0.209307 0.223474
+-0.603924 0.735884 -0.223474 0.209307
+-0.650761 0.69481 -0.236685 0.194242
+-0.69481 0.650761 -0.248882 0.178347
+-0.735884 0.603924 -0.260014 0.161687
+-0.773807 0.554502 -0.270032 0.144335
+-0.808416 0.502706 -0.278894 0.126365
+-0.839564 0.448756 -0.286561 0.107854
+-0.867117 0.392885 -0.293002 0.0888812
+-0.890956 0.335332 -0.298188 0.0695276
+-0.91098 0.276343 -0.302097 0.0498764
+-0.927103 0.21617 -0.304712 0.0300115
+-0.939256 0.155072 -0.306022 0.0100182
+-0.947388 0.0933095 -0.306022 -0.0100181
+-0.951462 0.0311477 -0.304712 -0.0300115
+0.966382 0.0316361 0.250573 0.0481394
+0.962244 0.0947728 0.246888 0.0644245
+0.953986 0.157504 0.242146 0.0804338
+0.941642 0.21956 0.236367 0.0960987
+0.925266 0.280676 0.229575 0.111352
+0.904928 0.340591 0.221801 0.126129
+0.880714 0.399046 0.213077 0.140365
+0.85273 0.455794 0.20344 0.154
+0.821094 0.510589 0.192933 0.166976
+0.785942 0.563198 0.181599 0.179237
+0.747424 0.613395 0.169487 0.190731
+0.705706 0.660965 0.15665 0.201407
+0.660965 0.705706 0.143142 0.211221
+0.613395 0.747424 0.129021 0.220131
+0.563198 0.785942 0.114348 0.228098
+0.510589 0.821094 0.0991844 0.235089
+0.455793 0.85273 0.0835965 0.241072
+0.399046 0.880714 0.0676507 0.246023
+0.340591 0.904928 0.0514151 0.249921
+0.280676 0.925266 0.0349594 0.252749
+0.21956 0.941642 0.018354 0.254494
+0.157504 0.953986 0.00166994 0.25515
+0.0947727 0.962244 -0.0150212 0.254713
+0.031636 0.966382 -0.0316481 0.253185
+-0.0316362 0.966382 -0.0481394 0.250573
+-0.0947729 0.962244 -0.0644246 0.246888
+-0.157504 0.953986 -0.0804339 0.242146
+-0.21956 0.941642 -0.0960987 0.236367
+-0.280676 0.925266 -0.111352 0.229575
+-0.340591 0.904927 -0.126129 0.221801
+-0.399047 0.880714 -0.140365 0.213077
+-0.455793 0.85273 -0.154 0.203441
+-0.510589 0.821094 -0.166976 0.192933
+-0.563198 0.785941 -0.179237 0.181599
+-0.613395 0.747424 -0.190731 0.169487
+-0.660966 0.705706 -0.201407 0.15665
+-0.705706 0.660966 -0.211221 0.143142
+-0.747424 0.613395 -0.220131 0.129021
+-0.785942 0.563198 -0.228098 0.114348
+-0.821094 0.510589 -0.235089 0.0991844
+-0.85273 0.455794 -0.241072 0.0835966
+-0.880714 0.399046 -0.246023 0.0676507
+-0.904928 0.340591 -0.249921 0.0514151
+-0.925266 0.280676 -0.252749 0.0349594
+-0.941642 0.21956 -0.254494 0.018354
+-0.953986 0.157504 -0.25515 0.00166999
+-0.962244 0.0947727 -0.254713 -0.0150212
+-0.966382 0.0316362 -0.253185 -0.031648
+0.933521 0.0305603 0.244191 0.26072
+0.929524 0.0915501 0.226616 0.276133
+0.921546 0.152148 0.208071 0.290363
+0.909622 0.212094 0.188635 0.30335
+0.893803 0.271132 0.168391 0.315037
+0.874156 0.329009 0.147426 0.325376
+0.850766 0.385477 0.12583 0.334322
+0.823733 0.440295 0.103695 0.341836
+0.793173 0.493227 0.0811156 0.347886
+0.759216 0.544047 0.0581891 0.352446
+0.722008 0.592537 0.0350134 0.355497
+0.681709 0.63849 0.0116878 0.357026
+0.63849 0.681709 -0.0116878 0.357026
+0.592537 0.722008 -0.0350134 0.355497
+0.544047 0.759216 -0.0581891 0.352446
+0.493227 0.793173 -0.0811156 0.347886
+0.440295 0.823733 -0.103695 0.341836
+0.385477 0.850766 -0.12583 0.334322
+0.329009 0.874156 -0.147426 0.325376
+0.271132 0.893803 -0.168391 0.315037
+0.212094 0.909622 -0.188635 0.30335
+0.152148 0.921546 -0.208071 0.290363
+0.09155 0.929524 -0.226616 0.276133
+0.0305602 0.933521 -0.244191 0.26072
+-0.0305604 0.933521 -0.26072 0.244191
+-0.0915502 0.929524 -0.276133 0.226616
+-0.152148 0.921546 -0.290363 0.208071
+-0.212094 0.909622 -0.30335 0.188635
+-0.271132 0.893803 -0.315038 0.168391
+-0.329009 0.874156 -0.325376 0.147426
+-0.385477 0.850766 -0.334322 0.12583
+-0.440295 0.823733 -0.341836 0.103695
+-0.493227 0.793173 -0.347886 0.0811156
+-0.544047 0.759216 -0.352446 0.058189
+-0.592537 0.722008 -0.355497 0.0350134
+-0.63849 0.681709 -0.357026 0.0116878
+-0.681709 0.63849 -0.357026 -0.0116878
+-0.722008 0.592537 -0.355497 -0.0350134
+-0.759216 0.544047 -0.352446 -0.058189
+-0.793173 0.493227 -0.347886 -0.0811156
+-0.823733 0.440295 -0.341836 -0.103695
+-0.850766 0.385477 -0.334322 -0.12583
+-0.874156 0.329009 -0.325376 -0.147426
+-0.893803 0.271132 -0.315037 -0.168391
+-0.909622 0.212094 -0.30335 -0.188635
+-0.921546 0.152148 -0.290363 -0.208071
+-0.929524 0.0915501 -0.276133 -0.226616
+-0.933521 0.0305604 -0.26072 -0.244191
+0.951462 0.0311476 0.178347 0.248882
+0.947388 0.0933095 0.161687 0.260014
+0.939256 0.155072 0.144335 0.270032
+0.927103 0.21617 0.126365 0.278894
+0.91098 0.276343 0.107854 0.286561
+0.890956 0.335332 0.0888812 0.293002
+0.867117 0.392885 0.0695276 0.298188
+0.839564 0.448756 0.0498763 0.302097
+0.808416 0.502706 0.0300115 0.304712
+0.773807 0.554502 0.0100181 0.306022
+0.735884 0.603924 -0.0100181 0.306022
+0.69481 0.650761 -0.0300115 0.304712
+0.65076 0.69481 -0.0498764 0.302097
+0.603924 0.735884 -0.0695276 0.298188
+0.554502 0.773807 -0.0888812 0.293002
+0.502706 0.808416 -0.107854 0.286561
+0.448756 0.839564 -0.126365 0.278894
+0.392885 0.867117 -0.144335 0.270032
+0.335332 0.890956 -0.161687 0.260014
+0.276343 0.91098 -0.178347 0.248882
+0.21617 0.927103 -0.194242 0.236685
+0.155072 0.939256 -0.209307 0.223474
+0.0933094 0.947388 -0.223474 0.209307
+0.0311475 0.951462 -0.236685 0.194242
+-0.0311477 0.951462 -0.248882 0.178347
+-0.0933096 0.947388 -0.260014 0.161687
+-0.155072 0.939256 -0.270032 0.144335
+-0.21617 0.927103 -0.278894 0.126365
+-0.276343 0.91098 -0.286562 0.107854
+-0.335332 0.890956 -0.293002 0.0888811
+-0.392886 0.867116 -0.298188 0.0695276
+-0.448756 0.839564 -0.302097 0.0498764
+-0.502706 0.808416 -0.304712 0.0300115
+-0.554502 0.773807 -0.306022 0.0100181
+-0.603924 0.735884 -0.306022 -0.0100181
+-0.650761 0.69481 -0.304712 -0.0300115
+-0.69481 0.650761 -0.302097 -0.0498763
+-0.735884 0.603924 -0.298188 -0.0695276
+-0.773807 0.554502 -0.293002 -0.0888811
+-0.808416 0.502706 -0.286561 -0.107854
+-0.839564 0.448756 -0.278894 -0.126365
+-0.867117 0.392885 -0.270032 -0.144335
+-0.890956 0.335332 -0.260014 -0.161687
+-0.91098 0.276343 -0.248882 -0.178347
+-0.927103 0.21617 -0.236685 -0.194242
+-0.939256 0.155072 -0.223474 -0.209307
+-0.947388 0.0933095 -0.209307 -0.223474
+-0.951462 0.0311477 -0.194243 -0.236685
+0.951462 0.0311476 0.236685 0.194242
+0.947388 0.0933095 0.223474 0.209307
+0.939256 0.155072 0.209307 0.223474
+0.927103 0.21617 0.194242 0.236685
+0.91098 0.276343 0.178347 0.248882
+0.890956 0.335332 0.161687 0.260014
+0.867117 0.392885 0.144335 0.270032
+0.839564 0.448756 0.126365 0.278894
+0.808416 0.502706 0.107854 0.286561
+0.773807 0.554502 0.0888812 0.293002
+0.735884 0.603924 0.0695276 0.298188
+0.69481 0.650761 0.0498763 0.302097
+0.65076 0.69481 0.0300115 0.304712
+0.603924 0.735884 0.0100181 0.306022
+0.554502 0.773807 -0.0100181 0.306022
+0.502706 0.808416 -0.0300115 0.304712
+0.448756 0.839564 -0.0498764 0.302097
+0.392885 0.867117 -0.0695276 0.298188
+0.335332 0.890956 -0.0888812 0.293002
+0.276343 0.91098 -0.107854 0.286561
+0.21617 0.927103 -0.126365 0.278894
+0.155072 0.939256 -0.144335 0.270032
+0.0933094 0.947388 -0.161687 0.260014
+0.0311475 0.951462 -0.178347 0.248882
+-0.0311477 0.951462 -0.194243 0.236685
+-0.0933096 0.947388 -0.209307 0.223474
+-0.155072 0.939256 -0.223474 0.209307
+-0.21617 0.927103 -0.236685 0.194242
+-0.276343 0.91098 -0.248882 0.178347
+-0.335332 0.890956 -0.260014 0.161687
+-0.392886 0.867116 -0.270032 0.144335
+-0.448756 0.839564 -0.278894 0.126365
+-0.502706 0.808416 -0.286561 0.107854
+-0.554502 0.773807 -0.293002 0.0888811
+-0.603924 0.735884 -0.298188 0.0695276
+-0.650761 0.69481 -0.302097 0.0498763
+-0.69481 0.650761 -0.304712 0.0300115
+-0.735884 0.603924 -0.306022 0.0100181
+-0.773807 0.554502 -0.306022 -0.0100181
+-0.808416 0.502706 -0.304712 -0.0300115
+-0.839564 0.448756 -0.302097 -0.0498763
+-0.867117 0.392885 -0.298188 -0.0695276
+-0.890956 0.335332 -0.293002 -0.0888812
+-0.91098 0.276343 -0.286561 -0.107854
+-0.927103 0.21617 -0.278894 -0.126365
+-0.939256 0.155072 -0.270032 -0.144335
+-0.947388 0.0933095 -0.260014 -0.161687
+-0.951462 0.0311477 -0.248882 -0.178347
+0.966382 0.0316361 0.174422 0.186229
+0.962244 0.0947728 0.161869 0.197238
+0.953986 0.157504 0.148622 0.207402
+0.941642 0.21956 0.134739 0.216678
+0.925266 0.280676 0.120279 0.225027
+0.904928 0.340591 0.105304 0.232412
+0.880714 0.399046 0.0898784 0.238801
+0.85273 0.455794 0.0740676 0.244168
+0.821094 0.510589 0.0579397 0.24849
+0.785942 0.563198 0.0415636 0.251747
+0.747424 0.613395 0.0250096 0.253927
+0.705706 0.660965 0.00834844 0.255019
+0.660965 0.705706 -0.00834845 0.255019
+0.613395 0.747424 -0.0250096 0.253927
+0.563198 0.785942 -0.0415636 0.251747
+0.510589 0.821094 -0.0579397 0.24849
+0.455793 0.85273 -0.0740677 0.244168
+0.399046 0.880714 -0.0898784 0.238801
+0.340591 0.904928 -0.105304 0.232412
+0.280676 0.925266 -0.120279 0.225027
+0.21956 0.941642 -0.134739 0.216678
+0.157504 0.953986 -0.148622 0.207402
+0.0947727 0.962244 -0.161869 0.197238
+0.031636 0.966382 -0.174422 0.186229
+-0.0316362 0.966382 -0.186229 0.174422
+-0.0947729 0.962244 -0.197238 0.161869
+-0.157504 0.953986 -0.207402 0.148622
+-0.21956 0.941642 -0.216678 0.134739
+-0.280676 0.925266 -0.225027 0.120279
+-0.340591 0.904927 -0.232412 0.105304
+-0.399047 0.880714 -0.238801 0.0898784
+-0.455793 0.85273 -0.244168 0.0740677
+-0.510589 0.821094 -0.24849 0.0579397
+-0.563198 0.785941 -0.251747 0.0415636
+-0.613395 0.747424 -0.253927 0.0250096
+-0.660966 0.705706 -0.255019 0.00834843
+-0.705706 0.660966 -0.255019 -0.00834843
+-0.747424 0.613395 -0.253927 -0.0250096
+-0.785942 0.563198 -0.251747 -0.0415636
+-0.821094 0.510589 -0.24849 -0.0579397
+-0.85273 0.455794 -0.244168 -0.0740676
+-0.880714 0.399046 -0.238801 -0.0898784
+-0.904928 0.340591 -0.232412 -0.105304
+-0.925266 0.280676 -0.225027 -0.120279
+-0.941642 0.21956 -0.216678 -0.134739
+-0.953986 0.157504 -0.207402 -0.148622
+-0.962244 0.0947727 -0.197238 -0.161869
+-0.966382 0.0316362 -0.186229 -0.174422
+0.966382 0.0316361 0.108337 0.231013
+0.962244 0.0947728 0.0929965 0.237604
+0.953986 0.157504 0.0772574 0.243178
+0.941642 0.21956 0.0611873 0.24771
+0.925266 0.280676 0.0448553 0.251182
+0.904928 0.340591 0.0283312 0.253577
+0.880714 0.399046 0.0116858 0.254887
+0.85273 0.455794 -0.00500964 0.255106
+0.821094 0.510589 -0.0216836 0.254232
+0.785942 0.563198 -0.0382648 0.25227
+0.747424 0.613395 -0.0546821 0.249227
+0.705706 0.660965 -0.0708652 0.245117
+0.660965 0.705706 -0.0867449 0.239957
+0.613395 0.747424 -0.102253 0.23377
+0.563198 0.785942 -0.117324 0.226582
+0.510589 0.821094 -0.131891 0.218423
+0.455793 0.85273 -0.145895 0.20933
+0.399046 0.880714 -0.159273 0.19934
+0.340591 0.904928 -0.17197 0.188496
+0.280676 0.925266 -0.18393 0.176845
+0.21956 0.941642 -0.195102 0.164437
+0.157504 0.953986 -0.205439 0.151324
+0.0947727 0.962244 -0.214896 0.137564
+0.031636 0.966382 -0.223433 0.123215
+-0.0316362 0.966382 -0.231013 0.108337
+-0.0947729 0.962244 -0.237604 0.0929965
+-0.157504 0.953986 -0.243178 0.0772573
+-0.21956 0.941642 -0.24771 0.0611873
+-0.280676 0.925266 -0.251182 0.0448553
+-0.340591 0.904927 -0.253577 0.0283312
+-0.399047 0.880714 -0.254887 0.0116858
+-0.455793 0.85273 -0.255106 -0.00500961
+-0.510589 0.821094 -0.254232 -0.0216836
+-0.563198 0.785941 -0.25227 -0.0382648
+-0.613395 0.747424 -0.249227 -0.0546821
+-0.660966 0.705706 -0.245117 -0.0708652
+-0.705706 0.660966 -0.239957 -0.0867449
+-0.747424 0.613395 -0.23377 -0.102253
+-0.785942 0.563198 -0.226582 -0.117323
+-0.821094 0.510589 -0.218423 -0.131891
+-0.85273 0.455794 -0.20933 -0.145895
+-0.880714 0.399046 -0.19934 -0.159273
+-0.904928 0.340591 -0.188496 -0.17197
+-0.925266 0.280676 -0.176845 -0.18393
+-0.941642 0.21956 -0.164437 -0.195102
+-0.953986 0.157504 -0.151324 -0.205439
+-0.962244 0.0947727 -0.137564 -0.214896
+-0.966382 0.0316362 -0.123215 -0.223433
+0.978421 0.0320302 0.0332509 0.201398
+0.974231 0.0959534 0.0200077 0.203141
+0.96587 0.159466 0.00667876 0.204015
+0.953372 0.222295 -0.00667876 0.204015
+0.936792 0.284173 -0.0200077 0.203141
+0.9162 0.344833 -0.0332509 0.201398
+0.891686 0.404017 -0.0463517 0.198792
+0.863352 0.461472 -0.0592541 0.195335
+0.831322 0.516949 -0.0719027 0.191041
+0.795732 0.570214 -0.0842435 0.185929
+0.756735 0.621036 -0.0962235 0.180021
+0.714497 0.669199 -0.107791 0.173343
+0.669199 0.714497 -0.118898 0.165922
+0.621036 0.756735 -0.129495 0.15779
+0.570214 0.795732 -0.139538 0.148983
+0.516949 0.831322 -0.148983 0.139538
+0.461471 0.863352 -0.15779 0.129495
+0.404017 0.891686 -0.165922 0.118898
+0.344833 0.9162 -0.173343 0.107791
+0.284173 0.936792 -0.180021 0.0962234
+0.222295 0.953372 -0.185929 0.0842435
+0.159466 0.96587 -0.191041 0.0719027
+0.0959533 0.974231 -0.195335 0.0592541
+0.0320301 0.978421 -0.198792 0.0463517
+-0.0320303 0.978421 -0.201398 0.0332509
+-0.0959535 0.974231 -0.203141 0.0200076
+-0.159466 0.96587 -0.204015 0.00667874
+-0.222295 0.953372 -0.204015 -0.00667877
+-0.284173 0.936792 -0.203141 -0.0200077
+-0.344834 0.9162 -0.201398 -0.0332509
+-0.404018 0.891686 -0.198792 -0.0463518
+-0.461471 0.863352 -0.195335 -0.0592541
+-0.516949 0.831322 -0.191041 -0.0719027
+-0.570214 0.795732 -0.185929 -0.0842435
+-0.621036 0.756735 -0.180021 -0.0962234
+-0.669199 0.714497 -0.173343 -0.107791
+-0.714497 0.669199 -0.165922 -0.118898
+-0.756735 0.621036 -0.15779 -0.129495
+-0.795732 0.570214 -0.148983 -0.139538
+-0.831322 0.516949 -0.139538 -0.148983
+-0.863352 0.461472 -0.129495 -0.15779
+-0.891686 0.404017 -0.118898 -0.165922
+-0.9162 0.344833 -0.107791 -0.173343
+-0.936792 0.284173 -0.0962235 -0.180021
+-0.953372 0.222295 -0.0842435 -0.185929
+-0.96587 0.159466 -0.0719028 -0.191041
+-0.974231 0.0959533 -0.0592541 -0.195335
+-0.978421 0.0320303 -0.0463518 -0.198792
+0.978421 0.0320302 0.107791 0.173343
+0.974231 0.0959534 0.0962235 0.180021
+0.96587 0.159466 0.0842435 0.185929
+0.953372 0.222295 0.0719027 0.191041
+0.936792 0.284173 0.0592541 0.195335
+0.9162 0.344833 0.0463518 0.198792
+0.891686 0.404017 0.0332509 0.201398
+0.863352 0.461472 0.0200077 0.203141
+0.831322 0.516949 0.00667875 0.204015
+0.795732 0.570214 -0.00667875 0.204015
+0.756735 0.621036 -0.0200077 0.203141
+0.714497 0.669199 -0.0332509 0.201398
+0.669199 0.714497 -0.0463518 0.198792
+0.621036 0.756735 -0.0592541 0.195335
+0.570214 0.795732 -0.0719027 0.191041
+0.516949 0.831322 -0.0842435 0.185929
+0.461471 0.863352 -0.0962235 0.180021
+0.404017 0.891686 -0.107791 0.173343
+0.344833 0.9162 -0.118898 0.165922
+0.284173 0.936792 -0.129495 0.15779
+0.222295 0.953372 -0.139538 0.148983
+0.159466 0.96587 -0.148983 0.139538
+0.0959533 0.974231 -0.15779 0.129495
+0.0320301 0.978421 -0.165922 0.118898
+-0.0320303 0.978421 -0.173343 0.107791
+-0.0959535 0.974231 -0.180021 0.0962234
+-0.159466 0.96587 -0.185929 0.0842435
+-0.222295 0.953372 -0.191041 0.0719027
+-0.284173 0.936792 -0.195335 0.0592541
+-0.344834 0.9162 -0.198792 0.0463517
+-0.404018 0.891686 -0.201398 0.0332509
+-0.461471 0.863352 -0.203141 0.0200077
+-0.516949 0.831322 -0.204015 0.00667876
+-0.570214 0.795732 -0.204015 -0.00667877
+-0.621036 0.756735 -0.203141 -0.0200077
+-0.669199 0.714497 -0.201398 -0.0332509
+-0.714497 0.669199 -0.198792 -0.0463517
+-0.756735 0.621036 -0.195335 -0.0592541
+-0.795732 0.570214 -0.191041 -0.0719027
+-0.831322 0.516949 -0.185929 -0.0842435
+-0.863352 0.461472 -0.180021 -0.0962234
+-0.891686 0.404017 -0.173343 -0.107791
+-0.9162 0.344833 -0.165922 -0.118898
+-0.936792 0.284173 -0.15779 -0.129495
+-0.953372 0.222295 -0.148983 -0.139538
+-0.96587 0.159466 -0.139538 -0.148983
+-0.974231 0.0959533 -0.129495 -0.15779
+-0.978421 0.0320303 -0.118898 -0.165922
+0.987683 0.0323334 0.0347638 0.149094
+0.983453 0.0968617 0.0249382 0.151048
+0.975013 0.160975 0.0150057 0.152356
+0.962397 0.224399 0.00500906 0.153011
+0.94566 0.286863 -0.00500907 0.153011
+0.924873 0.348098 -0.0150057 0.152356
+0.900126 0.407842 -0.0249382 0.151048
+0.871525 0.46584 -0.0347638 0.149094
+0.839192 0.521843 -0.0444406 0.146501
+0.803265 0.575611 -0.0539271 0.143281
+0.763898 0.626915 -0.0631826 0.139447
+0.72126 0.675534 -0.0721676 0.135016
+0.675534 0.72126 -0.0808436 0.130007
+0.626915 0.763898 -0.0891733 0.124441
+0.575611 0.803265 -0.0971212 0.118343
+0.521843 0.839192 -0.104653 0.111737
+0.46584 0.871525 -0.111737 0.104653
+0.407842 0.900126 -0.118343 0.0971212
+0.348098 0.924873 -0.124441 0.0891733
+0.286863 0.94566 -0.130007 0.0808435
+0.224399 0.962397 -0.135016 0.0721676
+0.160975 0.975013 -0.139447 0.0631826
+0.0968616 0.983453 -0.143281 0.053927
+0.0323333 0.987683 -0.146501 0.0444406
+-0.0323335 0.987683 -0.149094 0.0347638
+-0.0968618 0.983453 -0.151048 0.0249382
+-0.160975 0.975013 -0.152356 0.0150057
+-0.224399 0.962397 -0.153011 0.00500906
+-0.286863 0.94566 -0.153011 -0.00500909
+-0.348098 0.924873 -0.152356 -0.0150058
+-0.407842 0.900126 -0.151048 -0.0249382
+-0.46584 0.871525 -0.149094 -0.0347638
+-0.521843 0.839192 -0.146501 -0.0444406
+-0.575611 0.803265 -0.143281 -0.0539271
+-0.626915 0.763898 -0.139447 -0.0631826
+-0.675534 0.72126 -0.135016 -0.0721676
+-0.72126 0.675534 -0.130007 -0.0808435
+-0.763898 0.626915 -0.124441 -0.0891733
+-0.803265 0.575611 -0.118343 -0.0971212
+-0.839192 0.521843 -0.111737 -0.104653
+-0.871525 0.46584 -0.104653 -0.111737
+-0.900126 0.407842 -0.0971212 -0.118343
+-0.924873 0.348098 -0.0891733 -0.124441
+-0.94566 0.286863 -0.0808436 -0.130007
+-0.962397 0.224399 -0.0721676 -0.135016
+-0.975013 0.160975 -0.0631826 -0.139447
+-0.983453 0.0968616 -0.053927 -0.143281
+-0.987683 0.0323335 -0.0444406 -0.146501
+0.966382 0.0316361 0.223433 0.123215
+0.962244 0.0947728 0.214896 0.137564
+0.953986 0.157504 0.205439 0.151324
+0.941642 0.21956 0.195102 0.164437
+0.925266 0.280676 0.18393 0.176845
+0.904928 0.340591 0.17197 0.188496
+0.880714 0.399046 0.159273 0.19934
+0.85273 0.455794 0.145895 0.20933
+0.821094 0.510589 0.131891 0.218423
+0.785942 0.563198 0.117324 0.226582
+0.747424 0.613395 0.102253 0.23377
+0.705706 0.660965 0.0867449 0.239957
+0.660965 0.705706 0.0708652 0.245117
+0.613395 0.747424 0.0546821 0.249227
+0.563198 0.785942 0.0382648 0.25227
+0.510589 0.821094 0.0216836 0.254232
+0.455793 0.85273 0.00500962 0.255106
+0.399046 0.880714 -0.0116858 0.254887
+0.340591 0.904928 -0.0283312 0.253577
+0.280676 0.925266 -0.0448553 0.251182
+0.21956 0.941642 -0.0611874 0.24771
+0.157504 0.953986 -0.0772574 0.243178
+0.0947727 0.962244 -0.0929966 0.237604
+0.031636 0.966382 -0.108338 0.231013
+-0.0316362 0.966382 -0.123215 0.223433
+-0.0947729 0.962244 -0.137564 0.214896
+-0.157504 0.953986 -0.151324 0.205439
+-0.21956 0.941642 -0.164437 0.195102
+-0.280676 0.925266 -0.176845 0.18393
+-0.340591 0.904927 -0.188496 0.171969
+-0.399047 0.880714 -0.19934 0.159273
+-0.455793 0.85273 -0.20933 0.145895
+-0.510589 0.821094 -0.218423 0.131891
+-0.563198 0.785941 -0.226582 0.117323
+-0.613395 0.747424 -0.23377 0.102253
+-0.660966 0.705706 -0.239957 0.0867449
+-0.705706 0.660966 -0.245117 0.0708652
+-0.747424 0.613395 -0.249227 0.0546821
+-0.785942 0.563198 -0.25227 0.0382648
+-0.821094 0.510589 -0.254232 0.0216836
+-0.85273 0.455794 -0.255106 0.00500967
+-0.880714 0.399046 -0.254887 -0.0116858
+-0.904928 0.340591 -0.253577 -0.0283313
+-0.925266 0.280676 -0.251182 -0.0448553
+-0.941642 0.21956 -0.24771 -0.0611874
+-0.953986 0.157504 -0.243178 -0.0772573
+-0.962244 0.0947727 -0.237604 -0.0929965
+-0.966382 0.0316362 -0.231013 -0.108337
+0.978421 0.0320302 0.165922 0.118898
+0.974231 0.0959534 0.15779 0.129495
+0.96587 0.159466 0.148983 0.139538
+0.953372 0.222295 0.139538 0.148983
+0.936792 0.284173 0.129495 0.15779
+0.9162 0.344833 0.118898 0.165922
+0.891686 0.404017 0.107791 0.173343
+0.863352 0.461472 0.0962235 0.180021
+0.831322 0.516949 0.0842435 0.185929
+0.795732 0.570214 0.0719027 0.191041
+0.756735 0.621036 0.0592541 0.195335
+0.714497 0.669199 0.0463517 0.198792
+0.669199 0.714497 0.0332509 0.201398
+0.621036 0.756735 0.0200077 0.203141
+0.570214 0.795732 0.00667874 0.204015
+0.516949 0.831322 -0.00667877 0.204015
+0.461471 0.863352 -0.0200077 0.203141
+0.404017 0.891686 -0.0332509 0.201398
+0.344833 0.9162 -0.0463518 0.198792
+0.284173 0.936792 -0.0592541 0.195335
+0.222295 0.953372 -0.0719027 0.191041
+0.159466 0.96587 -0.0842435 0.185929
+0.0959533 0.974231 -0.0962235 0.180021
+0.0320301 0.978421 -0.107791 0.173343
+-0.0320303 0.978421 -0.118898 0.165922
+-0.0959535 0.974231 -0.129495 0.15779
+-0.159466 0.96587 -0.139538 0.148983
+-0.222295 0.953372 -0.148983 0.139538
+-0.284173 0.936792 -0.15779 0.129495
+-0.344834 0.9162 -0.165922 0.118898
+-0.404018 0.891686 -0.173343 0.107791
+-0.461471 0.863352 -0.180021 0.0962235
+-0.516949 0.831322 -0.185929 0.0842435
+-0.570214 0.795732 -0.191041 0.0719027
+-0.621036 0.756735 -0.195335 0.0592541
+-0.669199 0.714497 -0.198792 0.0463517
+-0.714497 0.669199 -0.201398 0.0332509
+-0.756735 0.621036 -0.203141 0.0200077
+-0.795732 0.570214 -0.204015 0.00667877
+-0.831322 0.516949 -0.204015 -0.00667876
+-0.863352 0.461472 -0.203141 -0.0200076
+-0.891686 0.404017 -0.201398 -0.0332509
+-0.9162 0.344833 -0.198792 -0.0463518
+-0.936792 0.284173 -0.195335 -0.0592541
+-0.953372 0.222295 -0.191041 -0.0719028
+-0.96587 0.159466 -0.185929 -0.0842435
+-0.974231 0.0959533 -0.180021 -0.0962235
+-0.978421 0.0320303 -0.173343 -0.107791
+0.978421 0.0320302 0.198792 0.0463517
+0.974231 0.0959534 0.195335 0.0592541
+0.96587 0.159466 0.191041 0.0719027
+0.953372 0.222295 0.185929 0.0842435
+0.936792 0.284173 0.180021 0.0962235
+0.9162 0.344833 0.173343 0.107791
+0.891686 0.404017 0.165922 0.118898
+0.863352 0.461472 0.15779 0.129495
+0.831322 0.516949 0.148983 0.139538
+0.795732 0.570214 0.139538 0.148983
+0.756735 0.621036 0.129495 0.15779
+0.714497 0.669199 0.118898 0.165922
+0.669199 0.714497 0.107791 0.173343
+0.621036 0.756735 0.0962235 0.180021
+0.570214 0.795732 0.0842435 0.185929
+0.516949 0.831322 0.0719027 0.191041
+0.461471 0.863352 0.0592541 0.195335
+0.404017 0.891686 0.0463517 0.198792
+0.344833 0.9162 0.0332509 0.201398
+0.284173 0.936792 0.0200077 0.203141
+0.222295 0.953372 0.00667875 0.204015
+0.159466 0.96587 -0.00667878 0.204015
+0.0959533 0.974231 -0.0200077 0.203141
+0.0320301 0.978421 -0.0332509 0.201398
+-0.0320303 0.978421 -0.0463518 0.198792
+-0.0959535 0.974231 -0.0592541 0.195335
+-0.159466 0.96587 -0.0719028 0.191041
+-0.222295 0.953372 -0.0842435 0.185929
+-0.284173 0.936792 -0.0962235 0.180021
+-0.344834 0.9162 -0.107791 0.173343
+-0.404018 0.891686 -0.118898 0.165922
+-0.461471 0.863352 -0.129495 0.15779
+-0.516949 0.831322 -0.139538 0.148983
+-0.570214 0.795732 -0.148983 0.139538
+-0.621036 0.756735 -0.15779 0.129495
+-0.669199 0.714497 -0.165922 0.118898
+-0.714497 0.669199 -0.173343 0.107791
+-0.756735 0.621036 -0.180021 0.0962234
+-0.795732 0.570214 -0.185929 0.0842435
+-0.831322 0.516949 -0.191041 0.0719027
+-0.863352 0.461472 -0.195335 0.0592541
+-0.891686 0.404017 -0.198792 0.0463517
+-0.9162 0.344833 -0.201398 0.0332509
+-0.936792 0.284173 -0.203141 0.0200077
+-0.953372 0.222295 -0.204015 0.00667874
+-0.96587 0.159466 -0.204015 -0.00667874
+-0.974231 0.0959533 -0.203141 -0.0200077
+-0.978421 0.0320303 -0.201398 -0.0332509
+0.987683 0.0323334 0.146501 0.0444406
+0.983453 0.0968617 0.143281 0.0539271
+0.975013 0.160975 0.139447 0.0631826
+0.962397 0.224399 0.135016 0.0721676
+0.94566 0.286863 0.130007 0.0808435
+0.924873 0.348098 0.124441 0.0891733
+0.900126 0.407842 0.118343 0.0971212
+0.871525 0.46584 0.111737 0.104653
+0.839192 0.521843 0.104653 0.111737
+0.803265 0.575611 0.0971212 0.118343
+0.763898 0.626915 0.0891733 0.124441
+0.72126 0.675534 0.0808435 0.130007
+0.675534 0.72126 0.0721676 0.135016
+0.626915 0.763898 0.0631826 0.139447
+0.575611 0.803265 0.053927 0.143281
+0.521843 0.839192 0.0444406 0.146501
+0.46584 0.871525 0.0347638 0.149094
+0.407842 0.900126 0.0249382 0.151048
+0.348098 0.924873 0.0150057 0.152356
+0.286863 0.94566 0.00500906 0.153011
+0.224399 0.962397 -0.00500907 0.153011
+0.160975 0.975013 -0.0150058 0.152356
+0.0968616 0.983453 -0.0249382 0.151048
+0.0323333 0.987683 -0.0347638 0.149094
+-0.0323335 0.987683 -0.0444406 0.146501
+-0.0968618 0.983453 -0.0539271 0.143281
+-0.160975 0.975013 -0.0631826 0.139447
+-0.224399 0.962397 -0.0721676 0.135016
+-0.286863 0.94566 -0.0808436 0.130007
+-0.348098 0.924873 -0.0891733 0.124441
+-0.407842 0.900126 -0.0971213 0.118343
+-0.46584 0.871525 -0.104653 0.111737
+-0.521843 0.839192 -0.111737 0.104653
+-0.575611 0.803265 -0.118343 0.0971212
+-0.626915 0.763898 -0.124441 0.0891733
+-0.675534 0.72126 -0.130007 0.0808435
+-0.72126 0.675534 -0.135016 0.0721676
+-0.763898 0.626915 -0.139447 0.0631826
+-0.803265 0.575611 -0.143281 0.0539271
+-0.839192 0.521843 -0.146501 0.0444406
+-0.871525 0.46584 -0.149094 0.0347638
+-0.900126 0.407842 -0.151048 0.0249382
+-0.924873 0.348098 -0.152356 0.0150057
+-0.94566 0.286863 -0.153011 0.00500907
+-0.962397 0.224399 -0.153011 -0.00500908
+-0.975013 0.160975 -0.152356 -0.0150057
+-0.983453 0.0968616 -0.151048 -0.0249382
+-0.987683 0.0323335 -0.149094 -0.0347638
+0.987683 0.0323334 0.104653 0.111737
+0.983453 0.0968617 0.0971212 0.118343
+0.975013 0.160975 0.0891733 0.124441
+0.962397 0.224399 0.0808435 0.130007
+0.94566 0.286863 0.0721676 0.135016
+0.924873 0.348098 0.0631826 0.139447
+0.900126 0.407842 0.0539271 0.143281
+0.871525 0.46584 0.0444406 0.146501
+0.839192 0.521843 0.0347638 0.149094
+0.803265 0.575611 0.0249382 0.151048
+0.763898 0.626915 0.0150058 0.152356
+0.72126 0.675534 0.00500906 0.153011
+0.675534 0.72126 -0.00500907 0.153011
+0.626915 0.763898 -0.0150057 0.152356
+0.575611 0.803265 -0.0249382 0.151048
+0.521843 0.839192 -0.0347638 0.149094
+0.46584 0.871525 -0.0444406 0.146501
+0.407842 0.900126 -0.0539271 0.143281
+0.348098 0.924873 -0.0631826 0.139447
+0.286863 0.94566 -0.0721676 0.135016
+0.224399 0.962397 -0.0808436 0.130007
+0.160975 0.975013 -0.0891733 0.124441
+0.0968616 0.983453 -0.0971213 0.118343
+0.0323333 0.987683 -0.104653 0.111737
+-0.0323335 0.987683 -0.111737 0.104653
+-0.0968618 0.983453 -0.118343 0.0971212
+-0.160975 0.975013 -0.124441 0.0891733
+-0.224399 0.962397 -0.130007 0.0808435
+-0.286863 0.94566 -0.135016 0.0721676
+-0.348098 0.924873 -0.139447 0.0631826
+-0.407842 0.900126 -0.143281 0.053927
+-0.46584 0.871525 -0.146501 0.0444406
+-0.521843 0.839192 -0.149094 0.0347638
+-0.575611 0.803265 -0.151048 0.0249382
+-0.626915 0.763898 -0.152356 0.0150058
+-0.675534 0.72126 -0.153011 0.00500906
+-0.72126 0.675534 -0.153011 -0.00500906
+-0.763898 0.626915 -0.152356 -0.0150058
+-0.803265 0.575611 -0.151048 -0.0249382
+-0.839192 0.521843 -0.149094 -0.0347638
+-0.871525 0.46584 -0.146501 -0.0444406
+-0.900126 0.407842 -0.143281 -0.0539271
+-0.924873 0.348098 -0.139447 -0.0631826
+-0.94566 0.286863 -0.135016 -0.0721676
+-0.962397 0.224399 -0.130007 -0.0808436
+-0.975013 0.160975 -0.124441 -0.0891733
+-0.983453 0.0968616 -0.118343 -0.0971212
+-0.987683 0.0323335 -0.111737 -0.104653
+0.994245 0.0325482 0.0359514 0.0955205
+0.989988 0.0975053 0.0296271 0.0976673
+0.981491 0.162045 0.0231759 0.0993959
+0.968791 0.22589 0.0166254 0.100699
+0.951943 0.288769 0.0100038 0.101571
+0.931019 0.350411 0.00333938 0.102007
+0.906107 0.410552 -0.00333938 0.102007
+0.877316 0.468935 -0.0100038 0.101571
+0.844768 0.52531 -0.0166255 0.100699
+0.808602 0.579436 -0.0231759 0.0993959
+0.768974 0.63108 -0.0296271 0.0976673
+0.726053 0.680023 -0.0359514 0.0955205
+0.680023 0.726053 -0.0421217 0.0929646
+0.631081 0.768974 -0.0481117 0.0900107
+0.579436 0.808602 -0.0538957 0.0866713
+0.52531 0.844768 -0.0594489 0.0829608
+0.468935 0.877316 -0.0647475 0.078895
+0.410552 0.906107 -0.0697689 0.0744914
+0.350411 0.931019 -0.0744914 0.0697688
+0.288769 0.951943 -0.0788951 0.0647475
+0.22589 0.968791 -0.0829608 0.0594489
+0.162045 0.981491 -0.0866713 0.0538957
+0.0975052 0.989988 -0.0900107 0.0481117
+0.0325481 0.994245 -0.0929647 0.0421217
+-0.0325483 0.994245 -0.0955205 0.0359514
+-0.0975054 0.989988 -0.0976673 0.029627
+-0.162045 0.981491 -0.0993959 0.0231759
+-0.225891 0.968791 -0.100699 0.0166254
+-0.288769 0.951943 -0.101571 0.0100038
+-0.350411 0.931019 -0.102007 0.00333936
+-0.410552 0.906107 -0.102007 -0.00333939
+-0.468935 0.877316 -0.101571 -0.0100038
+-0.52531 0.844768 -0.100699 -0.0166254
+-0.579436 0.808602 -0.0993959 -0.0231759
+-0.63108 0.768974 -0.0976673 -0.0296271
+-0.680023 0.726053 -0.0955205 -0.0359514
+-0.726053 0.680023 -0.0929647 -0.0421217
+-0.768974 0.63108 -0.0900107 -0.0481117
+-0.808602 0.579436 -0.0866713 -0.0538957
+-0.844768 0.52531 -0.0829608 -0.0594489
+-0.877316 0.468935 -0.0788951 -0.0647475
+-0.906107 0.410552 -0.0744914 -0.0697688
+-0.931019 0.350411 -0.0697688 -0.0744914
+-0.951943 0.288769 -0.0647475 -0.078895
+-0.968791 0.22589 -0.0594489 -0.0829608
+-0.981491 0.162045 -0.0538957 -0.0866713
+-0.989988 0.0975053 -0.0481117 -0.0900107
+-0.994245 0.0325483 -0.0421217 -0.0929646
+0.994245 0.0325482 0.0929646 0.0421217
+0.989988 0.0975053 0.0900107 0.0481117
+0.981491 0.162045 0.0866713 0.0538957
+0.968791 0.22589 0.0829608 0.0594489
+0.951943 0.288769 0.078895 0.0647475
+0.931019 0.350411 0.0744914 0.0697688
+0.906107 0.410552 0.0697688 0.0744914
+0.877316 0.468935 0.0647475 0.0788951
+0.844768 0.52531 0.0594489 0.0829608
+0.808602 0.579436 0.0538957 0.0866713
+0.768974 0.63108 0.0481117 0.0900107
+0.726053 0.680023 0.0421217 0.0929647
+0.680023 0.726053 0.0359514 0.0955205
+0.631081 0.768974 0.0296271 0.0976673
+0.579436 0.808602 0.0231759 0.0993959
+0.52531 0.844768 0.0166254 0.100699
+0.468935 0.877316 0.0100038 0.101571
+0.410552 0.906107 0.00333937 0.102007
+0.350411 0.931019 -0.00333938 0.102007
+0.288769 0.951943 -0.0100038 0.101571
+0.22589 0.968791 -0.0166255 0.100699
+0.162045 0.981491 -0.0231759 0.0993959
+0.0975052 0.989988 -0.0296271 0.0976673
+0.0325481 0.994245 -0.0359514 0.0955205
+-0.0325483 0.994245 -0.0421217 0.0929646
+-0.0975054 0.989988 -0.0481117 0.0900107
+-0.162045 0.981491 -0.0538957 0.0866713
+-0.225891 0.968791 -0.0594489 0.0829608
+-0.288769 0.951943 -0.0647475 0.078895
+-0.350411 0.931019 -0.0697689 0.0744914
+-0.410552 0.906107 -0.0744914 0.0697688
+-0.468935 0.877316 -0.078895 0.0647475
+-0.52531 0.844768 -0.0829608 0.0594489
+-0.579436 0.808602 -0.0866713 0.0538957
+-0.63108 0.768974 -0.0900107 0.0481117
+-0.680023 0.726053 -0.0929647 0.0421217
+-0.726053 0.680023 -0.0955205 0.0359514
+-0.768974 0.63108 -0.0976673 0.0296271
+-0.808602 0.579436 -0.0993959 0.0231759
+-0.844768 0.52531 -0.100699 0.0166254
+-0.877316 0.468935 -0.101571 0.0100038
+-0.906107 0.410552 -0.102007 0.00333938
+-0.931019 0.350411 -0.102007 -0.00333939
+-0.951943 0.288769 -0.101571 -0.0100038
+-0.968791 0.22589 -0.100699 -0.0166255
+-0.981491 0.162045 -0.0993959 -0.0231759
+-0.989988 0.0975053 -0.0976673 -0.0296271
+-0.994245 0.0325483 -0.0955205 -0.0359514
+0.998162 0.0326765 0.0348844 0.0372457
+0.993888 0.0978894 0.0323737 0.0394475
+0.985358 0.162683 0.0297244 0.0414804
+0.972608 0.22678 0.0269478 0.0433357
+0.955694 0.289906 0.0240559 0.0450054
+0.934687 0.351791 0.0210609 0.0464823
+0.909677 0.412169 0.0179757 0.0477602
+0.880772 0.470783 0.0148135 0.0488337
+0.848096 0.52738 0.0115879 0.049698
+0.811788 0.581719 0.00831273 0.0503494
+0.772003 0.633567 0.00500192 0.0507853
+0.728913 0.682702 0.00166969 0.0510037
+0.682702 0.728913 -0.00166969 0.0510037
+0.633567 0.772003 -0.00500192 0.0507853
+0.581719 0.811788 -0.00831273 0.0503494
+0.52738 0.848096 -0.0115879 0.049698
+0.470782 0.880772 -0.0148135 0.0488337
+0.412169 0.909677 -0.0179757 0.0477602
+0.351791 0.934687 -0.0210609 0.0464823
+0.289906 0.955694 -0.0240559 0.0450054
+0.22678 0.972608 -0.0269479 0.0433357
+0.162683 0.985358 -0.0297244 0.0414804
+0.0978893 0.993888 -0.0323738 0.0394475
+0.0326763 0.998162 -0.0348844 0.0372457
+-0.0326765 0.998162 -0.0372457 0.0348844
+-0.0978895 0.993888 -0.0394475 0.0323737
+-0.162683 0.985358 -0.0414804 0.0297244
+-0.22678 0.972608 -0.0433357 0.0269478
+-0.289907 0.955693 -0.0450054 0.0240559
+-0.351791 0.934686 -0.0464823 0.0210609
+-0.412169 0.909677 -0.0477603 0.0179757
+-0.470782 0.880772 -0.0488337 0.0148135
+-0.52738 0.848096 -0.049698 0.0115879
+-0.581719 0.811788 -0.0503494 0.00831272
+-0.633567 0.772003 -0.0507853 0.00500192
+-0.682702 0.728913 -0.0510037 0.00166969
+-0.728913 0.682702 -0.0510037 -0.00166969
+-0.772003 0.633567 -0.0507853 -0.00500192
+-0.811788 0.581719 -0.0503494 -0.00831272
+-0.848096 0.52738 -0.049698 -0.0115879
+-0.880772 0.470783 -0.0488337 -0.0148135
+-0.909677 0.412169 -0.0477602 -0.0179757
+-0.934687 0.351791 -0.0464823 -0.0210609
+-0.955693 0.289906 -0.0450054 -0.0240559
+-0.972608 0.22678 -0.0433357 -0.0269479
+-0.985358 0.162683 -0.0414804 -0.0297244
+-0.993888 0.0978894 -0.0394475 -0.0323737
+-0.998162 0.0326765 -0.0372457 -0.0348844
+0.735586 0.0240806 -0.49412 0.462794
+0.732436 0.0721387 -0.523331 0.429486
+0.72615 0.119888 -0.5503 0.394339
+0.716754 0.167124 -0.574913 0.357504
+0.704289 0.213644 -0.597064 0.319137
+0.688808 0.259249 -0.616658 0.279404
+0.670378 0.303744 -0.633611 0.238474
+0.649076 0.346939 -0.647852 0.196524
+0.624996 0.388647 -0.659318 0.153731
+0.598239 0.428692 -0.667961 0.110281
+0.56892 0.466901 -0.673743 0.0663579
+0.537165 0.50311 -0.676641 0.0221509
+0.50311 0.537165 -0.676641 -0.0221509
+0.466901 0.56892 -0.673743 -0.0663579
+0.428692 0.598239 -0.667961 -0.110281
+0.388647 0.624996 -0.659318 -0.153731
+0.346939 0.649077 -0.647852 -0.196524
+0.303744 0.670378 -0.633611 -0.238474
+0.259249 0.688808 -0.616658 -0.279404
+0.213644 0.704289 -0.597064 -0.319137
+0.167124 0.716754 -0.574913 -0.357504
+0.119888 0.72615 -0.5503 -0.394339
+0.0721386 0.732436 -0.52333 -0.429486
+0.0240805 0.735586 -0.49412 -0.462794
+-0.0240807 0.735586 -0.462794 -0.49412
+-0.0721387 0.732436 -0.429486 -0.523331
+-0.119888 0.72615 -0.394339 -0.5503
+-0.167124 0.716754 -0.357504 -0.574913
+-0.213644 0.704289 -0.319137 -0.597064
+-0.259249 0.688808 -0.279404 -0.616658
+-0.303744 0.670378 -0.238474 -0.633611
+-0.346939 0.649077 -0.196524 -0.647852
+-0.388647 0.624996 -0.153731 -0.659318
+-0.428692 0.598239 -0.110281 -0.667961
+-0.466901 0.56892 -0.0663579 -0.673743
+-0.50311 0.537165 -0.0221509 -0.676641
+-0.537165 0.50311 0.0221509 -0.676641
+-0.56892 0.466901 0.0663579 -0.673743
+-0.598239 0.428692 0.110281 -0.667961
+-0.624996 0.388647 0.153731 -0.659318
+-0.649076 0.346939 0.196524 -0.647852
+-0.670378 0.303744 0.238474 -0.633611
+-0.688808 0.259249 0.279404 -0.616658
+-0.704289 0.213644 0.319137 -0.597064
+-0.716754 0.167124 0.357504 -0.574913
+-0.72615 0.119888 0.394339 -0.5503
+-0.732436 0.0721386 0.429486 -0.523331
+-0.735586 0.0240807 0.462794 -0.49412
+0.763354 0.0249896 -0.512107 0.392954
+0.760085 0.0748618 -0.536711 0.358619
+0.753561 0.124413 -0.559017 0.322749
+0.743811 0.173432 -0.578929 0.285496
+0.730875 0.221709 -0.596362 0.247021
+0.71481 0.269035 -0.611241 0.207488
+0.695684 0.31521 -0.623502 0.167067
+0.673578 0.360035 -0.633094 0.12593
+0.648589 0.403318 -0.639975 0.0842543
+0.620822 0.444875 -0.644115 0.0422175
+0.590396 0.484526 -0.645497 1.17023e-08
+0.557443 0.522102 -0.644115 -0.0422176
+0.522102 0.557443 -0.639975 -0.0842543
+0.484526 0.590396 -0.633094 -0.12593
+0.444875 0.620822 -0.623502 -0.167067
+0.403318 0.648589 -0.611241 -0.207488
+0.360035 0.673579 -0.596362 -0.247021
+0.31521 0.695684 -0.578929 -0.285496
+0.269035 0.71481 -0.559017 -0.322749
+0.221709 0.730875 -0.536711 -0.358619
+0.173432 0.743811 -0.512107 -0.392954
+0.124413 0.753561 -0.48531 -0.425606
+0.0748617 0.760085 -0.456435 -0.456436
+0.0249895 0.763354 -0.425606 -0.485311
+-0.0249897 0.763354 -0.392954 -0.512107
+-0.0748619 0.760085 -0.358619 -0.536711
+-0.124414 0.753561 -0.322749 -0.559017
+-0.173432 0.743811 -0.285496 -0.578929
+-0.221709 0.730875 -0.247021 -0.596362
+-0.269036 0.71481 -0.207488 -0.611241
+-0.31521 0.695684 -0.167067 -0.623502
+-0.360035 0.673579 -0.12593 -0.633094
+-0.403318 0.648589 -0.0842543 -0.639975
+-0.444875 0.620822 -0.0422175 -0.644115
+-0.484526 0.590397 -2.19614e-08 -0.645497
+-0.522102 0.557443 0.0422176 -0.644115
+-0.557443 0.522102 0.0842543 -0.639975
+-0.590397 0.484526 0.12593 -0.633094
+-0.620822 0.444875 0.167067 -0.623502
+-0.648589 0.403318 0.207488 -0.611241
+-0.673578 0.360035 0.247021 -0.596362
+-0.695684 0.31521 0.285496 -0.578929
+-0.71481 0.269035 0.322749 -0.559017
+-0.730875 0.221709 0.358619 -0.536711
+-0.743811 0.173432 0.392954 -0.512107
+-0.753561 0.124414 0.425606 -0.485311
+-0.760085 0.0748618 0.456435 -0.456435
+-0.763354 0.0249897 0.48531 -0.425606
+0.763354 0.0249896 -0.425606 0.485311
+0.760085 0.0748618 -0.456435 0.456435
+0.753561 0.124413 -0.485311 0.425606
+0.743811 0.173432 -0.512107 0.392954
+0.730875 0.221709 -0.536711 0.358619
+0.71481 0.269035 -0.559017 0.322749
+0.695684 0.31521 -0.578929 0.285496
+0.673578 0.360035 -0.596362 0.247021
+0.648589 0.403318 -0.611241 0.207488
+0.620822 0.444875 -0.623502 0.167067
+0.590396 0.484526 -0.633094 0.12593
+0.557443 0.522102 -0.639975 0.0842543
+0.522102 0.557443 -0.644115 0.0422175
+0.484526 0.590396 -0.645497 -1.44328e-09
+0.444875 0.620822 -0.644115 -0.0422176
+0.403318 0.648589 -0.639975 -0.0842544
+0.360035 0.673579 -0.633094 -0.12593
+0.31521 0.695684 -0.623502 -0.167067
+0.269035 0.71481 -0.611241 -0.207488
+0.221709 0.730875 -0.596362 -0.247021
+0.173432 0.743811 -0.578929 -0.285496
+0.124413 0.753561 -0.559017 -0.322749
+0.0748617 0.760085 -0.536711 -0.358619
+0.0249895 0.763354 -0.512107 -0.392954
+-0.0249897 0.763354 -0.48531 -0.425606
+-0.0748619 0.760085 -0.456435 -0.456436
+-0.124414 0.753561 -0.425606 -0.485311
+-0.173432 0.743811 -0.392954 -0.512107
+-0.221709 0.730875 -0.358619 -0.536711
+-0.269036 0.71481 -0.322749 -0.559017
+-0.31521 0.695684 -0.285496 -0.578929
+-0.360035 0.673579 -0.247021 -0.596362
+-0.403318 0.648589 -0.207488 -0.611241
+-0.444875 0.620822 -0.167067 -0.623502
+-0.484526 0.590397 -0.12593 -0.633094
+-0.522102 0.557443 -0.0842542 -0.639975
+-0.557443 0.522102 -0.0422176 -0.644115
+-0.590397 0.484526 2.96589e-08 -0.645497
+-0.620822 0.444875 0.0422175 -0.644115
+-0.648589 0.403318 0.0842543 -0.639975
+-0.673578 0.360035 0.12593 -0.633094
+-0.695684 0.31521 0.167067 -0.623502
+-0.71481 0.269035 0.207488 -0.611241
+-0.730875 0.221709 0.247021 -0.596362
+-0.743811 0.173432 0.285496 -0.578929
+-0.753561 0.124414 0.322749 -0.559017
+-0.760085 0.0748618 0.358619 -0.536711
+-0.763354 0.0249897 0.392954 -0.512107
+0.790146 0.0258667 -0.446949 0.418613
+0.786763 0.0774894 -0.47337 0.388485
+0.78001 0.12878 -0.497765 0.356693
+0.769917 0.17952 -0.520028 0.323374
+0.756528 0.22949 -0.540064 0.28867
+0.739899 0.278478 -0.557788 0.25273
+0.720101 0.326274 -0.573123 0.215708
+0.69722 0.372672 -0.586004 0.177762
+0.671353 0.417474 -0.596375 0.139055
+0.642612 0.460489 -0.604193 0.0997527
+0.611118 0.501532 -0.609424 0.060023
+0.577008 0.540427 -0.612045 0.0200362
+0.540427 0.577008 -0.612045 -0.0200363
+0.501532 0.611118 -0.609424 -0.060023
+0.460489 0.642612 -0.604193 -0.0997527
+0.417474 0.671353 -0.596375 -0.139055
+0.372672 0.69722 -0.586004 -0.177762
+0.326274 0.720101 -0.573123 -0.215708
+0.278478 0.739899 -0.557788 -0.25273
+0.22949 0.756528 -0.540064 -0.28867
+0.17952 0.769917 -0.520028 -0.323374
+0.12878 0.78001 -0.497765 -0.356693
+0.0774893 0.786763 -0.47337 -0.388485
+0.0258666 0.790146 -0.446949 -0.418613
+-0.0258668 0.790146 -0.418613 -0.446949
+-0.0774894 0.786763 -0.388485 -0.47337
+-0.12878 0.78001 -0.356693 -0.497765
+-0.17952 0.769917 -0.323374 -0.520028
+-0.22949 0.756528 -0.28867 -0.540064
+-0.278478 0.739899 -0.25273 -0.557788
+-0.326274 0.720101 -0.215708 -0.573123
+-0.372672 0.69722 -0.177762 -0.586004
+-0.417474 0.671353 -0.139055 -0.596375
+-0.460489 0.642612 -0.0997526 -0.604193
+-0.501532 0.611118 -0.060023 -0.609424
+-0.540427 0.577008 -0.0200362 -0.612045
+-0.577008 0.540427 0.0200362 -0.612045
+-0.611118 0.501532 0.060023 -0.609424
+-0.642612 0.460489 0.0997526 -0.604193
+-0.671353 0.417474 0.139055 -0.596375
+-0.69722 0.372672 0.177762 -0.586004
+-0.720101 0.326274 0.215708 -0.573123
+-0.739899 0.278478 0.25273 -0.557788
+-0.756528 0.22949 0.28867 -0.540064
+-0.769917 0.179519 0.323374 -0.520028
+-0.78001 0.12878 0.356693 -0.497765
+-0.786763 0.0774893 0.388485 -0.47337
+-0.790146 0.0258668 0.418613 -0.446949
+0.790146 0.0258667 -0.520028 0.323374
+0.786763 0.0774894 -0.540064 0.28867
+0.78001 0.12878 -0.557788 0.25273
+0.769917 0.17952 -0.573123 0.215708
+0.756528 0.22949 -0.586004 0.177762
+0.739899 0.278478 -0.596375 0.139055
+0.720101 0.326274 -0.604193 0.0997527
+0.69722 0.372672 -0.609424 0.060023
+0.671353 0.417474 -0.612045 0.0200363
+0.642612 0.460489 -0.612045 -0.0200363
+0.611118 0.501532 -0.609424 -0.060023
+0.577008 0.540427 -0.604193 -0.0997527
+0.540427 0.577008 -0.596375 -0.139055
+0.501532 0.611118 -0.586004 -0.177762
+0.460489 0.642612 -0.573123 -0.215708
+0.417474 0.671353 -0.557788 -0.25273
+0.372672 0.69722 -0.540064 -0.28867
+0.326274 0.720101 -0.520028 -0.323374
+0.278478 0.739899 -0.497765 -0.356693
+0.22949 0.756528 -0.47337 -0.388485
+0.17952 0.769917 -0.446949 -0.418613
+0.12878 0.78001 -0.418613 -0.446949
+0.0774893 0.786763 -0.388485 -0.47337
+0.0258666 0.790146 -0.356693 -0.497765
+-0.0258668 0.790146 -0.323374 -0.520028
+-0.0774894 0.786763 -0.28867 -0.540064
+-0.12878 0.78001 -0.25273 -0.557788
+-0.17952 0.769917 -0.215708 -0.573123
+-0.22949 0.756528 -0.177762 -0.586004
+-0.278478 0.739899 -0.139055 -0.596375
+-0.326274 0.720101 -0.0997526 -0.604193
+-0.372672 0.69722 -0.0600231 -0.609424
+-0.417474 0.671353 -0.0200363 -0.612045
+-0.460489 0.642612 0.0200363 -0.612045
+-0.501532 0.611118 0.060023 -0.609424
+-0.540427 0.577008 0.0997527 -0.604193
+-0.577008 0.540427 0.139055 -0.596375
+-0.611118 0.501532 0.177762 -0.586004
+-0.642612 0.460489 0.215708 -0.573123
+-0.671353 0.417474 0.25273 -0.557788
+-0.69722 0.372672 0.28867 -0.540064
+-0.720101 0.326274 0.323374 -0.520028
+-0.739899 0.278478 0.356693 -0.497765
+-0.756528 0.22949 0.388485 -0.47337
+-0.769917 0.179519 0.418613 -0.446949
+-0.78001 0.12878 0.446949 -0.418613
+-0.786763 0.0774893 0.47337 -0.388485
+-0.790146 0.0258668 0.497765 -0.356693
+0.816059 0.026715 -0.51781 0.255355
+0.812565 0.0800307 -0.533402 0.220942
+0.805591 0.133004 -0.54671 0.185583
+0.795167 0.185407 -0.557678 0.149429
+0.781339 0.237016 -0.566257 0.112635
+0.764164 0.287611 -0.572411 0.0753593
+0.743717 0.336974 -0.576114 0.0377605
+0.720086 0.384894 -0.57735 -1.21881e-08
+0.693371 0.431166 -0.576114 -0.0377605
+0.663687 0.475591 -0.572411 -0.0753593
+0.63116 0.51798 -0.566257 -0.112635
+0.595932 0.558151 -0.557678 -0.149429
+0.558151 0.595932 -0.54671 -0.185583
+0.51798 0.63116 -0.533402 -0.220942
+0.475591 0.663687 -0.51781 -0.255356
+0.431166 0.693371 -0.5 -0.288675
+0.384894 0.720086 -0.480049 -0.320759
+0.336974 0.743717 -0.458043 -0.351469
+0.287611 0.764164 -0.434075 -0.380674
+0.237016 0.781339 -0.408248 -0.408248
+0.185407 0.795167 -0.380673 -0.434075
+0.133003 0.805591 -0.351469 -0.458043
+0.0800306 0.812565 -0.320759 -0.480049
+0.0267149 0.816059 -0.288675 -0.5
+-0.0267151 0.816059 -0.255355 -0.51781
+-0.0800307 0.812565 -0.220942 -0.533402
+-0.133004 0.805591 -0.185583 -0.54671
+-0.185407 0.795167 -0.149429 -0.557678
+-0.237017 0.781338 -0.112635 -0.566257
+-0.287611 0.764164 -0.0753592 -0.572411
+-0.336974 0.743717 -0.0377604 -0.576114
+-0.384894 0.720086 -6.58134e-08 -0.57735
+-0.431166 0.693371 0.0377605 -0.576114
+-0.475591 0.663686 0.0753594 -0.572411
+-0.51798 0.63116 0.112635 -0.566257
+-0.558151 0.595931 0.149429 -0.557678
+-0.595931 0.558151 0.185583 -0.54671
+-0.63116 0.51798 0.220942 -0.533402
+-0.663686 0.475591 0.255355 -0.51781
+-0.693371 0.431166 0.288675 -0.5
+-0.720086 0.384894 0.320759 -0.480049
+-0.743717 0.336974 0.351469 -0.458043
+-0.764164 0.287611 0.380674 -0.434075
+-0.781339 0.237016 0.408248 -0.408248
+-0.795167 0.185407 0.434075 -0.380673
+-0.805591 0.133004 0.458043 -0.351469
+-0.812565 0.0800306 0.480049 -0.320759
+-0.816059 0.0267151 0.5 -0.288675
+0.816059 0.026715 -0.458043 0.351469
+0.812565 0.0800307 -0.480049 0.320759
+0.805591 0.133004 -0.5 0.288675
+0.795167 0.185407 -0.51781 0.255355
+0.781339 0.237016 -0.533402 0.220942
+0.764164 0.287611 -0.54671 0.185583
+0.743717 0.336974 -0.557678 0.149429
+0.720086 0.384894 -0.566257 0.112635
+0.693371 0.431166 -0.572411 0.0753593
+0.663687 0.475591 -0.576114 0.0377605
+0.63116 0.51798 -0.57735 1.04669e-08
+0.595932 0.558151 -0.576114 -0.0377605
+0.558151 0.595932 -0.572411 -0.0753593
+0.51798 0.63116 -0.566257 -0.112635
+0.475591 0.663687 -0.557678 -0.149429
+0.431166 0.693371 -0.54671 -0.185583
+0.384894 0.720086 -0.533402 -0.220942
+0.336974 0.743717 -0.51781 -0.255356
+0.287611 0.764164 -0.5 -0.288675
+0.237016 0.781339 -0.480049 -0.320759
+0.185407 0.795167 -0.458043 -0.351469
+0.133003 0.805591 -0.434075 -0.380674
+0.0800306 0.812565 -0.408248 -0.408248
+0.0267149 0.816059 -0.380673 -0.434075
+-0.0267151 0.816059 -0.351469 -0.458043
+-0.0800307 0.812565 -0.320759 -0.480049
+-0.133004 0.805591 -0.288675 -0.5
+-0.185407 0.795167 -0.255355 -0.51781
+-0.237017 0.781338 -0.220942 -0.533402
+-0.287611 0.764164 -0.185583 -0.54671
+-0.336974 0.743717 -0.149429 -0.557678
+-0.384894 0.720086 -0.112636 -0.566257
+-0.431166 0.693371 -0.0753593 -0.572411
+-0.475591 0.663686 -0.0377605 -0.576114
+-0.51798 0.63116 -1.96429e-08 -0.57735
+-0.558151 0.595931 0.0377606 -0.576114
+-0.595931 0.558151 0.0753593 -0.572411
+-0.63116 0.51798 0.112635 -0.566257
+-0.663686 0.475591 0.149429 -0.557678
+-0.693371 0.431166 0.185583 -0.54671
+-0.720086 0.384894 0.220942 -0.533402
+-0.743717 0.336974 0.255355 -0.51781
+-0.764164 0.287611 0.288675 -0.5
+-0.781339 0.237016 0.320759 -0.480049
+-0.795167 0.185407 0.351469 -0.458043
+-0.805591 0.133004 0.380673 -0.434075
+-0.812565 0.0800306 0.408248 -0.408248
+-0.816059 0.0267151 0.434075 -0.380674
+0.841175 0.0275372 -0.458622 0.285189
+0.837573 0.0824937 -0.476292 0.254583
+0.830384 0.137097 -0.491923 0.222887
+0.81964 0.191113 -0.505447 0.190237
+0.805385 0.244311 -0.516807 0.156772
+0.787682 0.296463 -0.525954 0.122635
+0.766606 0.347345 -0.532848 0.0879736
+0.742247 0.396739 -0.537461 0.0529353
+0.71471 0.444435 -0.539773 0.0176703
+0.684112 0.490228 -0.539773 -0.0176703
+0.650585 0.533921 -0.537461 -0.0529353
+0.614272 0.575329 -0.532848 -0.0879736
+0.575329 0.614272 -0.525954 -0.122635
+0.533922 0.650585 -0.516807 -0.156772
+0.490228 0.684112 -0.505447 -0.190237
+0.444435 0.71471 -0.491923 -0.222887
+0.396739 0.742247 -0.476292 -0.254583
+0.347345 0.766606 -0.458622 -0.285189
+0.296463 0.787682 -0.438987 -0.314574
+0.244311 0.805385 -0.417473 -0.342612
+0.191113 0.81964 -0.394172 -0.369182
+0.137097 0.830384 -0.369182 -0.394172
+0.0824936 0.837573 -0.342611 -0.417473
+0.0275371 0.841175 -0.314574 -0.438987
+-0.0275373 0.841175 -0.285189 -0.458622
+-0.0824938 0.837573 -0.254583 -0.476292
+-0.137097 0.830384 -0.222887 -0.491923
+-0.191113 0.81964 -0.190237 -0.505447
+-0.244311 0.805385 -0.156772 -0.516807
+-0.296463 0.787682 -0.122635 -0.525954
+-0.347345 0.766606 -0.0879735 -0.532848
+-0.396739 0.742247 -0.0529354 -0.537461
+-0.444435 0.71471 -0.0176703 -0.539773
+-0.490228 0.684112 0.0176704 -0.539773
+-0.533921 0.650585 0.0529353 -0.537461
+-0.575329 0.614272 0.0879736 -0.532848
+-0.614272 0.575329 0.122635 -0.525954
+-0.650585 0.533921 0.156772 -0.516807
+-0.684112 0.490228 0.190237 -0.505447
+-0.71471 0.444435 0.222887 -0.491923
+-0.742247 0.39674 0.254583 -0.476292
+-0.766606 0.347345 0.285189 -0.458622
+-0.787682 0.296463 0.314574 -0.438987
+-0.805385 0.244311 0.342612 -0.417473
+-0.81964 0.191113 0.369182 -0.394172
+-0.830384 0.137097 0.394172 -0.369182
+-0.837573 0.0824937 0.417473 -0.342612
+-0.841175 0.0275373 0.438987 -0.314574
+0.790146 0.0258667 -0.356693 0.497765
+0.786763 0.0774894 -0.388485 0.47337
+0.78001 0.12878 -0.418613 0.446949
+0.769917 0.17952 -0.446949 0.418613
+0.756528 0.22949 -0.47337 0.388485
+0.739899 0.278478 -0.497765 0.356693
+0.720101 0.326274 -0.520028 0.323374
+0.69722 0.372672 -0.540064 0.28867
+0.671353 0.417474 -0.557788 0.25273
+0.642612 0.460489 -0.573123 0.215708
+0.611118 0.501532 -0.586004 0.177762
+0.577008 0.540427 -0.596375 0.139055
+0.540427 0.577008 -0.604193 0.0997527
+0.501532 0.611118 -0.609424 0.060023
+0.460489 0.642612 -0.612045 0.0200362
+0.417474 0.671353 -0.612045 -0.0200363
+0.372672 0.69722 -0.609424 -0.060023
+0.326274 0.720101 -0.604193 -0.0997527
+0.278478 0.739899 -0.596375 -0.139055
+0.22949 0.756528 -0.586004 -0.177762
+0.17952 0.769917 -0.573123 -0.215708
+0.12878 0.78001 -0.557788 -0.25273
+0.0774893 0.786763 -0.540064 -0.28867
+0.0258666 0.790146 -0.520028 -0.323374
+-0.0258668 0.790146 -0.497765 -0.356693
+-0.0774894 0.786763 -0.47337 -0.388485
+-0.12878 0.78001 -0.446949 -0.418613
+-0.17952 0.769917 -0.418613 -0.446949
+-0.22949 0.756528 -0.388485 -0.47337
+-0.278478 0.739899 -0.356693 -0.497765
+-0.326274 0.720101 -0.323374 -0.520028
+-0.372672 0.69722 -0.28867 -0.540064
+-0.417474 0.671353 -0.25273 -0.557788
+-0.460489 0.642612 -0.215708 -0.573123
+-0.501532 0.611118 -0.177762 -0.586004
+-0.540427 0.577008 -0.139055 -0.596375
+-0.577008 0.540427 -0.0997527 -0.604193
+-0.611118 0.501532 -0.060023 -0.609424
+-0.642612 0.460489 -0.0200363 -0.612045
+-0.671353 0.417474 0.0200363 -0.612045
+-0.69722 0.372672 0.0600229 -0.609424
+-0.720101 0.326274 0.0997527 -0.604193
+-0.739899 0.278478 0.139055 -0.596375
+-0.756528 0.22949 0.177762 -0.586004
+-0.769917 0.179519 0.215708 -0.573123
+-0.78001 0.12878 0.25273 -0.557788
+-0.786763 0.0774893 0.28867 -0.540064
+-0.790146 0.0258668 0.323374 -0.520028
+0.816059 0.026715 -0.380673 0.434075
+0.812565 0.0800307 -0.408248 0.408248
+0.805591 0.133004 -0.434075 0.380673
+0.795167 0.185407 -0.458043 0.351469
+0.781339 0.237016 -0.480049 0.320759
+0.764164 0.287611 -0.5 0.288675
+0.743717 0.336974 -0.51781 0.255355
+0.720086 0.384894 -0.533402 0.220942
+0.693371 0.431166 -0.54671 0.185583
+0.663687 0.475591 -0.557678 0.149429
+0.63116 0.51798 -0.566257 0.112635
+0.595932 0.558151 -0.572411 0.0753593
+0.558151 0.595932 -0.576114 0.0377605
+0.51798 0.63116 -0.57735 -1.29091e-09
+0.475591 0.663687 -0.576114 -0.0377605
+0.431166 0.693371 -0.572411 -0.0753594
+0.384894 0.720086 -0.566257 -0.112635
+0.336974 0.743717 -0.557678 -0.149429
+0.287611 0.764164 -0.54671 -0.185583
+0.237016 0.781339 -0.533402 -0.220942
+0.185407 0.795167 -0.51781 -0.255356
+0.133003 0.805591 -0.5 -0.288675
+0.0800306 0.812565 -0.480049 -0.320759
+0.0267149 0.816059 -0.458043 -0.351469
+-0.0267151 0.816059 -0.434075 -0.380674
+-0.0800307 0.812565 -0.408248 -0.408248
+-0.133004 0.805591 -0.380673 -0.434075
+-0.185407 0.795167 -0.351469 -0.458043
+-0.237017 0.781338 -0.320759 -0.480049
+-0.287611 0.764164 -0.288675 -0.5
+-0.336974 0.743717 -0.255355 -0.51781
+-0.384894 0.720086 -0.220942 -0.533402
+-0.431166 0.693371 -0.185583 -0.54671
+-0.475591 0.663686 -0.149429 -0.557678
+-0.51798 0.63116 -0.112635 -0.566257
+-0.558151 0.595931 -0.0753593 -0.572411
+-0.595931 0.558151 -0.0377605 -0.576114
+-0.63116 0.51798 2.65277e-08 -0.57735
+-0.663686 0.475591 0.0377605 -0.576114
+-0.693371 0.431166 0.0753593 -0.572411
+-0.720086 0.384894 0.112635 -0.566257
+-0.743717 0.336974 0.149429 -0.557678
+-0.764164 0.287611 0.185583 -0.54671
+-0.781339 0.237016 0.220942 -0.533402
+-0.795167 0.185407 0.255356 -0.51781
+-0.805591 0.133004 0.288675 -0.5
+-0.812565 0.0800306 0.320759 -0.480049
+-0.816059 0.0267151 0.351469 -0.458043
+0.816059 0.026715 -0.288675 0.5
+0.812565 0.0800307 -0.320759 0.480049
+0.805591 0.133004 -0.351469 0.458043
+0.795167 0.185407 -0.380673 0.434075
+0.781339 0.237016 -0.408248 0.408248
+0.764164 0.287611 -0.434075 0.380673
+0.743717 0.336974 -0.458043 0.351469
+0.720086 0.384894 -0.480049 0.320759
+0.693371 0.431166 -0.5 0.288675
+0.663687 0.475591 -0.51781 0.255355
+0.63116 0.51798 -0.533402 0.220942
+0.595932 0.558151 -0.54671 0.185583
+0.558151 0.595932 -0.557678 0.149429
+0.51798 0.63116 -0.566257 0.112635
+0.475591 0.663687 -0.572411 0.0753593
+0.431166 0.693371 -0.576114 0.0377605
+0.384894 0.720086 -0.57735 -4.74615e-08
+0.336974 0.743717 -0.576114 -0.0377606
+0.287611 0.764164 -0.572411 -0.0753594
+0.237016 0.781339 -0.566257 -0.112635
+0.185407 0.795167 -0.557678 -0.149429
+0.133003 0.805591 -0.54671 -0.185583
+0.0800306 0.812565 -0.533402 -0.220942
+0.0267149 0.816059 -0.51781 -0.255356
+-0.0267151 0.816059 -0.5 -0.288675
+-0.0800307 0.812565 -0.480049 -0.320759
+-0.133004 0.805591 -0.458043 -0.351469
+-0.185407 0.795167 -0.434075 -0.380674
+-0.237017 0.781338 -0.408248 -0.408248
+-0.287611 0.764164 -0.380673 -0.434075
+-0.336974 0.743717 -0.351469 -0.458043
+-0.384894 0.720086 -0.320759 -0.480049
+-0.431166 0.693371 -0.288675 -0.5
+-0.475591 0.663686 -0.255355 -0.51781
+-0.51798 0.63116 -0.220942 -0.533402
+-0.558151 0.595931 -0.185583 -0.54671
+-0.595931 0.558151 -0.149429 -0.557678
+-0.63116 0.51798 -0.112635 -0.566257
+-0.663686 0.475591 -0.0753594 -0.572411
+-0.693371 0.431166 -0.0377605 -0.576114
+-0.720086 0.384894 -6.49528e-08 -0.57735
+-0.743717 0.336974 0.0377605 -0.576114
+-0.764164 0.287611 0.0753594 -0.572411
+-0.781339 0.237016 0.112635 -0.566257
+-0.795167 0.185407 0.149429 -0.557678
+-0.805591 0.133004 0.185583 -0.54671
+-0.812565 0.0800306 0.220942 -0.533402
+-0.816059 0.0267151 0.255355 -0.51781
+0.841175 0.0275372 -0.314574 0.438987
+0.837573 0.0824937 -0.342612 0.417473
+0.830384 0.137097 -0.369182 0.394172
+0.81964 0.191113 -0.394172 0.369182
+0.805385 0.244311 -0.417473 0.342612
+0.787682 0.296463 -0.438987 0.314574
+0.766606 0.347345 -0.458622 0.285189
+0.742247 0.396739 -0.476292 0.254583
+0.71471 0.444435 -0.491923 0.222887
+0.684112 0.490228 -0.505447 0.190237
+0.650585 0.533921 -0.516807 0.156772
+0.614272 0.575329 -0.525954 0.122635
+0.575329 0.614272 -0.532848 0.0879736
+0.533922 0.650585 -0.537461 0.0529353
+0.490228 0.684112 -0.539773 0.0176703
+0.444435 0.71471 -0.539773 -0.0176704
+0.396739 0.742247 -0.537461 -0.0529354
+0.347345 0.766606 -0.532848 -0.0879736
+0.296463 0.787682 -0.525954 -0.122635
+0.244311 0.805385 -0.516807 -0.156772
+0.191113 0.81964 -0.505447 -0.190237
+0.137097 0.830384 -0.491923 -0.222887
+0.0824936 0.837573 -0.476292 -0.254583
+0.0275371 0.841175 -0.458622 -0.285189
+-0.0275373 0.841175 -0.438987 -0.314574
+-0.0824938 0.837573 -0.417473 -0.342612
+-0.137097 0.830384 -0.394172 -0.369182
+-0.191113 0.81964 -0.369182 -0.394172
+-0.244311 0.805385 -0.342611 -0.417473
+-0.296463 0.787682 -0.314574 -0.438987
+-0.347345 0.766606 -0.285189 -0.458622
+-0.396739 0.742247 -0.254583 -0.476292
+-0.444435 0.71471 -0.222887 -0.491923
+-0.490228 0.684112 -0.190237 -0.505447
+-0.533921 0.650585 -0.156772 -0.516807
+-0.575329 0.614272 -0.122635 -0.525954
+-0.614272 0.575329 -0.0879736 -0.532848
+-0.650585 0.533921 -0.0529353 -0.537461
+-0.684112 0.490228 -0.0176704 -0.539773
+-0.71471 0.444435 0.0176703 -0.539773
+-0.742247 0.39674 0.0529352 -0.537461
+-0.766606 0.347345 0.0879736 -0.532848
+-0.787682 0.296463 0.122635 -0.525954
+-0.805385 0.244311 0.156772 -0.516807
+-0.81964 0.191113 0.190237 -0.505447
+-0.830384 0.137097 0.222887 -0.491923
+-0.837573 0.0824937 0.254583 -0.476292
+-0.841175 0.0275373 0.285189 -0.458622
+0.841175 0.0275372 -0.394172 0.369182
+0.837573 0.0824937 -0.417473 0.342612
+0.830384 0.137097 -0.438987 0.314574
+0.81964 0.191113 -0.458622 0.285189
+0.805385 0.244311 -0.476292 0.254583
+0.787682 0.296463 -0.491923 0.222887
+0.766606 0.347345 -0.505447 0.190237
+0.742247 0.396739 -0.516807 0.156772
+0.71471 0.444435 -0.525954 0.122635
+0.684112 0.490228 -0.532848 0.0879736
+0.650585 0.533921 -0.537461 0.0529353
+0.614272 0.575329 -0.539773 0.0176703
+0.575329 0.614272 -0.539773 -0.0176703
+0.533922 0.650585 -0.537461 -0.0529353
+0.490228 0.684112 -0.532848 -0.0879736
+0.444435 0.71471 -0.525954 -0.122635
+0.396739 0.742247 -0.516807 -0.156772
+0.347345 0.766606 -0.505447 -0.190237
+0.296463 0.787682 -0.491923 -0.222887
+0.244311 0.805385 -0.476292 -0.254583
+0.191113 0.81964 -0.458622 -0.285189
+0.137097 0.830384 -0.438987 -0.314574
+0.0824936 0.837573 -0.417473 -0.342612
+0.0275371 0.841175 -0.394172 -0.369182
+-0.0275373 0.841175 -0.369182 -0.394172
+-0.0824938 0.837573 -0.342611 -0.417473
+-0.137097 0.830384 -0.314574 -0.438987
+-0.191113 0.81964 -0.285189 -0.458622
+-0.244311 0.805385 -0.254583 -0.476292
+-0.296463 0.787682 -0.222887 -0.491923
+-0.347345 0.766606 -0.190237 -0.505447
+-0.396739 0.742247 -0.156772 -0.516807
+-0.444435 0.71471 -0.122635 -0.525954
+-0.490228 0.684112 -0.0879736 -0.532848
+-0.533921 0.650585 -0.0529353 -0.537461
+-0.575329 0.614272 -0.0176703 -0.539773
+-0.614272 0.575329 0.0176703 -0.539773
+-0.650585 0.533921 0.0529353 -0.537461
+-0.684112 0.490228 0.0879736 -0.532848
+-0.71471 0.444435 0.122635 -0.525954
+-0.742247 0.39674 0.156772 -0.516807
+-0.766606 0.347345 0.190237 -0.505447
+-0.787682 0.296463 0.222887 -0.491923
+-0.805385 0.244311 0.254583 -0.476292
+-0.81964 0.191113 0.285189 -0.458622
+-0.830384 0.137097 0.314574 -0.438987
+-0.837573 0.0824937 0.342612 -0.417473
+-0.841175 0.0275373 0.369182 -0.394172
+0.865562 0.0283356 -0.396677 0.304381
+0.861855 0.0848853 -0.415735 0.277785
+0.854458 0.141072 -0.433013 0.25
+0.843402 0.196654 -0.448436 0.221144
+0.828735 0.251394 -0.46194 0.191342
+0.810518 0.305057 -0.473465 0.16072
+0.788831 0.357415 -0.482963 0.12941
+0.763766 0.408242 -0.490393 0.0975452
+0.735431 0.45732 -0.495722 0.0652631
+0.703946 0.50444 -0.498929 0.0327016
+0.669447 0.549401 -0.5 9.06458e-09
+0.632081 0.592008 -0.498929 -0.0327016
+0.592008 0.632081 -0.495722 -0.0652631
+0.549401 0.669447 -0.490393 -0.0975452
+0.50444 0.703946 -0.482963 -0.12941
+0.45732 0.735431 -0.473465 -0.16072
+0.408241 0.763766 -0.46194 -0.191342
+0.357415 0.788831 -0.448436 -0.221144
+0.305057 0.810518 -0.433013 -0.25
+0.251394 0.828735 -0.415735 -0.277785
+0.196654 0.843402 -0.396677 -0.304381
+0.141072 0.854458 -0.37592 -0.329673
+0.0848852 0.861855 -0.353553 -0.353553
+0.0283355 0.865562 -0.329673 -0.37592
+-0.0283356 0.865562 -0.304381 -0.396677
+-0.0848854 0.861855 -0.277785 -0.415735
+-0.141072 0.854458 -0.25 -0.433013
+-0.196654 0.843402 -0.221144 -0.448436
+-0.251394 0.828735 -0.191342 -0.46194
+-0.305058 0.810518 -0.16072 -0.473465
+-0.357415 0.788831 -0.129409 -0.482963
+-0.408241 0.763766 -0.0975452 -0.490393
+-0.45732 0.735431 -0.0652631 -0.495722
+-0.504441 0.703946 -0.0327015 -0.498929
+-0.549401 0.669447 -1.70112e-08 -0.5
+-0.592008 0.632081 0.0327016 -0.498929
+-0.632081 0.592008 0.0652631 -0.495722
+-0.669447 0.549401 0.0975452 -0.490393
+-0.703946 0.504441 0.129409 -0.482963
+-0.735431 0.45732 0.16072 -0.473465
+-0.763766 0.408242 0.191342 -0.46194
+-0.788831 0.357415 0.221144 -0.448436
+-0.810518 0.305057 0.25 -0.433013
+-0.828735 0.251394 0.277785 -0.415735
+-0.843402 0.196654 0.304381 -0.396677
+-0.854458 0.141072 0.329673 -0.37592
+-0.861855 0.0848853 0.353553 -0.353553
+-0.865562 0.0283356 0.37592 -0.329673
+0.865562 0.0283356 -0.329673 0.37592
+0.861855 0.0848853 -0.353553 0.353553
+0.854458 0.141072 -0.37592 0.329673
+0.843402 0.196654 -0.396677 0.304381
+0.828735 0.251394 -0.415735 0.277785
+0.810518 0.305057 -0.433013 0.25
+0.788831 0.357415 -0.448436 0.221144
+0.763766 0.408242 -0.46194 0.191342
+0.735431 0.45732 -0.473465 0.16072
+0.703946 0.50444 -0.482963 0.12941
+0.669447 0.549401 -0.490393 0.0975452
+0.632081 0.592008 -0.495722 0.0652631
+0.592008 0.632081 -0.498929 0.0327016
+0.549401 0.669447 -0.5 -1.11796e-09
+0.50444 0.703946 -0.498929 -0.0327016
+0.45732 0.735431 -0.495722 -0.0652631
+0.408241 0.763766 -0.490393 -0.0975452
+0.357415 0.788831 -0.482963 -0.12941
+0.305057 0.810518 -0.473465 -0.16072
+0.251394 0.828735 -0.46194 -0.191342
+0.196654 0.843402 -0.448436 -0.221144
+0.141072 0.854458 -0.433013 -0.25
+0.0848852 0.861855 -0.415735 -0.277785
+0.0283355 0.865562 -0.396677 -0.304381
+-0.0283356 0.865562 -0.37592 -0.329673
+-0.0848854 0.861855 -0.353553 -0.353553
+-0.141072 0.854458 -0.329673 -0.37592
+-0.196654 0.843402 -0.304381 -0.396677
+-0.251394 0.828735 -0.277785 -0.415735
+-0.305058 0.810518 -0.25 -0.433013
+-0.357415 0.788831 -0.221144 -0.448436
+-0.408241 0.763766 -0.191342 -0.46194
+-0.45732 0.735431 -0.16072 -0.473465
+-0.504441 0.703946 -0.129409 -0.482963
+-0.549401 0.669447 -0.0975452 -0.490393
+-0.592008 0.632081 -0.0652631 -0.495722
+-0.632081 0.592008 -0.0327016 -0.498929
+-0.669447 0.549401 2.29737e-08 -0.5
+-0.703946 0.504441 0.0327015 -0.498929
+-0.735431 0.45732 0.0652631 -0.495722
+-0.763766 0.408242 0.0975451 -0.490393
+-0.788831 0.357415 0.12941 -0.482963
+-0.810518 0.305057 0.16072 -0.473465
+-0.828735 0.251394 0.191342 -0.46194
+-0.843402 0.196654 0.221144 -0.448436
+-0.854458 0.141072 0.25 -0.433013
+-0.861855 0.0848853 0.277785 -0.415735
+-0.865562 0.0283356 0.304381 -0.396677
+0.88928 0.029112 -0.333136 0.312016
+0.885472 0.0872114 -0.352829 0.28956
+0.877872 0.144937 -0.371012 0.265863
+0.866513 0.202043 -0.387606 0.241029
+0.851444 0.258283 -0.40254 0.215162
+0.832728 0.313417 -0.415751 0.188374
+0.810447 0.367209 -0.427181 0.160779
+0.784695 0.419428 -0.436782 0.132496
+0.755583 0.469852 -0.444512 0.103646
+0.723236 0.518263 -0.450339 0.0743513
+0.687791 0.564456 -0.454238 0.0447385
+0.649401 0.608231 -0.456191 0.0149341
+0.608231 0.649401 -0.456191 -0.0149342
+0.564456 0.687791 -0.454238 -0.0447385
+0.518263 0.723236 -0.450339 -0.0743513
+0.469852 0.755583 -0.444512 -0.103646
+0.419428 0.784695 -0.436781 -0.132496
+0.367209 0.810447 -0.427181 -0.160779
+0.313417 0.832728 -0.415751 -0.188374
+0.258283 0.851444 -0.40254 -0.215162
+0.202043 0.866513 -0.387606 -0.241029
+0.144937 0.877872 -0.371012 -0.265864
+0.0872113 0.885472 -0.352829 -0.28956
+0.0291119 0.88928 -0.333136 -0.312016
+-0.0291121 0.88928 -0.312016 -0.333136
+-0.0872115 0.885472 -0.28956 -0.352829
+-0.144937 0.877872 -0.265863 -0.371012
+-0.202043 0.866513 -0.241029 -0.387606
+-0.258283 0.851444 -0.215162 -0.40254
+-0.313417 0.832728 -0.188374 -0.415751
+-0.367209 0.810447 -0.160779 -0.427181
+-0.419428 0.784695 -0.132496 -0.436781
+-0.469852 0.755583 -0.103646 -0.444512
+-0.518263 0.723236 -0.0743512 -0.450339
+-0.564456 0.687791 -0.0447385 -0.454238
+-0.608231 0.649401 -0.0149341 -0.456191
+-0.649401 0.608231 0.0149341 -0.456191
+-0.687791 0.564456 0.0447385 -0.454238
+-0.723236 0.518263 0.0743512 -0.450339
+-0.755583 0.469852 0.103646 -0.444512
+-0.784695 0.419428 0.132496 -0.436782
+-0.810447 0.367209 0.160779 -0.427181
+-0.832728 0.313417 0.188374 -0.415751
+-0.851444 0.258283 0.215162 -0.40254
+-0.866513 0.202043 0.241029 -0.387606
+-0.877872 0.144937 0.265863 -0.371012
+-0.885472 0.0872113 0.28956 -0.352829
+-0.88928 0.0291121 0.312016 -0.333136
+0.841175 0.0275372 -0.505447 0.190237
+0.837573 0.0824937 -0.516807 0.156772
+0.830384 0.137097 -0.525954 0.122635
+0.81964 0.191113 -0.532848 0.0879736
+0.805385 0.244311 -0.537461 0.0529353
+0.787682 0.296463 -0.539773 0.0176703
+0.766606 0.347345 -0.539773 -0.0176703
+0.742247 0.396739 -0.537461 -0.0529353
+0.71471 0.444435 -0.532848 -0.0879736
+0.684112 0.490228 -0.525954 -0.122635
+0.650585 0.533921 -0.516807 -0.156772
+0.614272 0.575329 -0.505447 -0.190237
+0.575329 0.614272 -0.491923 -0.222887
+0.533922 0.650585 -0.476292 -0.254583
+0.490228 0.684112 -0.458622 -0.285189
+0.444435 0.71471 -0.438987 -0.314574
+0.396739 0.742247 -0.417473 -0.342612
+0.347345 0.766606 -0.394172 -0.369182
+0.296463 0.787682 -0.369182 -0.394172
+0.244311 0.805385 -0.342612 -0.417473
+0.191113 0.81964 -0.314574 -0.438987
+0.137097 0.830384 -0.285189 -0.458622
+0.0824936 0.837573 -0.254583 -0.476292
+0.0275371 0.841175 -0.222887 -0.491923
+-0.0275373 0.841175 -0.190237 -0.505447
+-0.0824938 0.837573 -0.156772 -0.516807
+-0.137097 0.830384 -0.122635 -0.525954
+-0.191113 0.81964 -0.0879736 -0.532848
+-0.244311 0.805385 -0.0529352 -0.537461
+-0.296463 0.787682 -0.0176702 -0.539773
+-0.347345 0.766606 0.0176704 -0.539773
+-0.396739 0.742247 0.0529352 -0.537461
+-0.444435 0.71471 0.0879736 -0.532848
+-0.490228 0.684112 0.122635 -0.525954
+-0.533921 0.650585 0.156772 -0.516807
+-0.575329 0.614272 0.190237 -0.505447
+-0.614272 0.575329 0.222887 -0.491923
+-0.650585 0.533921 0.254583 -0.476292
+-0.684112 0.490228 0.285189 -0.458622
+-0.71471 0.444435 0.314574 -0.438987
+-0.742247 0.39674 0.342611 -0.417473
+-0.766606 0.347345 0.369182 -0.394172
+-0.787682 0.296463 0.394172 -0.369182
+-0.805385 0.244311 0.417473 -0.342612
+-0.81964 0.191113 0.438987 -0.314574
+-0.830384 0.137097 0.458622 -0.285189
+-0.837573 0.0824937 0.476292 -0.254583
+-0.841175 0.0275373 0.491923 -0.222887
+0.865562 0.0283356 -0.482963 0.12941
+0.861855 0.0848853 -0.490393 0.0975452
+0.854458 0.141072 -0.495722 0.0652631
+0.843402 0.196654 -0.498929 0.0327016
+0.828735 0.251394 -0.5 -3.72653e-10
+0.810518 0.305057 -0.498929 -0.0327016
+0.788831 0.357415 -0.495722 -0.0652631
+0.763766 0.408242 -0.490393 -0.0975452
+0.735431 0.45732 -0.482963 -0.12941
+0.703946 0.50444 -0.473465 -0.16072
+0.669447 0.549401 -0.46194 -0.191342
+0.632081 0.592008 -0.448436 -0.221144
+0.592008 0.632081 -0.433013 -0.25
+0.549401 0.669447 -0.415735 -0.277785
+0.50444 0.703946 -0.396677 -0.304381
+0.45732 0.735431 -0.37592 -0.329673
+0.408241 0.763766 -0.353553 -0.353553
+0.357415 0.788831 -0.329673 -0.37592
+0.305057 0.810518 -0.304381 -0.396677
+0.251394 0.828735 -0.277785 -0.415735
+0.196654 0.843402 -0.25 -0.433013
+0.141072 0.854458 -0.221144 -0.448436
+0.0848852 0.861855 -0.191342 -0.46194
+0.0283355 0.865562 -0.16072 -0.473465
+-0.0283356 0.865562 -0.129409 -0.482963
+-0.0848854 0.861855 -0.0975451 -0.490393
+-0.141072 0.854458 -0.0652631 -0.495722
+-0.196654 0.843402 -0.0327015 -0.498929
+-0.251394 0.828735 8.1833e-08 -0.5
+-0.305058 0.810518 0.0327016 -0.498929
+-0.357415 0.788831 0.0652632 -0.495722
+-0.408241 0.763766 0.0975451 -0.490393
+-0.45732 0.735431 0.12941 -0.482963
+-0.504441 0.703946 0.16072 -0.473465
+-0.549401 0.669447 0.191342 -0.46194
+-0.592008 0.632081 0.221144 -0.448436
+-0.632081 0.592008 0.25 -0.433013
+-0.669447 0.549401 0.277785 -0.415735
+-0.703946 0.504441 0.304381 -0.396677
+-0.735431 0.45732 0.329673 -0.37592
+-0.763766 0.408242 0.353553 -0.353553
+-0.788831 0.357415 0.37592 -0.329673
+-0.810518 0.305057 0.396677 -0.304381
+-0.828735 0.251394 0.415735 -0.277785
+-0.843402 0.196654 0.433013 -0.25
+-0.854458 0.141072 0.448436 -0.221144
+-0.861855 0.0848853 0.46194 -0.191342
+-0.865562 0.0283356 0.473465 -0.16072
+0.865562 0.0283356 -0.448436 0.221144
+0.861855 0.0848853 -0.46194 0.191342
+0.854458 0.141072 -0.473465 0.16072
+0.843402 0.196654 -0.482963 0.12941
+0.828735 0.251394 -0.490393 0.0975452
+0.810518 0.305057 -0.495722 0.0652631
+0.788831 0.357415 -0.498929 0.0327016
+0.763766 0.408242 -0.5 -1.05552e-08
+0.735431 0.45732 -0.498929 -0.0327016
+0.703946 0.50444 -0.495722 -0.0652631
+0.669447 0.549401 -0.490393 -0.0975452
+0.632081 0.592008 -0.482963 -0.12941
+0.592008 0.632081 -0.473465 -0.16072
+0.549401 0.669447 -0.46194 -0.191342
+0.50444 0.703946 -0.448436 -0.221144
+0.45732 0.735431 -0.433013 -0.25
+0.408241 0.763766 -0.415735 -0.277785
+0.357415 0.788831 -0.396677 -0.304381
+0.305057 0.810518 -0.37592 -0.329673
+0.251394 0.828735 -0.353553 -0.353553
+0.196654 0.843402 -0.329673 -0.37592
+0.141072 0.854458 -0.304381 -0.396677
+0.0848852 0.861855 -0.277785 -0.415735
+0.0283355 0.865562 -0.25 -0.433013
+-0.0283356 0.865562 -0.221144 -0.448436
+-0.0848854 0.861855 -0.191342 -0.46194
+-0.141072 0.854458 -0.16072 -0.473465
+-0.196654 0.843402 -0.129409 -0.482963
+-0.251394 0.828735 -0.0975451 -0.490393
+-0.305058 0.810518 -0.065263 -0.495722
+-0.357415 0.788831 -0.0327015 -0.498929
+-0.408241 0.763766 -5.69961e-08 -0.5
+-0.45732 0.735431 0.0327016 -0.498929
+-0.504441 0.703946 0.0652631 -0.495722
+-0.549401 0.669447 0.0975451 -0.490393
+-0.592008 0.632081 0.12941 -0.482963
+-0.632081 0.592008 0.16072 -0.473465
+-0.669447 0.549401 0.191342 -0.46194
+-0.703946 0.504441 0.221144 -0.448436
+-0.735431 0.45732 0.25 -0.433013
+-0.763766 0.408242 0.277785 -0.415735
+-0.788831 0.357415 0.304381 -0.396677
+-0.810518 0.305057 0.329673 -0.37592
+-0.828735 0.251394 0.353553 -0.353553
+-0.843402 0.196654 0.37592 -0.329673
+-0.854458 0.141072 0.396677 -0.304381
+-0.861855 0.0848853 0.415735 -0.277785
+-0.865562 0.0283356 0.433013 -0.25
+0.88928 0.029112 -0.427181 0.160779
+0.885472 0.0872114 -0.436782 0.132496
+0.877872 0.144937 -0.444512 0.103646
+0.866513 0.202043 -0.450339 0.0743513
+0.851444 0.258283 -0.454238 0.0447385
+0.832728 0.313417 -0.456191 0.0149342
+0.810447 0.367209 -0.456191 -0.0149342
+0.784695 0.419428 -0.454238 -0.0447385
+0.755583 0.469852 -0.450339 -0.0743513
+0.723236 0.518263 -0.444512 -0.103646
+0.687791 0.564456 -0.436782 -0.132496
+0.649401 0.608231 -0.427181 -0.160779
+0.608231 0.649401 -0.415751 -0.188374
+0.564456 0.687791 -0.40254 -0.215162
+0.518263 0.723236 -0.387606 -0.241029
+0.469852 0.755583 -0.371012 -0.265864
+0.419428 0.784695 -0.352829 -0.28956
+0.367209 0.810447 -0.333136 -0.312016
+0.313417 0.832728 -0.312016 -0.333136
+0.258283 0.851444 -0.28956 -0.352829
+0.202043 0.866513 -0.265863 -0.371012
+0.144937 0.877872 -0.241029 -0.387606
+0.0872113 0.885472 -0.215162 -0.40254
+0.0291119 0.88928 -0.188374 -0.415751
+-0.0291121 0.88928 -0.160779 -0.427181
+-0.0872115 0.885472 -0.132496 -0.436782
+-0.144937 0.877872 -0.103646 -0.444512
+-0.202043 0.866513 -0.0743512 -0.450339
+-0.258283 0.851444 -0.0447384 -0.454238
+-0.313417 0.832728 -0.0149341 -0.456191
+-0.367209 0.810447 0.0149342 -0.456191
+-0.419428 0.784695 0.0447384 -0.454238
+-0.469852 0.755583 0.0743513 -0.450339
+-0.518263 0.723236 0.103646 -0.444512
+-0.564456 0.687791 0.132496 -0.436782
+-0.608231 0.649401 0.160779 -0.427181
+-0.649401 0.608231 0.188374 -0.415751
+-0.687791 0.564456 0.215162 -0.40254
+-0.723236 0.518263 0.241029 -0.387606
+-0.755583 0.469852 0.265863 -0.371012
+-0.784695 0.419428 0.28956 -0.352829
+-0.810447 0.367209 0.312016 -0.333136
+-0.832728 0.313417 0.333136 -0.312016
+-0.851444 0.258283 0.352829 -0.28956
+-0.866513 0.202043 0.371012 -0.265863
+-0.877872 0.144937 0.387606 -0.241029
+-0.885472 0.0872113 0.40254 -0.215162
+-0.88928 0.0291121 0.415751 -0.188374
+0.88928 0.029112 -0.450339 0.0743513
+0.885472 0.0872114 -0.454238 0.0447385
+0.877872 0.144937 -0.456191 0.0149342
+0.866513 0.202043 -0.456191 -0.0149342
+0.851444 0.258283 -0.454238 -0.0447385
+0.832728 0.313417 -0.450339 -0.0743513
+0.810447 0.367209 -0.444512 -0.103646
+0.784695 0.419428 -0.436782 -0.132496
+0.755583 0.469852 -0.427181 -0.160779
+0.723236 0.518263 -0.415751 -0.188374
+0.687791 0.564456 -0.40254 -0.215162
+0.649401 0.608231 -0.387606 -0.241029
+0.608231 0.649401 -0.371012 -0.265863
+0.564456 0.687791 -0.352829 -0.28956
+0.518263 0.723236 -0.333136 -0.312016
+0.469852 0.755583 -0.312016 -0.333136
+0.419428 0.784695 -0.28956 -0.352829
+0.367209 0.810447 -0.265863 -0.371012
+0.313417 0.832728 -0.241029 -0.387606
+0.258283 0.851444 -0.215162 -0.40254
+0.202043 0.866513 -0.188374 -0.415751
+0.144937 0.877872 -0.160779 -0.427181
+0.0872113 0.885472 -0.132496 -0.436782
+0.0291119 0.88928 -0.103646 -0.444512
+-0.0291121 0.88928 -0.0743512 -0.450339
+-0.0872115 0.885472 -0.0447385 -0.454238
+-0.144937 0.877872 -0.0149341 -0.456191
+-0.202043 0.866513 0.0149342 -0.456191
+-0.258283 0.851444 0.0447386 -0.454238
+-0.313417 0.832728 0.0743513 -0.450339
+-0.367209 0.810447 0.103646 -0.444512
+-0.419428 0.784695 0.132496 -0.436782
+-0.469852 0.755583 0.160779 -0.427181
+-0.518263 0.723236 0.188374 -0.415751
+-0.564456 0.687791 0.215162 -0.40254
+-0.608231 0.649401 0.241029 -0.387606
+-0.649401 0.608231 0.265863 -0.371012
+-0.687791 0.564456 0.28956 -0.352829
+-0.723236 0.518263 0.312016 -0.333136
+-0.755583 0.469852 0.333136 -0.312016
+-0.784695 0.419428 0.352829 -0.28956
+-0.810447 0.367209 0.371012 -0.265863
+-0.832728 0.313417 0.387606 -0.241029
+-0.851444 0.258283 0.40254 -0.215162
+-0.866513 0.202043 0.415751 -0.188374
+-0.877872 0.144937 0.427181 -0.160779
+-0.885472 0.0872113 0.436782 -0.132496
+-0.88928 0.0291121 0.444512 -0.103646
+0.912382 0.0298683 -0.407374 0.0267007
+0.908475 0.089477 -0.408248 -1.11532e-09
+0.900678 0.148703 -0.407374 -0.0267007
+0.889024 0.207291 -0.404756 -0.0532871
+0.873563 0.264992 -0.400404 -0.0796453
+0.854361 0.321559 -0.394338 -0.105662
+0.831501 0.376748 -0.386583 -0.131227
+0.80508 0.430324 -0.377172 -0.15623
+0.775212 0.482058 -0.366147 -0.180564
+0.742024 0.531727 -0.353553 -0.204124
+0.705659 0.579119 -0.339446 -0.226811
+0.666272 0.624032 -0.323885 -0.248526
+0.624032 0.666272 -0.306937 -0.269177
+0.579119 0.705659 -0.288675 -0.288675
+0.531727 0.742024 -0.269177 -0.306937
+0.482058 0.775212 -0.248526 -0.323885
+0.430324 0.80508 -0.226811 -0.339446
+0.376748 0.831501 -0.204124 -0.353553
+0.321559 0.854361 -0.180564 -0.366147
+0.264992 0.873563 -0.15623 -0.377172
+0.207291 0.889024 -0.131227 -0.386583
+0.148702 0.900678 -0.105662 -0.394338
+0.0894769 0.908475 -0.0796452 -0.400404
+0.0298682 0.912382 -0.0532871 -0.404756
+-0.0298684 0.912382 -0.0267007 -0.407374
+-0.0894771 0.908475 3.41689e-08 -0.408248
+-0.148703 0.900678 0.0267007 -0.407374
+-0.207291 0.889024 0.0532871 -0.404756
+-0.264993 0.873563 0.0796454 -0.400404
+-0.321559 0.854361 0.105662 -0.394338
+-0.376748 0.831501 0.131227 -0.386583
+-0.430324 0.80508 0.15623 -0.377172
+-0.482058 0.775212 0.180564 -0.366147
+-0.531727 0.742024 0.204124 -0.353553
+-0.579119 0.705659 0.226811 -0.339446
+-0.624032 0.666272 0.248526 -0.323885
+-0.666272 0.624032 0.269177 -0.306937
+-0.705659 0.579119 0.288675 -0.288675
+-0.742024 0.531727 0.306937 -0.269177
+-0.775212 0.482058 0.323885 -0.248526
+-0.80508 0.430324 0.339446 -0.226811
+-0.831501 0.376748 0.353553 -0.204124
+-0.854361 0.321559 0.366147 -0.180564
+-0.873563 0.264992 0.377172 -0.15623
+-0.889024 0.207291 0.386583 -0.131227
+-0.900678 0.148703 0.394338 -0.105662
+-0.908475 0.089477 0.400404 -0.0796453
+-0.912382 0.0298684 0.404756 -0.0532871
+0.912382 0.0298683 -0.394338 0.105662
+0.908475 0.089477 -0.400404 0.0796453
+0.900678 0.148703 -0.404756 0.0532871
+0.889024 0.207291 -0.407374 0.0267007
+0.873563 0.264992 -0.408248 -3.0427e-10
+0.854361 0.321559 -0.407374 -0.0267007
+0.831501 0.376748 -0.404756 -0.0532871
+0.80508 0.430324 -0.400404 -0.0796453
+0.775212 0.482058 -0.394338 -0.105662
+0.742024 0.531727 -0.386583 -0.131227
+0.705659 0.579119 -0.377172 -0.15623
+0.666272 0.624032 -0.366147 -0.180564
+0.624032 0.666272 -0.353553 -0.204124
+0.579119 0.705659 -0.339446 -0.226811
+0.531727 0.742024 -0.323885 -0.248526
+0.482058 0.775212 -0.306937 -0.269177
+0.430324 0.80508 -0.288675 -0.288675
+0.376748 0.831501 -0.269177 -0.306937
+0.321559 0.854361 -0.248526 -0.323885
+0.264992 0.873563 -0.226811 -0.339446
+0.207291 0.889024 -0.204124 -0.353553
+0.148702 0.900678 -0.180564 -0.366147
+0.0894769 0.908475 -0.15623 -0.377172
+0.0298682 0.912382 -0.131227 -0.386583
+-0.0298684 0.912382 -0.105662 -0.394338
+-0.0894771 0.908475 -0.0796453 -0.400404
+-0.148703 0.900678 -0.0532871 -0.404756
+-0.207291 0.889024 -0.0267007 -0.407374
+-0.264993 0.873563 6.68164e-08 -0.408248
+-0.321559 0.854361 0.0267008 -0.407374
+-0.376748 0.831501 0.0532872 -0.404756
+-0.430324 0.80508 0.0796452 -0.400404
+-0.482058 0.775212 0.105662 -0.394338
+-0.531727 0.742024 0.131227 -0.386583
+-0.579119 0.705659 0.15623 -0.377172
+-0.624032 0.666272 0.180564 -0.366147
+-0.666272 0.624032 0.204124 -0.353553
+-0.705659 0.579119 0.226811 -0.339446
+-0.742024 0.531727 0.248526 -0.323885
+-0.775212 0.482058 0.269177 -0.306937
+-0.80508 0.430324 0.288675 -0.288675
+-0.831501 0.376748 0.306937 -0.269177
+-0.854361 0.321559 0.323885 -0.248526
+-0.873563 0.264992 0.339446 -0.226811
+-0.889024 0.207291 0.353553 -0.204124
+-0.900678 0.148703 0.366147 -0.180564
+-0.908475 0.089477 0.377172 -0.15623
+-0.912382 0.0298684 0.386583 -0.131227
+0.933521 0.0305603 -0.35609 0.0283599
+0.929524 0.0915501 -0.357182 0.0050098
+0.921546 0.152148 -0.356745 -0.0183618
+0.909622 0.212094 -0.35478 -0.0416547
+0.893803 0.271132 -0.351296 -0.0647692
+0.874156 0.329009 -0.346308 -0.0876064
+0.850766 0.385477 -0.339837 -0.110069
+0.823733 0.440295 -0.33191 -0.132059
+0.793173 0.493227 -0.322563 -0.153484
+0.759216 0.544047 -0.311834 -0.174252
+0.722008 0.592537 -0.299769 -0.194274
+0.681709 0.63849 -0.286421 -0.213464
+0.63849 0.681709 -0.271847 -0.23174
+0.592537 0.722008 -0.256108 -0.249023
+0.544047 0.759216 -0.239273 -0.265241
+0.493227 0.793173 -0.221413 -0.280322
+0.440295 0.823733 -0.202605 -0.294203
+0.385477 0.850766 -0.18293 -0.306824
+0.329009 0.874156 -0.162471 -0.318131
+0.271132 0.893803 -0.141316 -0.328076
+0.212094 0.909622 -0.119556 -0.336616
+0.152148 0.921546 -0.0972846 -0.343715
+0.09155 0.929524 -0.0745963 -0.349342
+0.0305602 0.933521 -0.0515885 -0.353472
+-0.0305604 0.933521 -0.0283599 -0.35609
+-0.0915502 0.929524 -0.00500977 -0.357182
+-0.152148 0.921546 0.0183618 -0.356745
+-0.212094 0.909622 0.0416547 -0.35478
+-0.271132 0.893803 0.0647693 -0.351296
+-0.329009 0.874156 0.0876065 -0.346308
+-0.385477 0.850766 0.110069 -0.339837
+-0.440295 0.823733 0.132059 -0.33191
+-0.493227 0.793173 0.153484 -0.322563
+-0.544047 0.759216 0.174252 -0.311834
+-0.592537 0.722008 0.194274 -0.299769
+-0.63849 0.681709 0.213464 -0.286421
+-0.681709 0.63849 0.23174 -0.271847
+-0.722008 0.592537 0.249023 -0.256108
+-0.759216 0.544047 0.265241 -0.239273
+-0.793173 0.493227 0.280322 -0.221413
+-0.823733 0.440295 0.294203 -0.202605
+-0.850766 0.385477 0.306824 -0.18293
+-0.874156 0.329009 0.318131 -0.162471
+-0.893803 0.271132 0.328076 -0.141316
+-0.909622 0.212094 0.336616 -0.119556
+-0.921546 0.152148 0.343715 -0.0972846
+-0.929524 0.0915501 0.349342 -0.0745963
+-0.933521 0.0305604 0.353472 -0.0515886
+0.88928 0.029112 -0.387606 0.241029
+0.885472 0.0872114 -0.40254 0.215162
+0.877872 0.144937 -0.415751 0.188374
+0.866513 0.202043 -0.427181 0.160779
+0.851444 0.258283 -0.436782 0.132496
+0.832728 0.313417 -0.444512 0.103646
+0.810447 0.367209 -0.450339 0.0743513
+0.784695 0.419428 -0.454238 0.0447385
+0.755583 0.469852 -0.456191 0.0149341
+0.723236 0.518263 -0.456191 -0.0149341
+0.687791 0.564456 -0.454238 -0.0447385
+0.649401 0.608231 -0.450339 -0.0743513
+0.608231 0.649401 -0.444512 -0.103646
+0.564456 0.687791 -0.436782 -0.132496
+0.518263 0.723236 -0.427181 -0.160779
+0.469852 0.755583 -0.415751 -0.188374
+0.419428 0.784695 -0.40254 -0.215162
+0.367209 0.810447 -0.387606 -0.241029
+0.313417 0.832728 -0.371012 -0.265863
+0.258283 0.851444 -0.352829 -0.28956
+0.202043 0.866513 -0.333136 -0.312016
+0.144937 0.877872 -0.312016 -0.333136
+0.0872113 0.885472 -0.28956 -0.352829
+0.0291119 0.88928 -0.265863 -0.371012
+-0.0291121 0.88928 -0.241029 -0.387606
+-0.0872115 0.885472 -0.215162 -0.40254
+-0.144937 0.877872 -0.188374 -0.415751
+-0.202043 0.866513 -0.160779 -0.427181
+-0.258283 0.851444 -0.132496 -0.436782
+-0.313417 0.832728 -0.103646 -0.444512
+-0.367209 0.810447 -0.0743512 -0.450339
+-0.419428 0.784695 -0.0447386 -0.454238
+-0.469852 0.755583 -0.0149342 -0.456191
+-0.518263 0.723236 0.0149342 -0.456191
+-0.564456 0.687791 0.0447385 -0.454238
+-0.608231 0.649401 0.0743513 -0.450339
+-0.649401 0.608231 0.103646 -0.444512
+-0.687791 0.564456 0.132496 -0.436782
+-0.723236 0.518263 0.160779 -0.427181
+-0.755583 0.469852 0.188374 -0.415751
+-0.784695 0.419428 0.215162 -0.40254
+-0.810447 0.367209 0.241029 -0.387606
+-0.832728 0.313417 0.265864 -0.371012
+-0.851444 0.258283 0.28956 -0.352829
+-0.866513 0.202043 0.312016 -0.333136
+-0.877872 0.144937 0.333136 -0.312016
+-0.885472 0.0872113 0.352829 -0.28956
+-0.88928 0.0291121 0.371012 -0.265864
+0.912382 0.0298683 -0.366147 0.180564
+0.908475 0.089477 -0.377172 0.15623
+0.900678 0.148703 -0.386583 0.131227
+0.889024 0.207291 -0.394338 0.105662
+0.873563 0.264992 -0.400404 0.0796453
+0.854361 0.321559 -0.404756 0.0532871
+0.831501 0.376748 -0.407374 0.0267007
+0.80508 0.430324 -0.408248 -8.61828e-09
+0.775212 0.482058 -0.407374 -0.0267007
+0.742024 0.531727 -0.404756 -0.0532871
+0.705659 0.579119 -0.400404 -0.0796453
+0.666272 0.624032 -0.394338 -0.105662
+0.624032 0.666272 -0.386583 -0.131227
+0.579119 0.705659 -0.377172 -0.15623
+0.531727 0.742024 -0.366147 -0.180564
+0.482058 0.775212 -0.353553 -0.204124
+0.430324 0.80508 -0.339446 -0.226811
+0.376748 0.831501 -0.323885 -0.248526
+0.321559 0.854361 -0.306937 -0.269177
+0.264992 0.873563 -0.288675 -0.288675
+0.207291 0.889024 -0.269177 -0.306937
+0.148702 0.900678 -0.248526 -0.323885
+0.0894769 0.908475 -0.226811 -0.339446
+0.0298682 0.912382 -0.204124 -0.353553
+-0.0298684 0.912382 -0.180564 -0.366147
+-0.0894771 0.908475 -0.15623 -0.377172
+-0.148703 0.900678 -0.131227 -0.386583
+-0.207291 0.889024 -0.105662 -0.394338
+-0.264993 0.873563 -0.0796452 -0.400404
+-0.321559 0.854361 -0.053287 -0.404756
+-0.376748 0.831501 -0.0267007 -0.407374
+-0.430324 0.80508 -4.65371e-08 -0.408248
+-0.482058 0.775212 0.0267007 -0.407374
+-0.531727 0.742024 0.0532871 -0.404756
+-0.579119 0.705659 0.0796453 -0.400404
+-0.624032 0.666272 0.105662 -0.394338
+-0.666272 0.624032 0.131227 -0.386583
+-0.705659 0.579119 0.15623 -0.377172
+-0.742024 0.531727 0.180564 -0.366147
+-0.775212 0.482058 0.204124 -0.353553
+-0.80508 0.430324 0.226811 -0.339446
+-0.831501 0.376748 0.248526 -0.323885
+-0.854361 0.321559 0.269177 -0.306937
+-0.873563 0.264992 0.288675 -0.288675
+-0.889024 0.207291 0.306937 -0.269177
+-0.900678 0.148703 0.323885 -0.248526
+-0.908475 0.089477 0.339446 -0.226811
+-0.912382 0.0298684 0.353553 -0.204124
+0.912382 0.0298683 -0.323885 0.248526
+0.908475 0.089477 -0.339446 0.226811
+0.900678 0.148703 -0.353553 0.204124
+0.889024 0.207291 -0.366147 0.180564
+0.873563 0.264992 -0.377172 0.15623
+0.854361 0.321559 -0.386583 0.131227
+0.831501 0.376748 -0.394338 0.105662
+0.80508 0.430324 -0.400404 0.0796453
+0.775212 0.482058 -0.404756 0.0532871
+0.742024 0.531727 -0.407374 0.0267007
+0.705659 0.579119 -0.408248 7.4012e-09
+0.666272 0.624032 -0.407374 -0.0267007
+0.624032 0.666272 -0.404756 -0.0532871
+0.579119 0.705659 -0.400404 -0.0796453
+0.531727 0.742024 -0.394338 -0.105662
+0.482058 0.775212 -0.386583 -0.131227
+0.430324 0.80508 -0.377172 -0.15623
+0.376748 0.831501 -0.366147 -0.180564
+0.321559 0.854361 -0.353553 -0.204124
+0.264992 0.873563 -0.339446 -0.226811
+0.207291 0.889024 -0.323885 -0.248526
+0.148702 0.900678 -0.306937 -0.269177
+0.0894769 0.908475 -0.288675 -0.288675
+0.0298682 0.912382 -0.269177 -0.306937
+-0.0298684 0.912382 -0.248526 -0.323885
+-0.0894771 0.908475 -0.226811 -0.339446
+-0.148703 0.900678 -0.204124 -0.353553
+-0.207291 0.889024 -0.180564 -0.366147
+-0.264993 0.873563 -0.15623 -0.377172
+-0.321559 0.854361 -0.131227 -0.386583
+-0.376748 0.831501 -0.105662 -0.394338
+-0.430324 0.80508 -0.0796453 -0.400404
+-0.482058 0.775212 -0.0532871 -0.404756
+-0.531727 0.742024 -0.0267007 -0.407374
+-0.579119 0.705659 -1.38896e-08 -0.408248
+-0.624032 0.666272 0.0267007 -0.407374
+-0.666272 0.624032 0.0532871 -0.404756
+-0.705659 0.579119 0.0796453 -0.400404
+-0.742024 0.531727 0.105662 -0.394338
+-0.775212 0.482058 0.131227 -0.386583
+-0.80508 0.430324 0.15623 -0.377172
+-0.831501 0.376748 0.180564 -0.366147
+-0.854361 0.321559 0.204124 -0.353553
+-0.873563 0.264992 0.226811 -0.339446
+-0.889024 0.207291 0.248526 -0.323885
+-0.900678 0.148703 0.269177 -0.306937
+-0.908475 0.089477 0.288675 -0.288675
+-0.912382 0.0298684 0.306937 -0.269177
+0.933521 0.0305603 -0.308521 0.180053
+0.929524 0.0915501 -0.319636 0.159489
+0.921546 0.152148 -0.329383 0.138242
+0.909622 0.212094 -0.337719 0.116404
+0.893803 0.271132 -0.344609 0.0940667
+0.874156 0.329009 -0.350024 0.0713268
+0.850766 0.385477 -0.353939 0.0482814
+0.823733 0.440295 -0.356339 0.0250293
+0.793173 0.493227 -0.357213 0.00166998
+0.759216 0.544047 -0.356558 -0.0216965
+0.722008 0.592537 -0.354375 -0.04497
+0.681709 0.63849 -0.350675 -0.068051
+0.63849 0.681709 -0.345474 -0.0908405
+0.592537 0.722008 -0.338793 -0.113241
+0.544047 0.759216 -0.330661 -0.135157
+0.493227 0.793173 -0.321114 -0.156494
+0.440295 0.823733 -0.310191 -0.17716
+0.385477 0.850766 -0.29794 -0.197069
+0.329009 0.874156 -0.284413 -0.216133
+0.271132 0.893803 -0.269668 -0.234272
+0.212094 0.909622 -0.253769 -0.251407
+0.152148 0.921546 -0.236783 -0.267466
+0.09155 0.929524 -0.218783 -0.28238
+0.0305602 0.933521 -0.199846 -0.296084
+-0.0305604 0.933521 -0.180053 -0.308521
+-0.0915502 0.929524 -0.159489 -0.319636
+-0.152148 0.921546 -0.138242 -0.329383
+-0.212094 0.909622 -0.116404 -0.337719
+-0.271132 0.893803 -0.0940666 -0.344609
+-0.329009 0.874156 -0.0713267 -0.350024
+-0.385477 0.850766 -0.0482813 -0.353939
+-0.440295 0.823733 -0.0250293 -0.356339
+-0.493227 0.793173 -0.00166998 -0.357213
+-0.544047 0.759216 0.0216965 -0.356558
+-0.592537 0.722008 0.04497 -0.354375
+-0.63849 0.681709 0.068051 -0.350675
+-0.681709 0.63849 0.0908405 -0.345474
+-0.722008 0.592537 0.113241 -0.338793
+-0.759216 0.544047 0.135157 -0.330661
+-0.793173 0.493227 0.156494 -0.321114
+-0.823733 0.440295 0.17716 -0.310191
+-0.850766 0.385477 0.197069 -0.29794
+-0.874156 0.329009 0.216133 -0.284413
+-0.893803 0.271132 0.234272 -0.269668
+-0.909622 0.212094 0.251407 -0.253769
+-0.921546 0.152148 0.267466 -0.236783
+-0.929524 0.0915501 0.28238 -0.218783
+-0.933521 0.0305604 0.296084 -0.199846
+0.933521 0.0305603 -0.340851 0.106886
+0.929524 0.0915501 -0.347112 0.0843647
+0.921546 0.152148 -0.351887 0.0614818
+0.909622 0.212094 -0.355154 0.0383357
+0.893803 0.271132 -0.356901 0.0150254
+0.874156 0.329009 -0.35712 -0.00834917
+0.850766 0.385477 -0.355809 -0.031688
+0.823733 0.440295 -0.352975 -0.0548912
+0.793173 0.493227 -0.348629 -0.0778593
+0.759216 0.544047 -0.34279 -0.100494
+0.722008 0.592537 -0.335484 -0.122698
+0.681709 0.63849 -0.32674 -0.144377
+0.63849 0.681709 -0.316598 -0.165438
+0.592537 0.722008 -0.3051 -0.18579
+0.544047 0.759216 -0.292296 -0.205347
+0.493227 0.793173 -0.278239 -0.224025
+0.440295 0.823733 -0.262992 -0.241743
+0.385477 0.850766 -0.246618 -0.258426
+0.329009 0.874156 -0.229188 -0.274002
+0.271132 0.893803 -0.210777 -0.288405
+0.212094 0.909622 -0.191463 -0.301573
+0.152148 0.921546 -0.171329 -0.313449
+0.09155 0.929524 -0.150462 -0.323984
+0.0305602 0.933521 -0.12895 -0.333131
+-0.0305604 0.933521 -0.106886 -0.340851
+-0.0915502 0.929524 -0.0843647 -0.347112
+-0.152148 0.921546 -0.0614818 -0.351887
+-0.212094 0.909622 -0.0383357 -0.355154
+-0.271132 0.893803 -0.0150254 -0.356901
+-0.329009 0.874156 0.00834923 -0.35712
+-0.385477 0.850766 0.0316881 -0.355809
+-0.440295 0.823733 0.0548912 -0.352975
+-0.493227 0.793173 0.0778593 -0.348629
+-0.544047 0.759216 0.100494 -0.34279
+-0.592537 0.722008 0.122698 -0.335484
+-0.63849 0.681709 0.144377 -0.32674
+-0.681709 0.63849 0.165438 -0.316598
+-0.722008 0.592537 0.18579 -0.3051
+-0.759216 0.544047 0.205347 -0.292296
+-0.793173 0.493227 0.224025 -0.278239
+-0.823733 0.440295 0.241743 -0.262992
+-0.850766 0.385477 0.258425 -0.246618
+-0.874156 0.329009 0.274002 -0.229188
+-0.893803 0.271132 0.288405 -0.210777
+-0.909622 0.212094 0.301573 -0.191463
+-0.921546 0.152148 0.313449 -0.171329
+-0.929524 0.0915501 0.323984 -0.150462
+-0.933521 0.0305604 0.333131 -0.12895
+0.951462 0.0311476 -0.304712 0.0300115
+0.947388 0.0933095 -0.306022 0.0100181
+0.939256 0.155072 -0.306022 -0.0100181
+0.927103 0.21617 -0.304712 -0.0300115
+0.91098 0.276343 -0.302097 -0.0498763
+0.890956 0.335332 -0.298188 -0.0695276
+0.867117 0.392885 -0.293002 -0.0888812
+0.839564 0.448756 -0.286561 -0.107854
+0.808416 0.502706 -0.278894 -0.126365
+0.773807 0.554502 -0.270032 -0.144335
+0.735884 0.603924 -0.260014 -0.161687
+0.69481 0.650761 -0.248882 -0.178347
+0.65076 0.69481 -0.236685 -0.194242
+0.603924 0.735884 -0.223474 -0.209307
+0.554502 0.773807 -0.209307 -0.223474
+0.502706 0.808416 -0.194242 -0.236685
+0.448756 0.839564 -0.178347 -0.248882
+0.392885 0.867117 -0.161687 -0.260014
+0.335332 0.890956 -0.144335 -0.270032
+0.276343 0.91098 -0.126365 -0.278894
+0.21617 0.927103 -0.107854 -0.286561
+0.155072 0.939256 -0.0888811 -0.293002
+0.0933094 0.947388 -0.0695276 -0.298188
+0.0311475 0.951462 -0.0498763 -0.302097
+-0.0311477 0.951462 -0.0300115 -0.304712
+-0.0933096 0.947388 -0.0100181 -0.306022
+-0.155072 0.939256 0.0100182 -0.306022
+-0.21617 0.927103 0.0300115 -0.304712
+-0.276343 0.91098 0.0498764 -0.302097
+-0.335332 0.890956 0.0695277 -0.298188
+-0.392886 0.867116 0.0888812 -0.293002
+-0.448756 0.839564 0.107854 -0.286562
+-0.502706 0.808416 0.126365 -0.278894
+-0.554502 0.773807 0.144335 -0.270032
+-0.603924 0.735884 0.161687 -0.260014
+-0.650761 0.69481 0.178347 -0.248882
+-0.69481 0.650761 0.194242 -0.236685
+-0.735884 0.603924 0.209307 -0.223474
+-0.773807 0.554502 0.223474 -0.209307
+-0.808416 0.502706 0.236685 -0.194242
+-0.839564 0.448756 0.248882 -0.178347
+-0.867117 0.392885 0.260014 -0.161687
+-0.890956 0.335332 0.270032 -0.144335
+-0.91098 0.276343 0.278894 -0.126365
+-0.927103 0.21617 0.286562 -0.107854
+-0.939256 0.155072 0.293002 -0.0888812
+-0.947388 0.0933095 0.298188 -0.0695276
+-0.951462 0.0311477 0.302097 -0.0498764
+0.951462 0.0311476 -0.286561 0.107854
+0.947388 0.0933095 -0.293002 0.0888812
+0.939256 0.155072 -0.298188 0.0695276
+0.927103 0.21617 -0.302097 0.0498763
+0.91098 0.276343 -0.304712 0.0300115
+0.890956 0.335332 -0.306022 0.0100181
+0.867117 0.392885 -0.306022 -0.0100181
+0.839564 0.448756 -0.304712 -0.0300115
+0.808416 0.502706 -0.302097 -0.0498764
+0.773807 0.554502 -0.298188 -0.0695276
+0.735884 0.603924 -0.293002 -0.0888812
+0.69481 0.650761 -0.286561 -0.107854
+0.65076 0.69481 -0.278894 -0.126365
+0.603924 0.735884 -0.270032 -0.144335
+0.554502 0.773807 -0.260014 -0.161687
+0.502706 0.808416 -0.248882 -0.178347
+0.448756 0.839564 -0.236685 -0.194242
+0.392885 0.867117 -0.223474 -0.209307
+0.335332 0.890956 -0.209307 -0.223474
+0.276343 0.91098 -0.194242 -0.236685
+0.21617 0.927103 -0.178347 -0.248882
+0.155072 0.939256 -0.161687 -0.260014
+0.0933094 0.947388 -0.144335 -0.270032
+0.0311475 0.951462 -0.126365 -0.278894
+-0.0311477 0.951462 -0.107854 -0.286562
+-0.0933096 0.947388 -0.0888811 -0.293002
+-0.155072 0.939256 -0.0695276 -0.298188
+-0.21617 0.927103 -0.0498763 -0.302097
+-0.276343 0.91098 -0.0300114 -0.304712
+-0.335332 0.890956 -0.0100181 -0.306022
+-0.392886 0.867116 0.0100182 -0.306022
+-0.448756 0.839564 0.0300115 -0.304712
+-0.502706 0.808416 0.0498763 -0.302097
+-0.554502 0.773807 0.0695277 -0.298188
+-0.603924 0.735884 0.0888812 -0.293002
+-0.650761 0.69481 0.107854 -0.286561
+-0.69481 0.650761 0.126365 -0.278894
+-0.735884 0.603924 0.144335 -0.270032
+-0.773807 0.554502 0.161687 -0.260014
+-0.808416 0.502706 0.178347 -0.248882
+-0.839564 0.448756 0.194242 -0.236685
+-0.867117 0.392885 0.209307 -0.223474
+-0.890956 0.335332 0.223474 -0.209307
+-0.91098 0.276343 0.236685 -0.194242
+-0.927103 0.21617 0.248882 -0.178347
+-0.939256 0.155072 0.260014 -0.161687
+-0.947388 0.0933095 0.270032 -0.144335
+-0.951462 0.0311477 0.278894 -0.126365
+0.966382 0.0316361 -0.253185 0.031648
+0.962244 0.0947728 -0.254713 0.0150212
+0.953986 0.157504 -0.25515 -0.00166997
+0.941642 0.21956 -0.254494 -0.018354
+0.925266 0.280676 -0.252749 -0.0349594
+0.904928 0.340591 -0.249921 -0.0514151
+0.880714 0.399046 -0.246023 -0.0676507
+0.85273 0.455794 -0.241072 -0.0835965
+0.821094 0.510589 -0.235089 -0.0991844
+0.785942 0.563198 -0.228098 -0.114348
+0.747424 0.613395 -0.220131 -0.129021
+0.705706 0.660965 -0.211221 -0.143142
+0.660965 0.705706 -0.201407 -0.15665
+0.613395 0.747424 -0.190731 -0.169487
+0.563198 0.785942 -0.179237 -0.181599
+0.510589 0.821094 -0.166976 -0.192933
+0.455793 0.85273 -0.154 -0.203441
+0.399046 0.880714 -0.140365 -0.213077
+0.340591 0.904928 -0.126129 -0.221801
+0.280676 0.925266 -0.111352 -0.229575
+0.21956 0.941642 -0.0960987 -0.236367
+0.157504 0.953986 -0.0804338 -0.242146
+0.0947727 0.962244 -0.0644245 -0.246888
+0.031636 0.966382 -0.0481393 -0.250573
+-0.0316362 0.966382 -0.031648 -0.253185
+-0.0947729 0.962244 -0.0150212 -0.254713
+-0.157504 0.953986 0.00166999 -0.25515
+-0.21956 0.941642 0.018354 -0.254494
+-0.280676 0.925266 0.0349595 -0.252749
+-0.340591 0.904927 0.0514152 -0.249921
+-0.399047 0.880714 0.0676507 -0.246023
+-0.455793 0.85273 0.0835965 -0.241072
+-0.510589 0.821094 0.0991844 -0.235089
+-0.563198 0.785941 0.114348 -0.228098
+-0.613395 0.747424 0.129021 -0.220131
+-0.660966 0.705706 0.143142 -0.211221
+-0.705706 0.660966 0.15665 -0.201407
+-0.747424 0.613395 0.169487 -0.190731
+-0.785942 0.563198 0.181599 -0.179237
+-0.821094 0.510589 0.192933 -0.166976
+-0.85273 0.455794 0.20344 -0.154
+-0.880714 0.399046 0.213077 -0.140365
+-0.904928 0.340591 0.221801 -0.126129
+-0.925266 0.280676 0.229575 -0.111352
+-0.941642 0.21956 0.236367 -0.0960987
+-0.953986 0.157504 0.242146 -0.0804339
+-0.962244 0.0947727 0.246888 -0.0644245
+-0.966382 0.0316362 0.250573 -0.0481394
+0.841175 0.0275372 -0.222887 0.491923
+0.837573 0.0824937 -0.254583 0.476292
+0.830384 0.137097 -0.285189 0.458622
+0.81964 0.191113 -0.314574 0.438987
+0.805385 0.244311 -0.342612 0.417473
+0.787682 0.296463 -0.369182 0.394172
+0.766606 0.347345 -0.394172 0.369182
+0.742247 0.396739 -0.417473 0.342612
+0.71471 0.444435 -0.438987 0.314574
+0.684112 0.490228 -0.458622 0.285189
+0.650585 0.533921 -0.476292 0.254583
+0.614272 0.575329 -0.491923 0.222887
+0.575329 0.614272 -0.505447 0.190237
+0.533922 0.650585 -0.516807 0.156772
+0.490228 0.684112 -0.525954 0.122635
+0.444435 0.71471 -0.532848 0.0879736
+0.396739 0.742247 -0.537461 0.0529353
+0.347345 0.766606 -0.539773 0.0176703
+0.296463 0.787682 -0.539773 -0.0176704
+0.244311 0.805385 -0.537461 -0.0529353
+0.191113 0.81964 -0.532848 -0.0879736
+0.137097 0.830384 -0.525954 -0.122635
+0.0824936 0.837573 -0.516807 -0.156772
+0.0275371 0.841175 -0.505447 -0.190237
+-0.0275373 0.841175 -0.491923 -0.222887
+-0.0824938 0.837573 -0.476292 -0.254583
+-0.137097 0.830384 -0.458622 -0.285189
+-0.191113 0.81964 -0.438987 -0.314574
+-0.244311 0.805385 -0.417473 -0.342612
+-0.296463 0.787682 -0.394172 -0.369182
+-0.347345 0.766606 -0.369182 -0.394172
+-0.396739 0.742247 -0.342612 -0.417473
+-0.444435 0.71471 -0.314574 -0.438987
+-0.490228 0.684112 -0.285189 -0.458622
+-0.533921 0.650585 -0.254583 -0.476292
+-0.575329 0.614272 -0.222887 -0.491923
+-0.614272 0.575329 -0.190237 -0.505447
+-0.650585 0.533921 -0.156772 -0.516807
+-0.684112 0.490228 -0.122635 -0.525954
+-0.71471 0.444435 -0.0879736 -0.532848
+-0.742247 0.39674 -0.0529354 -0.537461
+-0.766606 0.347345 -0.0176703 -0.539773
+-0.787682 0.296463 0.0176704 -0.539773
+-0.805385 0.244311 0.0529353 -0.537461
+-0.81964 0.191113 0.0879736 -0.532848
+-0.830384 0.137097 0.122635 -0.525954
+-0.837573 0.0824937 0.156772 -0.516807
+-0.841175 0.0275373 0.190237 -0.505447
+0.865562 0.0283356 -0.25 0.433013
+0.861855 0.0848853 -0.277785 0.415735
+0.854458 0.141072 -0.304381 0.396677
+0.843402 0.196654 -0.329673 0.37592
+0.828735 0.251394 -0.353553 0.353553
+0.810518 0.305057 -0.37592 0.329673
+0.788831 0.357415 -0.396677 0.304381
+0.763766 0.408242 -0.415735 0.277785
+0.735431 0.45732 -0.433013 0.25
+0.703946 0.50444 -0.448436 0.221144
+0.669447 0.549401 -0.46194 0.191342
+0.632081 0.592008 -0.473465 0.16072
+0.592008 0.632081 -0.482963 0.12941
+0.549401 0.669447 -0.490393 0.0975452
+0.50444 0.703946 -0.495722 0.0652631
+0.45732 0.735431 -0.498929 0.0327015
+0.408241 0.763766 -0.5 -4.11028e-08
+0.357415 0.788831 -0.498929 -0.0327016
+0.305057 0.810518 -0.495722 -0.0652631
+0.251394 0.828735 -0.490393 -0.0975452
+0.196654 0.843402 -0.482963 -0.12941
+0.141072 0.854458 -0.473465 -0.16072
+0.0848852 0.861855 -0.46194 -0.191342
+0.0283355 0.865562 -0.448436 -0.221144
+-0.0283356 0.865562 -0.433013 -0.25
+-0.0848854 0.861855 -0.415735 -0.277785
+-0.141072 0.854458 -0.396677 -0.304381
+-0.196654 0.843402 -0.37592 -0.329673
+-0.251394 0.828735 -0.353553 -0.353553
+-0.305058 0.810518 -0.329673 -0.37592
+-0.357415 0.788831 -0.304381 -0.396677
+-0.408241 0.763766 -0.277785 -0.415735
+-0.45732 0.735431 -0.25 -0.433013
+-0.504441 0.703946 -0.221144 -0.448436
+-0.549401 0.669447 -0.191342 -0.46194
+-0.592008 0.632081 -0.16072 -0.473465
+-0.632081 0.592008 -0.12941 -0.482963
+-0.669447 0.549401 -0.0975451 -0.490393
+-0.703946 0.504441 -0.0652631 -0.495722
+-0.735431 0.45732 -0.0327016 -0.498929
+-0.763766 0.408242 -5.62508e-08 -0.5
+-0.788831 0.357415 0.0327016 -0.498929
+-0.810518 0.305057 0.0652631 -0.495722
+-0.828735 0.251394 0.0975451 -0.490393
+-0.843402 0.196654 0.12941 -0.482963
+-0.854458 0.141072 0.16072 -0.473465
+-0.861855 0.0848853 0.191342 -0.46194
+-0.865562 0.0283356 0.221144 -0.448436
+0.865562 0.0283356 -0.16072 0.473465
+0.861855 0.0848853 -0.191342 0.46194
+0.854458 0.141072 -0.221144 0.448436
+0.843402 0.196654 -0.25 0.433013
+0.828735 0.251394 -0.277785 0.415735
+0.810518 0.305057 -0.304381 0.396677
+0.788831 0.357415 -0.329673 0.37592
+0.763766 0.408242 -0.353553 0.353553
+0.735431 0.45732 -0.37592 0.329673
+0.703946 0.50444 -0.396677 0.304381
+0.669447 0.549401 -0.415735 0.277785
+0.632081 0.592008 -0.433013 0.25
+0.592008 0.632081 -0.448436 0.221144
+0.549401 0.669447 -0.46194 0.191342
+0.50444 0.703946 -0.473465 0.16072
+0.45732 0.735431 -0.482963 0.129409
+0.408241 0.763766 -0.490393 0.0975451
+0.357415 0.788831 -0.495722 0.0652631
+0.305057 0.810518 -0.498929 0.0327015
+0.251394 0.828735 -0.5 -2.1483e-08
+0.196654 0.843402 -0.498929 -0.0327016
+0.141072 0.854458 -0.495722 -0.0652632
+0.0848852 0.861855 -0.490393 -0.0975452
+0.0283355 0.865562 -0.482963 -0.12941
+-0.0283356 0.865562 -0.473465 -0.16072
+-0.0848854 0.861855 -0.46194 -0.191342
+-0.141072 0.854458 -0.448436 -0.221144
+-0.196654 0.843402 -0.433013 -0.25
+-0.251394 0.828735 -0.415735 -0.277785
+-0.305058 0.810518 -0.396677 -0.304381
+-0.357415 0.788831 -0.37592 -0.329673
+-0.408241 0.763766 -0.353553 -0.353553
+-0.45732 0.735431 -0.329673 -0.37592
+-0.504441 0.703946 -0.304381 -0.396677
+-0.549401 0.669447 -0.277785 -0.415735
+-0.592008 0.632081 -0.25 -0.433013
+-0.632081 0.592008 -0.221144 -0.448436
+-0.669447 0.549401 -0.191342 -0.46194
+-0.703946 0.504441 -0.16072 -0.473465
+-0.735431 0.45732 -0.12941 -0.482963
+-0.763766 0.408242 -0.0975452 -0.490393
+-0.788831 0.357415 -0.0652631 -0.495722
+-0.810518 0.305057 -0.0327015 -0.498929
+-0.828735 0.251394 -1.62659e-08 -0.5
+-0.843402 0.196654 0.0327016 -0.498929
+-0.854458 0.141072 0.0652631 -0.495722
+-0.861855 0.0848853 0.0975452 -0.490393
+-0.865562 0.0283356 0.129409 -0.482963
+0.88928 0.029112 -0.188374 0.415751
+0.885472 0.0872114 -0.215162 0.40254
+0.877872 0.144937 -0.241029 0.387606
+0.866513 0.202043 -0.265863 0.371012
+0.851444 0.258283 -0.28956 0.352829
+0.832728 0.313417 -0.312016 0.333136
+0.810447 0.367209 -0.333136 0.312016
+0.784695 0.419428 -0.352829 0.28956
+0.755583 0.469852 -0.371012 0.265863
+0.723236 0.518263 -0.387606 0.241029
+0.687791 0.564456 -0.40254 0.215162
+0.649401 0.608231 -0.415751 0.188374
+0.608231 0.649401 -0.427181 0.160779
+0.564456 0.687791 -0.436782 0.132496
+0.518263 0.723236 -0.444512 0.103646
+0.469852 0.755583 -0.450339 0.0743512
+0.419428 0.784695 -0.454238 0.0447385
+0.367209 0.810447 -0.456191 0.0149341
+0.313417 0.832728 -0.456191 -0.0149342
+0.258283 0.851444 -0.454238 -0.0447385
+0.202043 0.866513 -0.450339 -0.0743513
+0.144937 0.877872 -0.444512 -0.103646
+0.0872113 0.885472 -0.436781 -0.132496
+0.0291119 0.88928 -0.427181 -0.160779
+-0.0291121 0.88928 -0.415751 -0.188374
+-0.0872115 0.885472 -0.40254 -0.215162
+-0.144937 0.877872 -0.387606 -0.241029
+-0.202043 0.866513 -0.371012 -0.265863
+-0.258283 0.851444 -0.352829 -0.28956
+-0.313417 0.832728 -0.333136 -0.312016
+-0.367209 0.810447 -0.312016 -0.333136
+-0.419428 0.784695 -0.28956 -0.352829
+-0.469852 0.755583 -0.265863 -0.371012
+-0.518263 0.723236 -0.241029 -0.387606
+-0.564456 0.687791 -0.215162 -0.40254
+-0.608231 0.649401 -0.188374 -0.415751
+-0.649401 0.608231 -0.160779 -0.427181
+-0.687791 0.564456 -0.132496 -0.436782
+-0.723236 0.518263 -0.103646 -0.444512
+-0.755583 0.469852 -0.0743513 -0.450339
+-0.784695 0.419428 -0.0447386 -0.454238
+-0.810447 0.367209 -0.0149342 -0.456191
+-0.832728 0.313417 0.0149342 -0.456191
+-0.851444 0.258283 0.0447385 -0.454238
+-0.866513 0.202043 0.0743513 -0.450339
+-0.877872 0.144937 0.103646 -0.444512
+-0.885472 0.0872113 0.132496 -0.436782
+-0.88928 0.0291121 0.160779 -0.427181
+0.88928 0.029112 -0.265863 0.371012
+0.885472 0.0872114 -0.28956 0.352829
+0.877872 0.144937 -0.312016 0.333136
+0.866513 0.202043 -0.333136 0.312016
+0.851444 0.258283 -0.352829 0.28956
+0.832728 0.313417 -0.371012 0.265863
+0.810447 0.367209 -0.387606 0.241029
+0.784695 0.419428 -0.40254 0.215162
+0.755583 0.469852 -0.415751 0.188374
+0.723236 0.518263 -0.427181 0.160779
+0.687791 0.564456 -0.436782 0.132496
+0.649401 0.608231 -0.444512 0.103646
+0.608231 0.649401 -0.450339 0.0743513
+0.564456 0.687791 -0.454238 0.0447385
+0.518263 0.723236 -0.456191 0.0149341
+0.469852 0.755583 -0.456191 -0.0149342
+0.419428 0.784695 -0.454238 -0.0447385
+0.367209 0.810447 -0.450339 -0.0743513
+0.313417 0.832728 -0.444512 -0.103646
+0.258283 0.851444 -0.436782 -0.132496
+0.202043 0.866513 -0.427181 -0.160779
+0.144937 0.877872 -0.415751 -0.188374
+0.0872113 0.885472 -0.40254 -0.215162
+0.0291119 0.88928 -0.387606 -0.241029
+-0.0291121 0.88928 -0.371012 -0.265864
+-0.0872115 0.885472 -0.352829 -0.28956
+-0.144937 0.877872 -0.333136 -0.312016
+-0.202043 0.866513 -0.312016 -0.333136
+-0.258283 0.851444 -0.28956 -0.352829
+-0.313417 0.832728 -0.265863 -0.371012
+-0.367209 0.810447 -0.241029 -0.387606
+-0.419428 0.784695 -0.215162 -0.40254
+-0.469852 0.755583 -0.188374 -0.415751
+-0.518263 0.723236 -0.160779 -0.427181
+-0.564456 0.687791 -0.132496 -0.436782
+-0.608231 0.649401 -0.103646 -0.444512
+-0.649401 0.608231 -0.0743513 -0.450339
+-0.687791 0.564456 -0.0447385 -0.454238
+-0.723236 0.518263 -0.0149342 -0.456191
+-0.755583 0.469852 0.0149342 -0.456191
+-0.784695 0.419428 0.0447384 -0.454238
+-0.810447 0.367209 0.0743513 -0.450339
+-0.832728 0.313417 0.103646 -0.444512
+-0.851444 0.258283 0.132496 -0.436782
+-0.866513 0.202043 0.160779 -0.427181
+-0.877872 0.144937 0.188374 -0.415751
+-0.885472 0.0872113 0.215162 -0.40254
+-0.88928 0.0291121 0.241029 -0.387606
+0.912382 0.0298683 -0.269177 0.306937
+0.908475 0.089477 -0.288675 0.288675
+0.900678 0.148703 -0.306937 0.269177
+0.889024 0.207291 -0.323885 0.248526
+0.873563 0.264992 -0.339446 0.226811
+0.854361 0.321559 -0.353553 0.204124
+0.831501 0.376748 -0.366147 0.180564
+0.80508 0.430324 -0.377172 0.15623
+0.775212 0.482058 -0.386583 0.131227
+0.742024 0.531727 -0.394338 0.105662
+0.705659 0.579119 -0.400404 0.0796453
+0.666272 0.624032 -0.404756 0.0532871
+0.624032 0.666272 -0.407374 0.0267007
+0.579119 0.705659 -0.408248 -9.12808e-10
+0.531727 0.742024 -0.407374 -0.0267007
+0.482058 0.775212 -0.404756 -0.0532871
+0.430324 0.80508 -0.400404 -0.0796453
+0.376748 0.831501 -0.394338 -0.105662
+0.321559 0.854361 -0.386583 -0.131227
+0.264992 0.873563 -0.377172 -0.15623
+0.207291 0.889024 -0.366147 -0.180564
+0.148702 0.900678 -0.353553 -0.204124
+0.0894769 0.908475 -0.339446 -0.226811
+0.0298682 0.912382 -0.323885 -0.248526
+-0.0298684 0.912382 -0.306937 -0.269177
+-0.0894771 0.908475 -0.288675 -0.288675
+-0.148703 0.900678 -0.269177 -0.306937
+-0.207291 0.889024 -0.248526 -0.323885
+-0.264993 0.873563 -0.226811 -0.339446
+-0.321559 0.854361 -0.204124 -0.353553
+-0.376748 0.831501 -0.180564 -0.366147
+-0.430324 0.80508 -0.15623 -0.377172
+-0.482058 0.775212 -0.131227 -0.386583
+-0.531727 0.742024 -0.105662 -0.394338
+-0.579119 0.705659 -0.0796453 -0.400404
+-0.624032 0.666272 -0.0532871 -0.404756
+-0.666272 0.624032 -0.0267007 -0.407374
+-0.705659 0.579119 1.87579e-08 -0.408248
+-0.742024 0.531727 0.0267007 -0.407374
+-0.775212 0.482058 0.0532871 -0.404756
+-0.80508 0.430324 0.0796452 -0.400404
+-0.831501 0.376748 0.105662 -0.394338
+-0.854361 0.321559 0.131227 -0.386583
+-0.873563 0.264992 0.15623 -0.377172
+-0.889024 0.207291 0.180564 -0.366147
+-0.900678 0.148703 0.204124 -0.353553
+-0.908475 0.089477 0.226811 -0.339446
+-0.912382 0.0298684 0.248526 -0.323885
+0.912382 0.0298683 -0.204124 0.353553
+0.908475 0.089477 -0.226811 0.339446
+0.900678 0.148703 -0.248526 0.323885
+0.889024 0.207291 -0.269177 0.306937
+0.873563 0.264992 -0.288675 0.288675
+0.854361 0.321559 -0.306937 0.269177
+0.831501 0.376748 -0.323885 0.248526
+0.80508 0.430324 -0.339446 0.226811
+0.775212 0.482058 -0.353553 0.204124
+0.742024 0.531727 -0.366147 0.180564
+0.705659 0.579119 -0.377172 0.15623
+0.666272 0.624032 -0.386583 0.131227
+0.624032 0.666272 -0.394338 0.105662
+0.579119 0.705659 -0.400404 0.0796453
+0.531727 0.742024 -0.404756 0.0532871
+0.482058 0.775212 -0.407374 0.0267007
+0.430324 0.80508 -0.408248 -3.35603e-08
+0.376748 0.831501 -0.407374 -0.0267007
+0.321559 0.854361 -0.404756 -0.0532871
+0.264992 0.873563 -0.400404 -0.0796453
+0.207291 0.889024 -0.394338 -0.105662
+0.148702 0.900678 -0.386583 -0.131227
+0.0894769 0.908475 -0.377172 -0.15623
+0.0298682 0.912382 -0.366147 -0.180564
+-0.0298684 0.912382 -0.353553 -0.204124
+-0.0894771 0.908475 -0.339446 -0.226811
+-0.148703 0.900678 -0.323885 -0.248526
+-0.207291 0.889024 -0.306937 -0.269177
+-0.264993 0.873563 -0.288675 -0.288675
+-0.321559 0.854361 -0.269177 -0.306937
+-0.376748 0.831501 -0.248526 -0.323885
+-0.430324 0.80508 -0.226811 -0.339446
+-0.482058 0.775212 -0.204124 -0.353553
+-0.531727 0.742024 -0.180564 -0.366147
+-0.579119 0.705659 -0.15623 -0.377172
+-0.624032 0.666272 -0.131227 -0.386583
+-0.666272 0.624032 -0.105662 -0.394338
+-0.705659 0.579119 -0.0796453 -0.400404
+-0.742024 0.531727 -0.0532871 -0.404756
+-0.775212 0.482058 -0.0267007 -0.407374
+-0.80508 0.430324 -4.59286e-08 -0.408248
+-0.831501 0.376748 0.0267007 -0.407374
+-0.854361 0.321559 0.0532871 -0.404756
+-0.873563 0.264992 0.0796453 -0.400404
+-0.889024 0.207291 0.105662 -0.394338
+-0.900678 0.148703 0.131227 -0.386583
+-0.908475 0.089477 0.15623 -0.377172
+-0.912382 0.0298684 0.180564 -0.366147
+0.933521 0.0305603 -0.199846 0.296084
+0.929524 0.0915501 -0.218783 0.28238
+0.921546 0.152148 -0.236783 0.267466
+0.909622 0.212094 -0.253769 0.251407
+0.893803 0.271132 -0.269668 0.234272
+0.874156 0.329009 -0.284413 0.216133
+0.850766 0.385477 -0.29794 0.197069
+0.823733 0.440295 -0.310191 0.17716
+0.793173 0.493227 -0.321114 0.156494
+0.759216 0.544047 -0.330661 0.135157
+0.722008 0.592537 -0.338793 0.113241
+0.681709 0.63849 -0.345474 0.0908405
+0.63849 0.681709 -0.350675 0.068051
+0.592537 0.722008 -0.354375 0.04497
+0.544047 0.759216 -0.356558 0.0216964
+0.493227 0.793173 -0.357213 -0.00167001
+0.440295 0.823733 -0.356339 -0.0250293
+0.385477 0.850766 -0.353939 -0.0482814
+0.329009 0.874156 -0.350024 -0.0713268
+0.271132 0.893803 -0.344609 -0.0940667
+0.212094 0.909622 -0.337719 -0.116404
+0.152148 0.921546 -0.329383 -0.138243
+0.09155 0.929524 -0.319636 -0.159489
+0.0305602 0.933521 -0.308521 -0.180053
+-0.0305604 0.933521 -0.296084 -0.199846
+-0.0915502 0.929524 -0.28238 -0.218783
+-0.152148 0.921546 -0.267466 -0.236783
+-0.212094 0.909622 -0.251407 -0.253769
+-0.271132 0.893803 -0.234272 -0.269668
+-0.329009 0.874156 -0.216133 -0.284413
+-0.385477 0.850766 -0.197069 -0.29794
+-0.440295 0.823733 -0.17716 -0.310191
+-0.493227 0.793173 -0.156494 -0.321114
+-0.544047 0.759216 -0.135157 -0.330661
+-0.592537 0.722008 -0.113241 -0.338793
+-0.63849 0.681709 -0.0908405 -0.345474
+-0.681709 0.63849 -0.068051 -0.350675
+-0.722008 0.592537 -0.04497 -0.354375
+-0.759216 0.544047 -0.0216965 -0.356558
+-0.793173 0.493227 0.00166999 -0.357213
+-0.823733 0.440295 0.0250292 -0.356339
+-0.850766 0.385477 0.0482814 -0.353939
+-0.874156 0.329009 0.0713268 -0.350024
+-0.893803 0.271132 0.0940667 -0.344609
+-0.909622 0.212094 0.116404 -0.337719
+-0.921546 0.152148 0.138242 -0.329383
+-0.929524 0.0915501 0.159489 -0.319636
+-0.933521 0.0305604 0.180053 -0.308521
+0.88928 0.029112 -0.103646 0.444512
+0.885472 0.0872114 -0.132496 0.436782
+0.877872 0.144937 -0.160779 0.427181
+0.866513 0.202043 -0.188374 0.415751
+0.851444 0.258283 -0.215162 0.40254
+0.832728 0.313417 -0.241029 0.387606
+0.810447 0.367209 -0.265863 0.371012
+0.784695 0.419428 -0.28956 0.352829
+0.755583 0.469852 -0.312016 0.333136
+0.723236 0.518263 -0.333136 0.312016
+0.687791 0.564456 -0.352829 0.28956
+0.649401 0.608231 -0.371012 0.265863
+0.608231 0.649401 -0.387606 0.241029
+0.564456 0.687791 -0.40254 0.215162
+0.518263 0.723236 -0.415751 0.188374
+0.469852 0.755583 -0.427181 0.160779
+0.419428 0.784695 -0.436782 0.132496
+0.367209 0.810447 -0.444512 0.103646
+0.313417 0.832728 -0.450339 0.0743512
+0.258283 0.851444 -0.454238 0.0447385
+0.202043 0.866513 -0.456191 0.0149341
+0.144937 0.877872 -0.456191 -0.0149342
+0.0872113 0.885472 -0.454238 -0.0447386
+0.0291119 0.88928 -0.450339 -0.0743513
+-0.0291121 0.88928 -0.444512 -0.103646
+-0.0872115 0.885472 -0.436781 -0.132496
+-0.144937 0.877872 -0.427181 -0.160779
+-0.202043 0.866513 -0.415751 -0.188374
+-0.258283 0.851444 -0.40254 -0.215162
+-0.313417 0.832728 -0.387606 -0.241029
+-0.367209 0.810447 -0.371012 -0.265864
+-0.419428 0.784695 -0.352829 -0.28956
+-0.469852 0.755583 -0.333136 -0.312016
+-0.518263 0.723236 -0.312016 -0.333136
+-0.564456 0.687791 -0.28956 -0.352829
+-0.608231 0.649401 -0.265863 -0.371012
+-0.649401 0.608231 -0.241029 -0.387606
+-0.687791 0.564456 -0.215162 -0.40254
+-0.723236 0.518263 -0.188374 -0.415751
+-0.755583 0.469852 -0.160779 -0.427181
+-0.784695 0.419428 -0.132496 -0.436781
+-0.810447 0.367209 -0.103646 -0.444512
+-0.832728 0.313417 -0.0743512 -0.450339
+-0.851444 0.258283 -0.0447385 -0.454238
+-0.866513 0.202043 -0.0149341 -0.456191
+-0.877872 0.144937 0.0149341 -0.456191
+-0.885472 0.0872113 0.0447385 -0.454238
+-0.88928 0.0291121 0.0743512 -0.450339
+0.912382 0.0298683 -0.131227 0.386583
+0.908475 0.089477 -0.15623 0.377172
+0.900678 0.148703 -0.180564 0.366147
+0.889024 0.207291 -0.204124 0.353553
+0.873563 0.264992 -0.226811 0.339446
+0.854361 0.321559 -0.248526 0.323885
+0.831501 0.376748 -0.269177 0.306937
+0.80508 0.430324 -0.288675 0.288675
+0.775212 0.482058 -0.306937 0.269177
+0.742024 0.531727 -0.323885 0.248526
+0.705659 0.579119 -0.339446 0.226811
+0.666272 0.624032 -0.353553 0.204124
+0.624032 0.666272 -0.366147 0.180564
+0.579119 0.705659 -0.377172 0.15623
+0.531727 0.742024 -0.386583 0.131227
+0.482058 0.775212 -0.394338 0.105662
+0.430324 0.80508 -0.400404 0.0796453
+0.376748 0.831501 -0.404756 0.0532871
+0.321559 0.854361 -0.407374 0.0267007
+0.264992 0.873563 -0.408248 -1.75408e-08
+0.207291 0.889024 -0.407374 -0.0267007
+0.148702 0.900678 -0.404756 -0.0532871
+0.0894769 0.908475 -0.400404 -0.0796453
+0.0298682 0.912382 -0.394338 -0.105662
+-0.0298684 0.912382 -0.386583 -0.131227
+-0.0894771 0.908475 -0.377172 -0.15623
+-0.148703 0.900678 -0.366147 -0.180564
+-0.207291 0.889024 -0.353553 -0.204124
+-0.264993 0.873563 -0.339446 -0.226811
+-0.321559 0.854361 -0.323885 -0.248526
+-0.376748 0.831501 -0.306937 -0.269177
+-0.430324 0.80508 -0.288675 -0.288675
+-0.482058 0.775212 -0.269177 -0.306937
+-0.531727 0.742024 -0.248526 -0.323885
+-0.579119 0.705659 -0.226811 -0.339446
+-0.624032 0.666272 -0.204124 -0.353553
+-0.666272 0.624032 -0.180564 -0.366147
+-0.705659 0.579119 -0.15623 -0.377172
+-0.742024 0.531727 -0.131227 -0.386583
+-0.775212 0.482058 -0.105662 -0.394338
+-0.80508 0.430324 -0.0796453 -0.400404
+-0.831501 0.376748 -0.0532871 -0.404756
+-0.854361 0.321559 -0.0267007 -0.407374
+-0.873563 0.264992 -1.32811e-08 -0.408248
+-0.889024 0.207291 0.0267007 -0.407374
+-0.900678 0.148703 0.0532871 -0.404756
+-0.908475 0.089477 0.0796453 -0.400404
+-0.912382 0.0298684 0.105662 -0.394338
+0.912382 0.0298683 -0.0532871 0.404756
+0.908475 0.089477 -0.0796453 0.400404
+0.900678 0.148703 -0.105662 0.394338
+0.889024 0.207291 -0.131227 0.386583
+0.873563 0.264992 -0.15623 0.377172
+0.854361 0.321559 -0.180564 0.366147
+0.831501 0.376748 -0.204124 0.353553
+0.80508 0.430324 -0.226811 0.339446
+0.775212 0.482058 -0.248526 0.323885
+0.742024 0.531727 -0.269177 0.306937
+0.705659 0.579119 -0.288675 0.288675
+0.666272 0.624032 -0.306937 0.269177
+0.624032 0.666272 -0.323885 0.248526
+0.579119 0.705659 -0.339446 0.226811
+0.531727 0.742024 -0.353553 0.204124
+0.482058 0.775212 -0.366147 0.180564
+0.430324 0.80508 -0.377172 0.15623
+0.376748 0.831501 -0.386583 0.131227
+0.321559 0.854361 -0.394338 0.105662
+0.264992 0.873563 -0.400404 0.0796453
+0.207291 0.889024 -0.404756 0.0532871
+0.148702 0.900678 -0.407374 0.0267007
+0.0894769 0.908475 -0.408248 -5.01883e-08
+0.0298682 0.912382 -0.407374 -0.0267008
+-0.0298684 0.912382 -0.404756 -0.0532871
+-0.0894771 0.908475 -0.400404 -0.0796453
+-0.148703 0.900678 -0.394338 -0.105662
+-0.207291 0.889024 -0.386583 -0.131227
+-0.264993 0.873563 -0.377172 -0.15623
+-0.321559 0.854361 -0.366147 -0.180564
+-0.376748 0.831501 -0.353553 -0.204124
+-0.430324 0.80508 -0.339446 -0.226811
+-0.482058 0.775212 -0.323885 -0.248526
+-0.531727 0.742024 -0.306937 -0.269177
+-0.579119 0.705659 -0.288675 -0.288675
+-0.624032 0.666272 -0.269177 -0.306937
+-0.666272 0.624032 -0.248526 -0.323885
+-0.705659 0.579119 -0.226811 -0.339446
+-0.742024 0.531727 -0.204124 -0.353553
+-0.775212 0.482058 -0.180564 -0.366147
+-0.80508 0.430324 -0.15623 -0.377172
+-0.831501 0.376748 -0.131227 -0.386583
+-0.854361 0.321559 -0.105662 -0.394338
+-0.873563 0.264992 -0.0796453 -0.400404
+-0.889024 0.207291 -0.0532871 -0.404756
+-0.900678 0.148703 -0.0267007 -0.407374
+-0.908475 0.089477 1.93664e-08 -0.408248
+-0.912382 0.0298684 0.0267007 -0.407374
+0.933521 0.0305603 -0.0515886 0.353472
+0.929524 0.0915501 -0.0745963 0.349342
+0.921546 0.152148 -0.0972846 0.343715
+0.909622 0.212094 -0.119556 0.336616
+0.893803 0.271132 -0.141316 0.328076
+0.874156 0.329009 -0.162471 0.318131
+0.850766 0.385477 -0.18293 0.306824
+0.823733 0.440295 -0.202605 0.294203
+0.793173 0.493227 -0.221413 0.280322
+0.759216 0.544047 -0.239273 0.265241
+0.722008 0.592537 -0.256108 0.249023
+0.681709 0.63849 -0.271847 0.23174
+0.63849 0.681709 -0.286421 0.213464
+0.592537 0.722008 -0.299769 0.194274
+0.544047 0.759216 -0.311834 0.174252
+0.493227 0.793173 -0.322563 0.153484
+0.440295 0.823733 -0.33191 0.132059
+0.385477 0.850766 -0.339837 0.110068
+0.329009 0.874156 -0.346308 0.0876064
+0.271132 0.893803 -0.351296 0.0647692
+0.212094 0.909622 -0.35478 0.0416547
+0.152148 0.921546 -0.356745 0.0183617
+0.09155 0.929524 -0.357182 -0.00500984
+0.0305602 0.933521 -0.35609 -0.0283599
+-0.0305604 0.933521 -0.353472 -0.0515886
+-0.0915502 0.929524 -0.349342 -0.0745963
+-0.152148 0.921546 -0.343715 -0.0972847
+-0.212094 0.909622 -0.336616 -0.119556
+-0.271132 0.893803 -0.328076 -0.141316
+-0.329009 0.874156 -0.318131 -0.162471
+-0.385477 0.850766 -0.306824 -0.18293
+-0.440295 0.823733 -0.294203 -0.202605
+-0.493227 0.793173 -0.280322 -0.221413
+-0.544047 0.759216 -0.265241 -0.239273
+-0.592537 0.722008 -0.249023 -0.256108
+-0.63849 0.681709 -0.23174 -0.271847
+-0.681709 0.63849 -0.213464 -0.286421
+-0.722008 0.592537 -0.194274 -0.299769
+-0.759216 0.544047 -0.174252 -0.311834
+-0.793173 0.493227 -0.153484 -0.322563
+-0.823733 0.440295 -0.132059 -0.33191
+-0.850766 0.385477 -0.110069 -0.339837
+-0.874156 0.329009 -0.0876064 -0.346308
+-0.893803 0.271132 -0.0647693 -0.351296
+-0.909622 0.212094 -0.0416547 -0.35478
+-0.921546 0.152148 -0.0183618 -0.356745
+-0.929524 0.0915501 0.00500981 -0.357182
+-0.933521 0.0305604 0.0283599 -0.35609
+0.933521 0.0305603 -0.12895 0.333131
+0.929524 0.0915501 -0.150462 0.323984
+0.921546 0.152148 -0.171329 0.313449
+0.909622 0.212094 -0.191463 0.301573
+0.893803 0.271132 -0.210777 0.288405
+0.874156 0.329009 -0.229188 0.274002
+0.850766 0.385477 -0.246618 0.258425
+0.823733 0.440295 -0.262992 0.241743
+0.793173 0.493227 -0.278239 0.224025
+0.759216 0.544047 -0.292296 0.205347
+0.722008 0.592537 -0.3051 0.18579
+0.681709 0.63849 -0.316598 0.165438
+0.63849 0.681709 -0.32674 0.144377
+0.592537 0.722008 -0.335484 0.122698
+0.544047 0.759216 -0.34279 0.100494
+0.493227 0.793173 -0.348629 0.0778593
+0.440295 0.823733 -0.352975 0.0548912
+0.385477 0.850766 -0.355809 0.031688
+0.329009 0.874156 -0.35712 0.00834915
+0.271132 0.893803 -0.356901 -0.0150255
+0.212094 0.909622 -0.355154 -0.0383357
+0.152148 0.921546 -0.351887 -0.0614819
+0.09155 0.929524 -0.347112 -0.0843647
+0.0305602 0.933521 -0.340851 -0.106886
+-0.0305604 0.933521 -0.333131 -0.12895
+-0.0915502 0.929524 -0.323984 -0.150462
+-0.152148 0.921546 -0.313449 -0.171329
+-0.212094 0.909622 -0.301573 -0.191463
+-0.271132 0.893803 -0.288405 -0.210777
+-0.329009 0.874156 -0.274002 -0.229188
+-0.385477 0.850766 -0.258425 -0.246618
+-0.440295 0.823733 -0.241743 -0.262992
+-0.493227 0.793173 -0.224025 -0.278239
+-0.544047 0.759216 -0.205347 -0.292296
+-0.592537 0.722008 -0.18579 -0.3051
+-0.63849 0.681709 -0.165438 -0.316598
+-0.681709 0.63849 -0.144377 -0.32674
+-0.722008 0.592537 -0.122698 -0.335484
+-0.759216 0.544047 -0.100494 -0.34279
+-0.793173 0.493227 -0.0778593 -0.348629
+-0.823733 0.440295 -0.0548913 -0.352975
+-0.850766 0.385477 -0.031688 -0.355809
+-0.874156 0.329009 -0.00834914 -0.35712
+-0.893803 0.271132 0.0150254 -0.356901
+-0.909622 0.212094 0.0383358 -0.355154
+-0.921546 0.152148 0.0614818 -0.351887
+-0.929524 0.0915501 0.0843647 -0.347112
+-0.933521 0.0305604 0.106886 -0.340851
+0.951462 0.0311476 -0.126365 0.278894
+0.947388 0.0933095 -0.144335 0.270032
+0.939256 0.155072 -0.161687 0.260014
+0.927103 0.21617 -0.178347 0.248882
+0.91098 0.276343 -0.194242 0.236685
+0.890956 0.335332 -0.209307 0.223474
+0.867117 0.392885 -0.223474 0.209307
+0.839564 0.448756 -0.236685 0.194242
+0.808416 0.502706 -0.248882 0.178347
+0.773807 0.554502 -0.260014 0.161687
+0.735884 0.603924 -0.270032 0.144335
+0.69481 0.650761 -0.278894 0.126365
+0.65076 0.69481 -0.286561 0.107854
+0.603924 0.735884 -0.293002 0.0888812
+0.554502 0.773807 -0.298188 0.0695276
+0.502706 0.808416 -0.302097 0.0498763
+0.448756 0.839564 -0.304712 0.0300115
+0.392885 0.867117 -0.306022 0.0100181
+0.335332 0.890956 -0.306022 -0.0100181
+0.276343 0.91098 -0.304712 -0.0300115
+0.21617 0.927103 -0.302097 -0.0498764
+0.155072 0.939256 -0.298188 -0.0695277
+0.0933094 0.947388 -0.293002 -0.0888812
+0.0311475 0.951462 -0.286561 -0.107854
+-0.0311477 0.951462 -0.278894 -0.126365
+-0.0933096 0.947388 -0.270032 -0.144335
+-0.155072 0.939256 -0.260014 -0.161687
+-0.21617 0.927103 -0.248882 -0.178347
+-0.276343 0.91098 -0.236685 -0.194243
+-0.335332 0.890956 -0.223474 -0.209307
+-0.392886 0.867116 -0.209307 -0.223474
+-0.448756 0.839564 -0.194243 -0.236685
+-0.502706 0.808416 -0.178347 -0.248882
+-0.554502 0.773807 -0.161687 -0.260014
+-0.603924 0.735884 -0.144335 -0.270032
+-0.650761 0.69481 -0.126365 -0.278894
+-0.69481 0.650761 -0.107854 -0.286561
+-0.735884 0.603924 -0.0888812 -0.293002
+-0.773807 0.554502 -0.0695276 -0.298188
+-0.808416 0.502706 -0.0498763 -0.302097
+-0.839564 0.448756 -0.0300115 -0.304712
+-0.867117 0.392885 -0.0100181 -0.306022
+-0.890956 0.335332 0.0100182 -0.306022
+-0.91098 0.276343 0.0300115 -0.304712
+-0.927103 0.21617 0.0498764 -0.302097
+-0.939256 0.155072 0.0695276 -0.298188
+-0.947388 0.0933095 0.0888812 -0.293002
+-0.951462 0.0311477 0.107854 -0.286562
+0.951462 0.0311476 -0.0498763 0.302097
+0.947388 0.0933095 -0.0695276 0.298188
+0.939256 0.155072 -0.0888812 0.293002
+0.927103 0.21617 -0.107854 0.286561
+0.91098 0.276343 -0.126365 0.278894
+0.890956 0.335332 -0.144335 0.270032
+0.867117 0.392885 -0.161687 0.260014
+0.839564 0.448756 -0.178347 0.248882
+0.808416 0.502706 -0.194242 0.236685
+0.773807 0.554502 -0.209307 0.223474
+0.735884 0.603924 -0.223474 0.209307
+0.69481 0.650761 -0.236685 0.194242
+0.65076 0.69481 -0.248882 0.178347
+0.603924 0.735884 -0.260014 0.161687
+0.554502 0.773807 -0.270032 0.144335
+0.502706 0.808416 -0.278894 0.126365
+0.448756 0.839564 -0.286562 0.107854
+0.392885 0.867117 -0.293002 0.0888811
+0.335332 0.890956 -0.298188 0.0695276
+0.276343 0.91098 -0.302097 0.0498763
+0.21617 0.927103 -0.304712 0.0300115
+0.155072 0.939256 -0.306022 0.0100181
+0.0933094 0.947388 -0.306022 -0.0100182
+0.0311475 0.951462 -0.304712 -0.0300115
+-0.0311477 0.951462 -0.302097 -0.0498764
+-0.0933096 0.947388 -0.298188 -0.0695276
+-0.155072 0.939256 -0.293002 -0.0888812
+-0.21617 0.927103 -0.286561 -0.107854
+-0.276343 0.91098 -0.278894 -0.126365
+-0.335332 0.890956 -0.270032 -0.144335
+-0.392886 0.867116 -0.260014 -0.161687
+-0.448756 0.839564 -0.248882 -0.178347
+-0.502706 0.808416 -0.236685 -0.194242
+-0.554502 0.773807 -0.223474 -0.209307
+-0.603924 0.735884 -0.209307 -0.223474
+-0.650761 0.69481 -0.194242 -0.236685
+-0.69481 0.650761 -0.178347 -0.248882
+-0.735884 0.603924 -0.161687 -0.260014
+-0.773807 0.554502 -0.144335 -0.270032
+-0.808416 0.502706 -0.126365 -0.278894
+-0.839564 0.448756 -0.107854 -0.286561
+-0.867117 0.392885 -0.0888812 -0.293002
+-0.890956 0.335332 -0.0695276 -0.298188
+-0.91098 0.276343 -0.0498764 -0.302097
+-0.927103 0.21617 -0.0300115 -0.304712
+-0.939256 0.155072 -0.0100182 -0.306022
+-0.947388 0.0933095 0.0100181 -0.306022
+-0.951462 0.0311477 0.0300115 -0.304712
+0.966382 0.0316361 -0.0481394 0.250573
+0.962244 0.0947728 -0.0644245 0.246888
+0.953986 0.157504 -0.0804338 0.242146
+0.941642 0.21956 -0.0960987 0.236367
+0.925266 0.280676 -0.111352 0.229575
+0.904928 0.340591 -0.126129 0.221801
+0.880714 0.399046 -0.140365 0.213077
+0.85273 0.455794 -0.154 0.20344
+0.821094 0.510589 -0.166976 0.192933
+0.785942 0.563198 -0.179237 0.181599
+0.747424 0.613395 -0.190731 0.169487
+0.705706 0.660965 -0.201407 0.15665
+0.660965 0.705706 -0.211221 0.143142
+0.613395 0.747424 -0.220131 0.129021
+0.563198 0.785942 -0.228098 0.114348
+0.510589 0.821094 -0.235089 0.0991844
+0.455793 0.85273 -0.241072 0.0835965
+0.399046 0.880714 -0.246023 0.0676507
+0.340591 0.904928 -0.249921 0.0514151
+0.280676 0.925266 -0.252749 0.0349594
+0.21956 0.941642 -0.254494 0.018354
+0.157504 0.953986 -0.25515 0.00166994
+0.0947727 0.962244 -0.254713 -0.0150212
+0.031636 0.966382 -0.253185 -0.0316481
+-0.0316362 0.966382 -0.250573 -0.0481394
+-0.0947729 0.962244 -0.246888 -0.0644246
+-0.157504 0.953986 -0.242146 -0.0804339
+-0.21956 0.941642 -0.236367 -0.0960987
+-0.280676 0.925266 -0.229575 -0.111352
+-0.340591 0.904927 -0.221801 -0.126129
+-0.399047 0.880714 -0.213077 -0.140365
+-0.455793 0.85273 -0.203441 -0.154
+-0.510589 0.821094 -0.192933 -0.166976
+-0.563198 0.785941 -0.181599 -0.179237
+-0.613395 0.747424 -0.169487 -0.190731
+-0.660966 0.705706 -0.15665 -0.201407
+-0.705706 0.660966 -0.143142 -0.211221
+-0.747424 0.613395 -0.129021 -0.220131
+-0.785942 0.563198 -0.114348 -0.228098
+-0.821094 0.510589 -0.0991844 -0.235089
+-0.85273 0.455794 -0.0835966 -0.241072
+-0.880714 0.399046 -0.0676507 -0.246023
+-0.904928 0.340591 -0.0514151 -0.249921
+-0.925266 0.280676 -0.0349594 -0.252749
+-0.941642 0.21956 -0.018354 -0.254494
+-0.953986 0.157504 -0.00166999 -0.25515
+-0.962244 0.0947727 0.0150212 -0.254713
+-0.966382 0.0316362 0.031648 -0.253185
+0.933521 0.0305603 -0.26072 0.244191
+0.929524 0.0915501 -0.276133 0.226616
+0.921546 0.152148 -0.290363 0.208071
+0.909622 0.212094 -0.30335 0.188635
+0.893803 0.271132 -0.315037 0.168391
+0.874156 0.329009 -0.325376 0.147426
+0.850766 0.385477 -0.334322 0.12583
+0.823733 0.440295 -0.341836 0.103695
+0.793173 0.493227 -0.347886 0.0811156
+0.759216 0.544047 -0.352446 0.0581891
+0.722008 0.592537 -0.355497 0.0350134
+0.681709 0.63849 -0.357026 0.0116878
+0.63849 0.681709 -0.357026 -0.0116878
+0.592537 0.722008 -0.355497 -0.0350134
+0.544047 0.759216 -0.352446 -0.0581891
+0.493227 0.793173 -0.347886 -0.0811156
+0.440295 0.823733 -0.341836 -0.103695
+0.385477 0.850766 -0.334322 -0.12583
+0.329009 0.874156 -0.325376 -0.147426
+0.271132 0.893803 -0.315037 -0.168391
+0.212094 0.909622 -0.30335 -0.188635
+0.152148 0.921546 -0.290363 -0.208071
+0.09155 0.929524 -0.276133 -0.226616
+0.0305602 0.933521 -0.26072 -0.244191
+-0.0305604 0.933521 -0.244191 -0.26072
+-0.0915502 0.929524 -0.226616 -0.276133
+-0.152148 0.921546 -0.208071 -0.290363
+-0.212094 0.909622 -0.188635 -0.30335
+-0.271132 0.893803 -0.168391 -0.315038
+-0.329009 0.874156 -0.147426 -0.325376
+-0.385477 0.850766 -0.12583 -0.334322
+-0.440295 0.823733 -0.103695 -0.341836
+-0.493227 0.793173 -0.0811156 -0.347886
+-0.544047 0.759216 -0.058189 -0.352446
+-0.592537 0.722008 -0.0350134 -0.355497
+-0.63849 0.681709 -0.0116878 -0.357026
+-0.681709 0.63849 0.0116878 -0.357026
+-0.722008 0.592537 0.0350134 -0.355497
+-0.759216 0.544047 0.058189 -0.352446
+-0.793173 0.493227 0.0811156 -0.347886
+-0.823733 0.440295 0.103695 -0.341836
+-0.850766 0.385477 0.12583 -0.334322
+-0.874156 0.329009 0.147426 -0.325376
+-0.893803 0.271132 0.168391 -0.315037
+-0.909622 0.212094 0.188635 -0.30335
+-0.921546 0.152148 0.208071 -0.290363
+-0.929524 0.0915501 0.226616 -0.276133
+-0.933521 0.0305604 0.244191 -0.26072
+0.951462 0.0311476 -0.248882 0.178347
+0.947388 0.0933095 -0.260014 0.161687
+0.939256 0.155072 -0.270032 0.144335
+0.927103 0.21617 -0.278894 0.126365
+0.91098 0.276343 -0.286561 0.107854
+0.890956 0.335332 -0.293002 0.0888812
+0.867117 0.392885 -0.298188 0.0695276
+0.839564 0.448756 -0.302097 0.0498763
+0.808416 0.502706 -0.304712 0.0300115
+0.773807 0.554502 -0.306022 0.0100181
+0.735884 0.603924 -0.306022 -0.0100181
+0.69481 0.650761 -0.304712 -0.0300115
+0.65076 0.69481 -0.302097 -0.0498764
+0.603924 0.735884 -0.298188 -0.0695276
+0.554502 0.773807 -0.293002 -0.0888812
+0.502706 0.808416 -0.286561 -0.107854
+0.448756 0.839564 -0.278894 -0.126365
+0.392885 0.867117 -0.270032 -0.144335
+0.335332 0.890956 -0.260014 -0.161687
+0.276343 0.91098 -0.248882 -0.178347
+0.21617 0.927103 -0.236685 -0.194242
+0.155072 0.939256 -0.223474 -0.209307
+0.0933094 0.947388 -0.209307 -0.223474
+0.0311475 0.951462 -0.194242 -0.236685
+-0.0311477 0.951462 -0.178347 -0.248882
+-0.0933096 0.947388 -0.161687 -0.260014
+-0.155072 0.939256 -0.144335 -0.270032
+-0.21617 0.927103 -0.126365 -0.278894
+-0.276343 0.91098 -0.107854 -0.286562
+-0.335332 0.890956 -0.0888811 -0.293002
+-0.392886 0.867116 -0.0695276 -0.298188
+-0.448756 0.839564 -0.0498764 -0.302097
+-0.502706 0.808416 -0.0300115 -0.304712
+-0.554502 0.773807 -0.0100181 -0.306022
+-0.603924 0.735884 0.0100181 -0.306022
+-0.650761 0.69481 0.0300115 -0.304712
+-0.69481 0.650761 0.0498763 -0.302097
+-0.735884 0.603924 0.0695276 -0.298188
+-0.773807 0.554502 0.0888811 -0.293002
+-0.808416 0.502706 0.107854 -0.286561
+-0.839564 0.448756 0.126365 -0.278894
+-0.867117 0.392885 0.144335 -0.270032
+-0.890956 0.335332 0.161687 -0.260014
+-0.91098 0.276343 0.178347 -0.248882
+-0.927103 0.21617 0.194242 -0.236685
+-0.939256 0.155072 0.209307 -0.223474
+-0.947388 0.0933095 0.223474 -0.209307
+-0.951462 0.0311477 0.236685 -0.194243
+0.951462 0.0311476 -0.194242 0.236685
+0.947388 0.0933095 -0.209307 0.223474
+0.939256 0.155072 -0.223474 0.209307
+0.927103 0.21617 -0.236685 0.194242
+0.91098 0.276343 -0.248882 0.178347
+0.890956 0.335332 -0.260014 0.161687
+0.867117 0.392885 -0.270032 0.144335
+0.839564 0.448756 -0.278894 0.126365
+0.808416 0.502706 -0.286561 0.107854
+0.773807 0.554502 -0.293002 0.0888812
+0.735884 0.603924 -0.298188 0.0695276
+0.69481 0.650761 -0.302097 0.0498763
+0.65076 0.69481 -0.304712 0.0300115
+0.603924 0.735884 -0.306022 0.0100181
+0.554502 0.773807 -0.306022 -0.0100181
+0.502706 0.808416 -0.304712 -0.0300115
+0.448756 0.839564 -0.302097 -0.0498764
+0.392885 0.867117 -0.298188 -0.0695276
+0.335332 0.890956 -0.293002 -0.0888812
+0.276343 0.91098 -0.286561 -0.107854
+0.21617 0.927103 -0.278894 -0.126365
+0.155072 0.939256 -0.270032 -0.144335
+0.0933094 0.947388 -0.260014 -0.161687
+0.0311475 0.951462 -0.248882 -0.178347
+-0.0311477 0.951462 -0.236685 -0.194243
+-0.0933096 0.947388 -0.223474 -0.209307
+-0.155072 0.939256 -0.209307 -0.223474
+-0.21617 0.927103 -0.194242 -0.236685
+-0.276343 0.91098 -0.178347 -0.248882
+-0.335332 0.890956 -0.161687 -0.260014
+-0.392886 0.867116 -0.144335 -0.270032
+-0.448756 0.839564 -0.126365 -0.278894
+-0.502706 0.808416 -0.107854 -0.286561
+-0.554502 0.773807 -0.0888811 -0.293002
+-0.603924 0.735884 -0.0695276 -0.298188
+-0.650761 0.69481 -0.0498763 -0.302097
+-0.69481 0.650761 -0.0300115 -0.304712
+-0.735884 0.603924 -0.0100181 -0.306022
+-0.773807 0.554502 0.0100181 -0.306022
+-0.808416 0.502706 0.0300115 -0.304712
+-0.839564 0.448756 0.0498763 -0.302097
+-0.867117 0.392885 0.0695276 -0.298188
+-0.890956 0.335332 0.0888812 -0.293002
+-0.91098 0.276343 0.107854 -0.286561
+-0.927103 0.21617 0.126365 -0.278894
+-0.939256 0.155072 0.144335 -0.270032
+-0.947388 0.0933095 0.161687 -0.260014
+-0.951462 0.0311477 0.178347 -0.248882
+0.966382 0.0316361 -0.186229 0.174422
+0.962244 0.0947728 -0.197238 0.161869
+0.953986 0.157504 -0.207402 0.148622
+0.941642 0.21956 -0.216678 0.134739
+0.925266 0.280676 -0.225027 0.120279
+0.904928 0.340591 -0.232412 0.105304
+0.880714 0.399046 -0.238801 0.0898784
+0.85273 0.455794 -0.244168 0.0740676
+0.821094 0.510589 -0.24849 0.0579397
+0.785942 0.563198 -0.251747 0.0415636
+0.747424 0.613395 -0.253927 0.0250096
+0.705706 0.660965 -0.255019 0.00834844
+0.660965 0.705706 -0.255019 -0.00834845
+0.613395 0.747424 -0.253927 -0.0250096
+0.563198 0.785942 -0.251747 -0.0415636
+0.510589 0.821094 -0.24849 -0.0579397
+0.455793 0.85273 -0.244168 -0.0740677
+0.399046 0.880714 -0.238801 -0.0898784
+0.340591 0.904928 -0.232412 -0.105304
+0.280676 0.925266 -0.225027 -0.120279
+0.21956 0.941642 -0.216678 -0.134739
+0.157504 0.953986 -0.207402 -0.148622
+0.0947727 0.962244 -0.197238 -0.161869
+0.031636 0.966382 -0.186229 -0.174422
+-0.0316362 0.966382 -0.174422 -0.186229
+-0.0947729 0.962244 -0.161869 -0.197238
+-0.157504 0.953986 -0.148622 -0.207402
+-0.21956 0.941642 -0.134739 -0.216678
+-0.280676 0.925266 -0.120279 -0.225027
+-0.340591 0.904927 -0.105304 -0.232412
+-0.399047 0.880714 -0.0898784 -0.238801
+-0.455793 0.85273 -0.0740677 -0.244168
+-0.510589 0.821094 -0.0579397 -0.24849
+-0.563198 0.785941 -0.0415636 -0.251747
+-0.613395 0.747424 -0.0250096 -0.253927
+-0.660966 0.705706 -0.00834843 -0.255019
+-0.705706 0.660966 0.00834843 -0.255019
+-0.747424 0.613395 0.0250096 -0.253927
+-0.785942 0.563198 0.0415636 -0.251747
+-0.821094 0.510589 0.0579397 -0.24849
+-0.85273 0.455794 0.0740676 -0.244168
+-0.880714 0.399046 0.0898784 -0.238801
+-0.904928 0.340591 0.105304 -0.232412
+-0.925266 0.280676 0.120279 -0.225027
+-0.941642 0.21956 0.134739 -0.216678
+-0.953986 0.157504 0.148622 -0.207402
+-0.962244 0.0947727 0.161869 -0.197238
+-0.966382 0.0316362 0.174422 -0.186229
+0.966382 0.0316361 -0.231013 0.108337
+0.962244 0.0947728 -0.237604 0.0929965
+0.953986 0.157504 -0.243178 0.0772574
+0.941642 0.21956 -0.24771 0.0611873
+0.925266 0.280676 -0.251182 0.0448553
+0.904928 0.340591 -0.253577 0.0283312
+0.880714 0.399046 -0.254887 0.0116858
+0.85273 0.455794 -0.255106 -0.00500964
+0.821094 0.510589 -0.254232 -0.0216836
+0.785942 0.563198 -0.25227 -0.0382648
+0.747424 0.613395 -0.249227 -0.0546821
+0.705706 0.660965 -0.245117 -0.0708652
+0.660965 0.705706 -0.239957 -0.0867449
+0.613395 0.747424 -0.23377 -0.102253
+0.563198 0.785942 -0.226582 -0.117324
+0.510589 0.821094 -0.218423 -0.131891
+0.455793 0.85273 -0.20933 -0.145895
+0.399046 0.880714 -0.19934 -0.159273
+0.340591 0.904928 -0.188496 -0.17197
+0.280676 0.925266 -0.176845 -0.18393
+0.21956 0.941642 -0.164437 -0.195102
+0.157504 0.953986 -0.151324 -0.205439
+0.0947727 0.962244 -0.137564 -0.214896
+0.031636 0.966382 -0.123215 -0.223433
+-0.0316362 0.966382 -0.108337 -0.231013
+-0.0947729 0.962244 -0.0929965 -0.237604
+-0.157504 0.953986 -0.0772573 -0.243178
+-0.21956 0.941642 -0.0611873 -0.24771
+-0.280676 0.925266 -0.0448553 -0.251182
+-0.340591 0.904927 -0.0283312 -0.253577
+-0.399047 0.880714 -0.0116858 -0.254887
+-0.455793 0.85273 0.00500961 -0.255106
+-0.510589 0.821094 0.0216836 -0.254232
+-0.563198 0.785941 0.0382648 -0.25227
+-0.613395 0.747424 0.0546821 -0.249227
+-0.660966 0.705706 0.0708652 -0.245117
+-0.705706 0.660966 0.0867449 -0.239957
+-0.747424 0.613395 0.102253 -0.23377
+-0.785942 0.563198 0.117323 -0.226582
+-0.821094 0.510589 0.131891 -0.218423
+-0.85273 0.455794 0.145895 -0.20933
+-0.880714 0.399046 0.159273 -0.19934
+-0.904928 0.340591 0.17197 -0.188496
+-0.925266 0.280676 0.18393 -0.176845
+-0.941642 0.21956 0.195102 -0.164437
+-0.953986 0.157504 0.205439 -0.151324
+-0.962244 0.0947727 0.214896 -0.137564
+-0.966382 0.0316362 0.223433 -0.123215
+0.978421 0.0320302 -0.201398 0.0332509
+0.974231 0.0959534 -0.203141 0.0200077
+0.96587 0.159466 -0.204015 0.00667876
+0.953372 0.222295 -0.204015 -0.00667876
+0.936792 0.284173 -0.203141 -0.0200077
+0.9162 0.344833 -0.201398 -0.0332509
+0.891686 0.404017 -0.198792 -0.0463517
+0.863352 0.461472 -0.195335 -0.0592541
+0.831322 0.516949 -0.191041 -0.0719027
+0.795732 0.570214 -0.185929 -0.0842435
+0.756735 0.621036 -0.180021 -0.0962235
+0.714497 0.669199 -0.173343 -0.107791
+0.669199 0.714497 -0.165922 -0.118898
+0.621036 0.756735 -0.15779 -0.129495
+0.570214 0.795732 -0.148983 -0.139538
+0.516949 0.831322 -0.139538 -0.148983
+0.461471 0.863352 -0.129495 -0.15779
+0.404017 0.891686 -0.118898 -0.165922
+0.344833 0.9162 -0.107791 -0.173343
+0.284173 0.936792 -0.0962234 -0.180021
+0.222295 0.953372 -0.0842435 -0.185929
+0.159466 0.96587 -0.0719027 -0.191041
+0.0959533 0.974231 -0.0592541 -0.195335
+0.0320301 0.978421 -0.0463517 -0.198792
+-0.0320303 0.978421 -0.0332509 -0.201398
+-0.0959535 0.974231 -0.0200076 -0.203141
+-0.159466 0.96587 -0.00667874 -0.204015
+-0.222295 0.953372 0.00667877 -0.204015
+-0.284173 0.936792 0.0200077 -0.203141
+-0.344834 0.9162 0.0332509 -0.201398
+-0.404018 0.891686 0.0463518 -0.198792
+-0.461471 0.863352 0.0592541 -0.195335
+-0.516949 0.831322 0.0719027 -0.191041
+-0.570214 0.795732 0.0842435 -0.185929
+-0.621036 0.756735 0.0962234 -0.180021
+-0.669199 0.714497 0.107791 -0.173343
+-0.714497 0.669199 0.118898 -0.165922
+-0.756735 0.621036 0.129495 -0.15779
+-0.795732 0.570214 0.139538 -0.148983
+-0.831322 0.516949 0.148983 -0.139538
+-0.863352 0.461472 0.15779 -0.129495
+-0.891686 0.404017 0.165922 -0.118898
+-0.9162 0.344833 0.173343 -0.107791
+-0.936792 0.284173 0.180021 -0.0962235
+-0.953372 0.222295 0.185929 -0.0842435
+-0.96587 0.159466 0.191041 -0.0719028
+-0.974231 0.0959533 0.195335 -0.0592541
+-0.978421 0.0320303 0.198792 -0.0463518
+0.978421 0.0320302 -0.173343 0.107791
+0.974231 0.0959534 -0.180021 0.0962235
+0.96587 0.159466 -0.185929 0.0842435
+0.953372 0.222295 -0.191041 0.0719027
+0.936792 0.284173 -0.195335 0.0592541
+0.9162 0.344833 -0.198792 0.0463518
+0.891686 0.404017 -0.201398 0.0332509
+0.863352 0.461472 -0.203141 0.0200077
+0.831322 0.516949 -0.204015 0.00667875
+0.795732 0.570214 -0.204015 -0.00667875
+0.756735 0.621036 -0.203141 -0.0200077
+0.714497 0.669199 -0.201398 -0.0332509
+0.669199 0.714497 -0.198792 -0.0463518
+0.621036 0.756735 -0.195335 -0.0592541
+0.570214 0.795732 -0.191041 -0.0719027
+0.516949 0.831322 -0.185929 -0.0842435
+0.461471 0.863352 -0.180021 -0.0962235
+0.404017 0.891686 -0.173343 -0.107791
+0.344833 0.9162 -0.165922 -0.118898
+0.284173 0.936792 -0.15779 -0.129495
+0.222295 0.953372 -0.148983 -0.139538
+0.159466 0.96587 -0.139538 -0.148983
+0.0959533 0.974231 -0.129495 -0.15779
+0.0320301 0.978421 -0.118898 -0.165922
+-0.0320303 0.978421 -0.107791 -0.173343
+-0.0959535 0.974231 -0.0962234 -0.180021
+-0.159466 0.96587 -0.0842435 -0.185929
+-0.222295 0.953372 -0.0719027 -0.191041
+-0.284173 0.936792 -0.0592541 -0.195335
+-0.344834 0.9162 -0.0463517 -0.198792
+-0.404018 0.891686 -0.0332509 -0.201398
+-0.461471 0.863352 -0.0200077 -0.203141
+-0.516949 0.831322 -0.00667876 -0.204015
+-0.570214 0.795732 0.00667877 -0.204015
+-0.621036 0.756735 0.0200077 -0.203141
+-0.669199 0.714497 0.0332509 -0.201398
+-0.714497 0.669199 0.0463517 -0.198792
+-0.756735 0.621036 0.0592541 -0.195335
+-0.795732 0.570214 0.0719027 -0.191041
+-0.831322 0.516949 0.0842435 -0.185929
+-0.863352 0.461472 0.0962234 -0.180021
+-0.891686 0.404017 0.107791 -0.173343
+-0.9162 0.344833 0.118898 -0.165922
+-0.936792 0.284173 0.129495 -0.15779
+-0.953372 0.222295 0.139538 -0.148983
+-0.96587 0.159466 0.148983 -0.139538
+-0.974231 0.0959533 0.15779 -0.129495
+-0.978421 0.0320303 0.165922 -0.118898
+0.987683 0.0323334 -0.149094 0.0347638
+0.983453 0.0968617 -0.151048 0.0249382
+0.975013 0.160975 -0.152356 0.0150057
+0.962397 0.224399 -0.153011 0.00500906
+0.94566 0.286863 -0.153011 -0.00500907
+0.924873 0.348098 -0.152356 -0.0150057
+0.900126 0.407842 -0.151048 -0.0249382
+0.871525 0.46584 -0.149094 -0.0347638
+0.839192 0.521843 -0.146501 -0.0444406
+0.803265 0.575611 -0.143281 -0.0539271
+0.763898 0.626915 -0.139447 -0.0631826
+0.72126 0.675534 -0.135016 -0.0721676
+0.675534 0.72126 -0.130007 -0.0808436
+0.626915 0.763898 -0.124441 -0.0891733
+0.575611 0.803265 -0.118343 -0.0971212
+0.521843 0.839192 -0.111737 -0.104653
+0.46584 0.871525 -0.104653 -0.111737
+0.407842 0.900126 -0.0971212 -0.118343
+0.348098 0.924873 -0.0891733 -0.124441
+0.286863 0.94566 -0.0808435 -0.130007
+0.224399 0.962397 -0.0721676 -0.135016
+0.160975 0.975013 -0.0631826 -0.139447
+0.0968616 0.983453 -0.053927 -0.143281
+0.0323333 0.987683 -0.0444406 -0.146501
+-0.0323335 0.987683 -0.0347638 -0.149094
+-0.0968618 0.983453 -0.0249382 -0.151048
+-0.160975 0.975013 -0.0150057 -0.152356
+-0.224399 0.962397 -0.00500906 -0.153011
+-0.286863 0.94566 0.00500909 -0.153011
+-0.348098 0.924873 0.0150058 -0.152356
+-0.407842 0.900126 0.0249382 -0.151048
+-0.46584 0.871525 0.0347638 -0.149094
+-0.521843 0.839192 0.0444406 -0.146501
+-0.575611 0.803265 0.0539271 -0.143281
+-0.626915 0.763898 0.0631826 -0.139447
+-0.675534 0.72126 0.0721676 -0.135016
+-0.72126 0.675534 0.0808435 -0.130007
+-0.763898 0.626915 0.0891733 -0.124441
+-0.803265 0.575611 0.0971212 -0.118343
+-0.839192 0.521843 0.104653 -0.111737
+-0.871525 0.46584 0.111737 -0.104653
+-0.900126 0.407842 0.118343 -0.0971212
+-0.924873 0.348098 0.124441 -0.0891733
+-0.94566 0.286863 0.130007 -0.0808436
+-0.962397 0.224399 0.135016 -0.0721676
+-0.975013 0.160975 0.139447 -0.0631826
+-0.983453 0.0968616 0.143281 -0.053927
+-0.987683 0.0323335 0.146501 -0.0444406
+0.966382 0.0316361 -0.123215 0.223433
+0.962244 0.0947728 -0.137564 0.214896
+0.953986 0.157504 -0.151324 0.205439
+0.941642 0.21956 -0.164437 0.195102
+0.925266 0.280676 -0.176845 0.18393
+0.904928 0.340591 -0.188496 0.17197
+0.880714 0.399046 -0.19934 0.159273
+0.85273 0.455794 -0.20933 0.145895
+0.821094 0.510589 -0.218423 0.131891
+0.785942 0.563198 -0.226582 0.117324
+0.747424 0.613395 -0.23377 0.102253
+0.705706 0.660965 -0.239957 0.0867449
+0.660965 0.705706 -0.245117 0.0708652
+0.613395 0.747424 -0.249227 0.0546821
+0.563198 0.785942 -0.25227 0.0382648
+0.510589 0.821094 -0.254232 0.0216836
+0.455793 0.85273 -0.255106 0.00500962
+0.399046 0.880714 -0.254887 -0.0116858
+0.340591 0.904928 -0.253577 -0.0283312
+0.280676 0.925266 -0.251182 -0.0448553
+0.21956 0.941642 -0.24771 -0.0611874
+0.157504 0.953986 -0.243178 -0.0772574
+0.0947727 0.962244 -0.237604 -0.0929966
+0.031636 0.966382 -0.231013 -0.108338
+-0.0316362 0.966382 -0.223433 -0.123215
+-0.0947729 0.962244 -0.214896 -0.137564
+-0.157504 0.953986 -0.205439 -0.151324
+-0.21956 0.941642 -0.195102 -0.164437
+-0.280676 0.925266 -0.18393 -0.176845
+-0.340591 0.904927 -0.171969 -0.188496
+-0.399047 0.880714 -0.159273 -0.19934
+-0.455793 0.85273 -0.145895 -0.20933
+-0.510589 0.821094 -0.131891 -0.218423
+-0.563198 0.785941 -0.117323 -0.226582
+-0.613395 0.747424 -0.102253 -0.23377
+-0.660966 0.705706 -0.0867449 -0.239957
+-0.705706 0.660966 -0.0708652 -0.245117
+-0.747424 0.613395 -0.0546821 -0.249227
+-0.785942 0.563198 -0.0382648 -0.25227
+-0.821094 0.510589 -0.0216836 -0.254232
+-0.85273 0.455794 -0.00500967 -0.255106
+-0.880714 0.399046 0.0116858 -0.254887
+-0.904928 0.340591 0.0283313 -0.253577
+-0.925266 0.280676 0.0448553 -0.251182
+-0.941642 0.21956 0.0611874 -0.24771
+-0.953986 0.157504 0.0772573 -0.243178
+-0.962244 0.0947727 0.0929965 -0.237604
+-0.966382 0.0316362 0.108337 -0.231013
+0.978421 0.0320302 -0.118898 0.165922
+0.974231 0.0959534 -0.129495 0.15779
+0.96587 0.159466 -0.139538 0.148983
+0.953372 0.222295 -0.148983 0.139538
+0.936792 0.284173 -0.15779 0.129495
+0.9162 0.344833 -0.165922 0.118898
+0.891686 0.404017 -0.173343 0.107791
+0.863352 0.461472 -0.180021 0.0962235
+0.831322 0.516949 -0.185929 0.0842435
+0.795732 0.570214 -0.191041 0.0719027
+0.756735 0.621036 -0.195335 0.0592541
+0.714497 0.669199 -0.198792 0.0463517
+0.669199 0.714497 -0.201398 0.0332509
+0.621036 0.756735 -0.203141 0.0200077
+0.570214 0.795732 -0.204015 0.00667874
+0.516949 0.831322 -0.204015 -0.00667877
+0.461471 0.863352 -0.203141 -0.0200077
+0.404017 0.891686 -0.201398 -0.0332509
+0.344833 0.9162 -0.198792 -0.0463518
+0.284173 0.936792 -0.195335 -0.0592541
+0.222295 0.953372 -0.191041 -0.0719027
+0.159466 0.96587 -0.185929 -0.0842435
+0.0959533 0.974231 -0.180021 -0.0962235
+0.0320301 0.978421 -0.173343 -0.107791
+-0.0320303 0.978421 -0.165922 -0.118898
+-0.0959535 0.974231 -0.15779 -0.129495
+-0.159466 0.96587 -0.148983 -0.139538
+-0.222295 0.953372 -0.139538 -0.148983
+-0.284173 0.936792 -0.129495 -0.15779
+-0.344834 0.9162 -0.118898 -0.165922
+-0.404018 0.891686 -0.107791 -0.173343
+-0.461471 0.863352 -0.0962235 -0.180021
+-0.516949 0.831322 -0.0842435 -0.185929
+-0.570214 0.795732 -0.0719027 -0.191041
+-0.621036 0.756735 -0.0592541 -0.195335
+-0.669199 0.714497 -0.0463517 -0.198792
+-0.714497 0.669199 -0.0332509 -0.201398
+-0.756735 0.621036 -0.0200077 -0.203141
+-0.795732 0.570214 -0.00667877 -0.204015
+-0.831322 0.516949 0.00667876 -0.204015
+-0.863352 0.461472 0.0200076 -0.203141
+-0.891686 0.404017 0.0332509 -0.201398
+-0.9162 0.344833 0.0463518 -0.198792
+-0.936792 0.284173 0.0592541 -0.195335
+-0.953372 0.222295 0.0719028 -0.191041
+-0.96587 0.159466 0.0842435 -0.185929
+-0.974231 0.0959533 0.0962235 -0.180021
+-0.978421 0.0320303 0.107791 -0.173343
+0.978421 0.0320302 -0.0463517 0.198792
+0.974231 0.0959534 -0.0592541 0.195335
+0.96587 0.159466 -0.0719027 0.191041
+0.953372 0.222295 -0.0842435 0.185929
+0.936792 0.284173 -0.0962235 0.180021
+0.9162 0.344833 -0.107791 0.173343
+0.891686 0.404017 -0.118898 0.165922
+0.863352 0.461472 -0.129495 0.15779
+0.831322 0.516949 -0.139538 0.148983
+0.795732 0.570214 -0.148983 0.139538
+0.756735 0.621036 -0.15779 0.129495
+0.714497 0.669199 -0.165922 0.118898
+0.669199 0.714497 -0.173343 0.107791
+0.621036 0.756735 -0.180021 0.0962235
+0.570214 0.795732 -0.185929 0.0842435
+0.516949 0.831322 -0.191041 0.0719027
+0.461471 0.863352 -0.195335 0.0592541
+0.404017 0.891686 -0.198792 0.0463517
+0.344833 0.9162 -0.201398 0.0332509
+0.284173 0.936792 -0.203141 0.0200077
+0.222295 0.953372 -0.204015 0.00667875
+0.159466 0.96587 -0.204015 -0.00667878
+0.0959533 0.974231 -0.203141 -0.0200077
+0.0320301 0.978421 -0.201398 -0.0332509
+-0.0320303 0.978421 -0.198792 -0.0463518
+-0.0959535 0.974231 -0.195335 -0.0592541
+-0.159466 0.96587 -0.191041 -0.0719028
+-0.222295 0.953372 -0.185929 -0.0842435
+-0.284173 0.936792 -0.180021 -0.0962235
+-0.344834 0.9162 -0.173343 -0.107791
+-0.404018 0.891686 -0.165922 -0.118898
+-0.461471 0.863352 -0.15779 -0.129495
+-0.516949 0.831322 -0.148983 -0.139538
+-0.570214 0.795732 -0.139538 -0.148983
+-0.621036 0.756735 -0.129495 -0.15779
+-0.669199 0.714497 -0.118898 -0.165922
+-0.714497 0.669199 -0.107791 -0.173343
+-0.756735 0.621036 -0.0962234 -0.180021
+-0.795732 0.570214 -0.0842435 -0.185929
+-0.831322 0.516949 -0.0719027 -0.191041
+-0.863352 0.461472 -0.0592541 -0.195335
+-0.891686 0.404017 -0.0463517 -0.198792
+-0.9162 0.344833 -0.0332509 -0.201398
+-0.936792 0.284173 -0.0200077 -0.203141
+-0.953372 0.222295 -0.00667874 -0.204015
+-0.96587 0.159466 0.00667874 -0.204015
+-0.974231 0.0959533 0.0200077 -0.203141
+-0.978421 0.0320303 0.0332509 -0.201398
+0.987683 0.0323334 -0.0444406 0.146501
+0.983453 0.0968617 -0.0539271 0.143281
+0.975013 0.160975 -0.0631826 0.139447
+0.962397 0.224399 -0.0721676 0.135016
+0.94566 0.286863 -0.0808435 0.130007
+0.924873 0.348098 -0.0891733 0.124441
+0.900126 0.407842 -0.0971212 0.118343
+0.871525 0.46584 -0.104653 0.111737
+0.839192 0.521843 -0.111737 0.104653
+0.803265 0.575611 -0.118343 0.0971212
+0.763898 0.626915 -0.124441 0.0891733
+0.72126 0.675534 -0.130007 0.0808435
+0.675534 0.72126 -0.135016 0.0721676
+0.626915 0.763898 -0.139447 0.0631826
+0.575611 0.803265 -0.143281 0.053927
+0.521843 0.839192 -0.146501 0.0444406
+0.46584 0.871525 -0.149094 0.0347638
+0.407842 0.900126 -0.151048 0.0249382
+0.348098 0.924873 -0.152356 0.0150057
+0.286863 0.94566 -0.153011 0.00500906
+0.224399 0.962397 -0.153011 -0.00500907
+0.160975 0.975013 -0.152356 -0.0150058
+0.0968616 0.983453 -0.151048 -0.0249382
+0.0323333 0.987683 -0.149094 -0.0347638
+-0.0323335 0.987683 -0.146501 -0.0444406
+-0.0968618 0.983453 -0.143281 -0.0539271
+-0.160975 0.975013 -0.139447 -0.0631826
+-0.224399 0.962397 -0.135016 -0.0721676
+-0.286863 0.94566 -0.130007 -0.0808436
+-0.348098 0.924873 -0.124441 -0.0891733
+-0.407842 0.900126 -0.118343 -0.0971213
+-0.46584 0.871525 -0.111737 -0.104653
+-0.521843 0.839192 -0.104653 -0.111737
+-0.575611 0.803265 -0.0971212 -0.118343
+-0.626915 0.763898 -0.0891733 -0.124441
+-0.675534 0.72126 -0.0808435 -0.130007
+-0.72126 0.675534 -0.0721676 -0.135016
+-0.763898 0.626915 -0.0631826 -0.139447
+-0.803265 0.575611 -0.0539271 -0.143281
+-0.839192 0.521843 -0.0444406 -0.146501
+-0.871525 0.46584 -0.0347638 -0.149094
+-0.900126 0.407842 -0.0249382 -0.151048
+-0.924873 0.348098 -0.0150057 -0.152356
+-0.94566 0.286863 -0.00500907 -0.153011
+-0.962397 0.224399 0.00500908 -0.153011
+-0.975013 0.160975 0.0150057 -0.152356
+-0.983453 0.0968616 0.0249382 -0.151048
+-0.987683 0.0323335 0.0347638 -0.149094
+0.987683 0.0323334 -0.111737 0.104653
+0.983453 0.0968617 -0.118343 0.0971212
+0.975013 0.160975 -0.124441 0.0891733
+0.962397 0.224399 -0.130007 0.0808435
+0.94566 0.286863 -0.135016 0.0721676
+0.924873 0.348098 -0.139447 0.0631826
+0.900126 0.407842 -0.143281 0.0539271
+0.871525 0.46584 -0.146501 0.0444406
+0.839192 0.521843 -0.149094 0.0347638
+0.803265 0.575611 -0.151048 0.0249382
+0.763898 0.626915 -0.152356 0.0150058
+0.72126 0.675534 -0.153011 0.00500906
+0.675534 0.72126 -0.153011 -0.00500907
+0.626915 0.763898 -0.152356 -0.0150057
+0.575611 0.803265 -0.151048 -0.0249382
+0.521843 0.839192 -0.149094 -0.0347638
+0.46584 0.871525 -0.146501 -0.0444406
+0.407842 0.900126 -0.143281 -0.0539271
+0.348098 0.924873 -0.139447 -0.0631826
+0.286863 0.94566 -0.135016 -0.0721676
+0.224399 0.962397 -0.130007 -0.0808436
+0.160975 0.975013 -0.124441 -0.0891733
+0.0968616 0.983453 -0.118343 -0.0971213
+0.0323333 0.987683 -0.111737 -0.104653
+-0.0323335 0.987683 -0.104653 -0.111737
+-0.0968618 0.983453 -0.0971212 -0.118343
+-0.160975 0.975013 -0.0891733 -0.124441
+-0.224399 0.962397 -0.0808435 -0.130007
+-0.286863 0.94566 -0.0721676 -0.135016
+-0.348098 0.924873 -0.0631826 -0.139447
+-0.407842 0.900126 -0.053927 -0.143281
+-0.46584 0.871525 -0.0444406 -0.146501
+-0.521843 0.839192 -0.0347638 -0.149094
+-0.575611 0.803265 -0.0249382 -0.151048
+-0.626915 0.763898 -0.0150058 -0.152356
+-0.675534 0.72126 -0.00500906 -0.153011
+-0.72126 0.675534 0.00500906 -0.153011
+-0.763898 0.626915 0.0150058 -0.152356
+-0.803265 0.575611 0.0249382 -0.151048
+-0.839192 0.521843 0.0347638 -0.149094
+-0.871525 0.46584 0.0444406 -0.146501
+-0.900126 0.407842 0.0539271 -0.143281
+-0.924873 0.348098 0.0631826 -0.139447
+-0.94566 0.286863 0.0721676 -0.135016
+-0.962397 0.224399 0.0808436 -0.130007
+-0.975013 0.160975 0.0891733 -0.124441
+-0.983453 0.0968616 0.0971212 -0.118343
+-0.987683 0.0323335 0.104653 -0.111737
+0.994245 0.0325482 -0.0955205 0.0359514
+0.989988 0.0975053 -0.0976673 0.0296271
+0.981491 0.162045 -0.0993959 0.0231759
+0.968791 0.22589 -0.100699 0.0166254
+0.951943 0.288769 -0.101571 0.0100038
+0.931019 0.350411 -0.102007 0.00333938
+0.906107 0.410552 -0.102007 -0.00333938
+0.877316 0.468935 -0.101571 -0.0100038
+0.844768 0.52531 -0.100699 -0.0166255
+0.808602 0.579436 -0.0993959 -0.0231759
+0.768974 0.63108 -0.0976673 -0.0296271
+0.726053 0.680023 -0.0955205 -0.0359514
+0.680023 0.726053 -0.0929646 -0.0421217
+0.631081 0.768974 -0.0900107 -0.0481117
+0.579436 0.808602 -0.0866713 -0.0538957
+0.52531 0.844768 -0.0829608 -0.0594489
+0.468935 0.877316 -0.078895 -0.0647475
+0.410552 0.906107 -0.0744914 -0.0697689
+0.350411 0.931019 -0.0697688 -0.0744914
+0.288769 0.951943 -0.0647475 -0.0788951
+0.22589 0.968791 -0.0594489 -0.0829608
+0.162045 0.981491 -0.0538957 -0.0866713
+0.0975052 0.989988 -0.0481117 -0.0900107
+0.0325481 0.994245 -0.0421217 -0.0929647
+-0.0325483 0.994245 -0.0359514 -0.0955205
+-0.0975054 0.989988 -0.029627 -0.0976673
+-0.162045 0.981491 -0.0231759 -0.0993959
+-0.225891 0.968791 -0.0166254 -0.100699
+-0.288769 0.951943 -0.0100038 -0.101571
+-0.350411 0.931019 -0.00333936 -0.102007
+-0.410552 0.906107 0.00333939 -0.102007
+-0.468935 0.877316 0.0100038 -0.101571
+-0.52531 0.844768 0.0166254 -0.100699
+-0.579436 0.808602 0.0231759 -0.0993959
+-0.63108 0.768974 0.0296271 -0.0976673
+-0.680023 0.726053 0.0359514 -0.0955205
+-0.726053 0.680023 0.0421217 -0.0929647
+-0.768974 0.63108 0.0481117 -0.0900107
+-0.808602 0.579436 0.0538957 -0.0866713
+-0.844768 0.52531 0.0594489 -0.0829608
+-0.877316 0.468935 0.0647475 -0.0788951
+-0.906107 0.410552 0.0697688 -0.0744914
+-0.931019 0.350411 0.0744914 -0.0697688
+-0.951943 0.288769 0.078895 -0.0647475
+-0.968791 0.22589 0.0829608 -0.0594489
+-0.981491 0.162045 0.0866713 -0.0538957
+-0.989988 0.0975053 0.0900107 -0.0481117
+-0.994245 0.0325483 0.0929646 -0.0421217
+0.994245 0.0325482 -0.0421217 0.0929646
+0.989988 0.0975053 -0.0481117 0.0900107
+0.981491 0.162045 -0.0538957 0.0866713
+0.968791 0.22589 -0.0594489 0.0829608
+0.951943 0.288769 -0.0647475 0.078895
+0.931019 0.350411 -0.0697688 0.0744914
+0.906107 0.410552 -0.0744914 0.0697688
+0.877316 0.468935 -0.0788951 0.0647475
+0.844768 0.52531 -0.0829608 0.0594489
+0.808602 0.579436 -0.0866713 0.0538957
+0.768974 0.63108 -0.0900107 0.0481117
+0.726053 0.680023 -0.0929647 0.0421217
+0.680023 0.726053 -0.0955205 0.0359514
+0.631081 0.768974 -0.0976673 0.0296271
+0.579436 0.808602 -0.0993959 0.0231759
+0.52531 0.844768 -0.100699 0.0166254
+0.468935 0.877316 -0.101571 0.0100038
+0.410552 0.906107 -0.102007 0.00333937
+0.350411 0.931019 -0.102007 -0.00333938
+0.288769 0.951943 -0.101571 -0.0100038
+0.22589 0.968791 -0.100699 -0.0166255
+0.162045 0.981491 -0.0993959 -0.0231759
+0.0975052 0.989988 -0.0976673 -0.0296271
+0.0325481 0.994245 -0.0955205 -0.0359514
+-0.0325483 0.994245 -0.0929646 -0.0421217
+-0.0975054 0.989988 -0.0900107 -0.0481117
+-0.162045 0.981491 -0.0866713 -0.0538957
+-0.225891 0.968791 -0.0829608 -0.0594489
+-0.288769 0.951943 -0.078895 -0.0647475
+-0.350411 0.931019 -0.0744914 -0.0697689
+-0.410552 0.906107 -0.0697688 -0.0744914
+-0.468935 0.877316 -0.0647475 -0.078895
+-0.52531 0.844768 -0.0594489 -0.0829608
+-0.579436 0.808602 -0.0538957 -0.0866713
+-0.63108 0.768974 -0.0481117 -0.0900107
+-0.680023 0.726053 -0.0421217 -0.0929647
+-0.726053 0.680023 -0.0359514 -0.0955205
+-0.768974 0.63108 -0.0296271 -0.0976673
+-0.808602 0.579436 -0.0231759 -0.0993959
+-0.844768 0.52531 -0.0166254 -0.100699
+-0.877316 0.468935 -0.0100038 -0.101571
+-0.906107 0.410552 -0.00333938 -0.102007
+-0.931019 0.350411 0.00333939 -0.102007
+-0.951943 0.288769 0.0100038 -0.101571
+-0.968791 0.22589 0.0166255 -0.100699
+-0.981491 0.162045 0.0231759 -0.0993959
+-0.989988 0.0975053 0.0296271 -0.0976673
+-0.994245 0.0325483 0.0359514 -0.0955205
+0.998162 0.0326765 -0.0372457 0.0348844
+0.993888 0.0978894 -0.0394475 0.0323737
+0.985358 0.162683 -0.0414804 0.0297244
+0.972608 0.22678 -0.0433357 0.0269478
+0.955694 0.289906 -0.0450054 0.0240559
+0.934687 0.351791 -0.0464823 0.0210609
+0.909677 0.412169 -0.0477602 0.0179757
+0.880772 0.470783 -0.0488337 0.0148135
+0.848096 0.52738 -0.049698 0.0115879
+0.811788 0.581719 -0.0503494 0.00831273
+0.772003 0.633567 -0.0507853 0.00500192
+0.728913 0.682702 -0.0510037 0.00166969
+0.682702 0.728913 -0.0510037 -0.00166969
+0.633567 0.772003 -0.0507853 -0.00500192
+0.581719 0.811788 -0.0503494 -0.00831273
+0.52738 0.848096 -0.049698 -0.0115879
+0.470782 0.880772 -0.0488337 -0.0148135
+0.412169 0.909677 -0.0477602 -0.0179757
+0.351791 0.934687 -0.0464823 -0.0210609
+0.289906 0.955694 -0.0450054 -0.0240559
+0.22678 0.972608 -0.0433357 -0.0269479
+0.162683 0.985358 -0.0414804 -0.0297244
+0.0978893 0.993888 -0.0394475 -0.0323738
+0.0326763 0.998162 -0.0372457 -0.0348844
+-0.0326765 0.998162 -0.0348844 -0.0372457
+-0.0978895 0.993888 -0.0323737 -0.0394475
+-0.162683 0.985358 -0.0297244 -0.0414804
+-0.22678 0.972608 -0.0269478 -0.0433357
+-0.289907 0.955693 -0.0240559 -0.0450054
+-0.351791 0.934686 -0.0210609 -0.0464823
+-0.412169 0.909677 -0.0179757 -0.0477603
+-0.470782 0.880772 -0.0148135 -0.0488337
+-0.52738 0.848096 -0.0115879 -0.049698
+-0.581719 0.811788 -0.00831272 -0.0503494
+-0.633567 0.772003 -0.00500192 -0.0507853
+-0.682702 0.728913 -0.00166969 -0.0510037
+-0.728913 0.682702 0.00166969 -0.0510037
+-0.772003 0.633567 0.00500192 -0.0507853
+-0.811788 0.581719 0.00831272 -0.0503494
+-0.848096 0.52738 0.0115879 -0.049698
+-0.880772 0.470783 0.0148135 -0.0488337
+-0.909677 0.412169 0.0179757 -0.0477602
+-0.934687 0.351791 0.0210609 -0.0464823
+-0.955693 0.289906 0.0240559 -0.0450054
+-0.972608 0.22678 0.0269479 -0.0433357
+-0.985358 0.162683 0.0297244 -0.0414804
+-0.993888 0.0978894 0.0323737 -0.0394475
+-0.998162 0.0326765 0.0348844 -0.0372457
+0.735586 0.0240806 -0.462794 -0.49412
+0.732436 0.0721387 -0.429486 -0.523331
+0.72615 0.119888 -0.394339 -0.5503
+0.716754 0.167124 -0.357504 -0.574913
+0.704289 0.213644 -0.319137 -0.597064
+0.688808 0.259249 -0.279404 -0.616658
+0.670378 0.303744 -0.238474 -0.633611
+0.649076 0.346939 -0.196524 -0.647852
+0.624996 0.388647 -0.153731 -0.659318
+0.598239 0.428692 -0.110281 -0.667961
+0.56892 0.466901 -0.0663579 -0.673743
+0.537165 0.50311 -0.0221509 -0.676641
+0.50311 0.537165 0.0221509 -0.676641
+0.466901 0.56892 0.0663579 -0.673743
+0.428692 0.598239 0.110281 -0.667961
+0.388647 0.624996 0.153731 -0.659318
+0.346939 0.649077 0.196524 -0.647852
+0.303744 0.670378 0.238474 -0.633611
+0.259249 0.688808 0.279404 -0.616658
+0.213644 0.704289 0.319137 -0.597064
+0.167124 0.716754 0.357504 -0.574913
+0.119888 0.72615 0.394339 -0.5503
+0.0721386 0.732436 0.429486 -0.52333
+0.0240805 0.735586 0.462794 -0.49412
+-0.0240807 0.735586 0.49412 -0.462794
+-0.0721387 0.732436 0.523331 -0.429486
+-0.119888 0.72615 0.5503 -0.394339
+-0.167124 0.716754 0.574913 -0.357504
+-0.213644 0.704289 0.597064 -0.319137
+-0.259249 0.688808 0.616658 -0.279404
+-0.303744 0.670378 0.633611 -0.238474
+-0.346939 0.649077 0.647852 -0.196524
+-0.388647 0.624996 0.659318 -0.153731
+-0.428692 0.598239 0.667961 -0.110281
+-0.466901 0.56892 0.673743 -0.0663579
+-0.50311 0.537165 0.676641 -0.0221509
+-0.537165 0.50311 0.676641 0.0221509
+-0.56892 0.466901 0.673743 0.0663579
+-0.598239 0.428692 0.667961 0.110281
+-0.624996 0.388647 0.659318 0.153731
+-0.649076 0.346939 0.647852 0.196524
+-0.670378 0.303744 0.633611 0.238474
+-0.688808 0.259249 0.616658 0.279404
+-0.704289 0.213644 0.597064 0.319137
+-0.716754 0.167124 0.574913 0.357504
+-0.72615 0.119888 0.5503 0.394339
+-0.732436 0.0721386 0.523331 0.429486
+-0.735586 0.0240807 0.49412 0.462794
+0.763354 0.0249896 -0.392954 -0.512107
+0.760085 0.0748618 -0.358619 -0.536711
+0.753561 0.124413 -0.322749 -0.559017
+0.743811 0.173432 -0.285496 -0.578929
+0.730875 0.221709 -0.247021 -0.596362
+0.71481 0.269035 -0.207488 -0.611241
+0.695684 0.31521 -0.167067 -0.623502
+0.673578 0.360035 -0.12593 -0.633094
+0.648589 0.403318 -0.0842543 -0.639975
+0.620822 0.444875 -0.0422175 -0.644115
+0.590396 0.484526 -1.17023e-08 -0.645497
+0.557443 0.522102 0.0422176 -0.644115
+0.522102 0.557443 0.0842543 -0.639975
+0.484526 0.590396 0.12593 -0.633094
+0.444875 0.620822 0.167067 -0.623502
+0.403318 0.648589 0.207488 -0.611241
+0.360035 0.673579 0.247021 -0.596362
+0.31521 0.695684 0.285496 -0.578929
+0.269035 0.71481 0.322749 -0.559017
+0.221709 0.730875 0.358619 -0.536711
+0.173432 0.743811 0.392954 -0.512107
+0.124413 0.753561 0.425606 -0.48531
+0.0748617 0.760085 0.456436 -0.456435
+0.0249895 0.763354 0.485311 -0.425606
+-0.0249897 0.763354 0.512107 -0.392954
+-0.0748619 0.760085 0.536711 -0.358619
+-0.124414 0.753561 0.559017 -0.322749
+-0.173432 0.743811 0.578929 -0.285496
+-0.221709 0.730875 0.596362 -0.247021
+-0.269036 0.71481 0.611241 -0.207488
+-0.31521 0.695684 0.623502 -0.167067
+-0.360035 0.673579 0.633094 -0.12593
+-0.403318 0.648589 0.639975 -0.0842543
+-0.444875 0.620822 0.644115 -0.0422175
+-0.484526 0.590397 0.645497 -2.19614e-08
+-0.522102 0.557443 0.644115 0.0422176
+-0.557443 0.522102 0.639975 0.0842543
+-0.590397 0.484526 0.633094 0.12593
+-0.620822 0.444875 0.623502 0.167067
+-0.648589 0.403318 0.611241 0.207488
+-0.673578 0.360035 0.596362 0.247021
+-0.695684 0.31521 0.578929 0.285496
+-0.71481 0.269035 0.559017 0.322749
+-0.730875 0.221709 0.536711 0.358619
+-0.743811 0.173432 0.512107 0.392954
+-0.753561 0.124414 0.485311 0.425606
+-0.760085 0.0748618 0.456435 0.456435
+-0.763354 0.0249897 0.425606 0.48531
+0.763354 0.0249896 -0.485311 -0.425606
+0.760085 0.0748618 -0.456435 -0.456435
+0.753561 0.124413 -0.425606 -0.485311
+0.743811 0.173432 -0.392954 -0.512107
+0.730875 0.221709 -0.358619 -0.536711
+0.71481 0.269035 -0.322749 -0.559017
+0.695684 0.31521 -0.285496 -0.578929
+0.673578 0.360035 -0.247021 -0.596362
+0.648589 0.403318 -0.207488 -0.611241
+0.620822 0.444875 -0.167067 -0.623502
+0.590396 0.484526 -0.12593 -0.633094
+0.557443 0.522102 -0.0842543 -0.639975
+0.522102 0.557443 -0.0422175 -0.644115
+0.484526 0.590396 1.44328e-09 -0.645497
+0.444875 0.620822 0.0422176 -0.644115
+0.403318 0.648589 0.0842544 -0.639975
+0.360035 0.673579 0.12593 -0.633094
+0.31521 0.695684 0.167067 -0.623502
+0.269035 0.71481 0.207488 -0.611241
+0.221709 0.730875 0.247021 -0.596362
+0.173432 0.743811 0.285496 -0.578929
+0.124413 0.753561 0.322749 -0.559017
+0.0748617 0.760085 0.358619 -0.536711
+0.0249895 0.763354 0.392954 -0.512107
+-0.0249897 0.763354 0.425606 -0.48531
+-0.0748619 0.760085 0.456436 -0.456435
+-0.124414 0.753561 0.485311 -0.425606
+-0.173432 0.743811 0.512107 -0.392954
+-0.221709 0.730875 0.536711 -0.358619
+-0.269036 0.71481 0.559017 -0.322749
+-0.31521 0.695684 0.578929 -0.285496
+-0.360035 0.673579 0.596362 -0.247021
+-0.403318 0.648589 0.611241 -0.207488
+-0.444875 0.620822 0.623502 -0.167067
+-0.484526 0.590397 0.633094 -0.12593
+-0.522102 0.557443 0.639975 -0.0842542
+-0.557443 0.522102 0.644115 -0.0422176
+-0.590397 0.484526 0.645497 2.96589e-08
+-0.620822 0.444875 0.644115 0.0422175
+-0.648589 0.403318 0.639975 0.0842543
+-0.673578 0.360035 0.633094 0.12593
+-0.695684 0.31521 0.623502 0.167067
+-0.71481 0.269035 0.611241 0.207488
+-0.730875 0.221709 0.596362 0.247021
+-0.743811 0.173432 0.578929 0.285496
+-0.753561 0.124414 0.559017 0.322749
+-0.760085 0.0748618 0.536711 0.358619
+-0.763354 0.0249897 0.512107 0.392954
+0.790146 0.0258667 -0.418613 -0.446949
+0.786763 0.0774894 -0.388485 -0.47337
+0.78001 0.12878 -0.356693 -0.497765
+0.769917 0.17952 -0.323374 -0.520028
+0.756528 0.22949 -0.28867 -0.540064
+0.739899 0.278478 -0.25273 -0.557788
+0.720101 0.326274 -0.215708 -0.573123
+0.69722 0.372672 -0.177762 -0.586004
+0.671353 0.417474 -0.139055 -0.596375
+0.642612 0.460489 -0.0997527 -0.604193
+0.611118 0.501532 -0.060023 -0.609424
+0.577008 0.540427 -0.0200362 -0.612045
+0.540427 0.577008 0.0200363 -0.612045
+0.501532 0.611118 0.060023 -0.609424
+0.460489 0.642612 0.0997527 -0.604193
+0.417474 0.671353 0.139055 -0.596375
+0.372672 0.69722 0.177762 -0.586004
+0.326274 0.720101 0.215708 -0.573123
+0.278478 0.739899 0.25273 -0.557788
+0.22949 0.756528 0.28867 -0.540064
+0.17952 0.769917 0.323374 -0.520028
+0.12878 0.78001 0.356693 -0.497765
+0.0774893 0.786763 0.388485 -0.47337
+0.0258666 0.790146 0.418613 -0.446949
+-0.0258668 0.790146 0.446949 -0.418613
+-0.0774894 0.786763 0.47337 -0.388485
+-0.12878 0.78001 0.497765 -0.356693
+-0.17952 0.769917 0.520028 -0.323374
+-0.22949 0.756528 0.540064 -0.28867
+-0.278478 0.739899 0.557788 -0.25273
+-0.326274 0.720101 0.573123 -0.215708
+-0.372672 0.69722 0.586004 -0.177762
+-0.417474 0.671353 0.596375 -0.139055
+-0.460489 0.642612 0.604193 -0.0997526
+-0.501532 0.611118 0.609424 -0.060023
+-0.540427 0.577008 0.612045 -0.0200362
+-0.577008 0.540427 0.612045 0.0200362
+-0.611118 0.501532 0.609424 0.060023
+-0.642612 0.460489 0.604193 0.0997526
+-0.671353 0.417474 0.596375 0.139055
+-0.69722 0.372672 0.586004 0.177762
+-0.720101 0.326274 0.573123 0.215708
+-0.739899 0.278478 0.557788 0.25273
+-0.756528 0.22949 0.540064 0.28867
+-0.769917 0.179519 0.520028 0.323374
+-0.78001 0.12878 0.497765 0.356693
+-0.786763 0.0774893 0.47337 0.388485
+-0.790146 0.0258668 0.446949 0.418613
+0.790146 0.0258667 -0.323374 -0.520028
+0.786763 0.0774894 -0.28867 -0.540064
+0.78001 0.12878 -0.25273 -0.557788
+0.769917 0.17952 -0.215708 -0.573123
+0.756528 0.22949 -0.177762 -0.586004
+0.739899 0.278478 -0.139055 -0.596375
+0.720101 0.326274 -0.0997527 -0.604193
+0.69722 0.372672 -0.060023 -0.609424
+0.671353 0.417474 -0.0200363 -0.612045
+0.642612 0.460489 0.0200363 -0.612045
+0.611118 0.501532 0.060023 -0.609424
+0.577008 0.540427 0.0997527 -0.604193
+0.540427 0.577008 0.139055 -0.596375
+0.501532 0.611118 0.177762 -0.586004
+0.460489 0.642612 0.215708 -0.573123
+0.417474 0.671353 0.25273 -0.557788
+0.372672 0.69722 0.28867 -0.540064
+0.326274 0.720101 0.323374 -0.520028
+0.278478 0.739899 0.356693 -0.497765
+0.22949 0.756528 0.388485 -0.47337
+0.17952 0.769917 0.418613 -0.446949
+0.12878 0.78001 0.446949 -0.418613
+0.0774893 0.786763 0.47337 -0.388485
+0.0258666 0.790146 0.497765 -0.356693
+-0.0258668 0.790146 0.520028 -0.323374
+-0.0774894 0.786763 0.540064 -0.28867
+-0.12878 0.78001 0.557788 -0.25273
+-0.17952 0.769917 0.573123 -0.215708
+-0.22949 0.756528 0.586004 -0.177762
+-0.278478 0.739899 0.596375 -0.139055
+-0.326274 0.720101 0.604193 -0.0997526
+-0.372672 0.69722 0.609424 -0.0600231
+-0.417474 0.671353 0.612045 -0.0200363
+-0.460489 0.642612 0.612045 0.0200363
+-0.501532 0.611118 0.609424 0.060023
+-0.540427 0.577008 0.604193 0.0997527
+-0.577008 0.540427 0.596375 0.139055
+-0.611118 0.501532 0.586004 0.177762
+-0.642612 0.460489 0.573123 0.215708
+-0.671353 0.417474 0.557788 0.25273
+-0.69722 0.372672 0.540064 0.28867
+-0.720101 0.326274 0.520028 0.323374
+-0.739899 0.278478 0.497765 0.356693
+-0.756528 0.22949 0.47337 0.388485
+-0.769917 0.179519 0.446949 0.418613
+-0.78001 0.12878 0.418613 0.446949
+-0.786763 0.0774893 0.388485 0.47337
+-0.790146 0.0258668 0.356693 0.497765
+0.816059 0.026715 -0.255355 -0.51781
+0.812565 0.0800307 -0.220942 -0.533402
+0.805591 0.133004 -0.185583 -0.54671
+0.795167 0.185407 -0.149429 -0.557678
+0.781339 0.237016 -0.112635 -0.566257
+0.764164 0.287611 -0.0753593 -0.572411
+0.743717 0.336974 -0.0377605 -0.576114
+0.720086 0.384894 1.21881e-08 -0.57735
+0.693371 0.431166 0.0377605 -0.576114
+0.663687 0.475591 0.0753593 -0.572411
+0.63116 0.51798 0.112635 -0.566257
+0.595932 0.558151 0.149429 -0.557678
+0.558151 0.595932 0.185583 -0.54671
+0.51798 0.63116 0.220942 -0.533402
+0.475591 0.663687 0.255356 -0.51781
+0.431166 0.693371 0.288675 -0.5
+0.384894 0.720086 0.320759 -0.480049
+0.336974 0.743717 0.351469 -0.458043
+0.287611 0.764164 0.380674 -0.434075
+0.237016 0.781339 0.408248 -0.408248
+0.185407 0.795167 0.434075 -0.380673
+0.133003 0.805591 0.458043 -0.351469
+0.0800306 0.812565 0.480049 -0.320759
+0.0267149 0.816059 0.5 -0.288675
+-0.0267151 0.816059 0.51781 -0.255355
+-0.0800307 0.812565 0.533402 -0.220942
+-0.133004 0.805591 0.54671 -0.185583
+-0.185407 0.795167 0.557678 -0.149429
+-0.237017 0.781338 0.566257 -0.112635
+-0.287611 0.764164 0.572411 -0.0753592
+-0.336974 0.743717 0.576114 -0.0377604
+-0.384894 0.720086 0.57735 -6.58134e-08
+-0.431166 0.693371 0.576114 0.0377605
+-0.475591 0.663686 0.572411 0.0753594
+-0.51798 0.63116 0.566257 0.112635
+-0.558151 0.595931 0.557678 0.149429
+-0.595931 0.558151 0.54671 0.185583
+-0.63116 0.51798 0.533402 0.220942
+-0.663686 0.475591 0.51781 0.255355
+-0.693371 0.431166 0.5 0.288675
+-0.720086 0.384894 0.480049 0.320759
+-0.743717 0.336974 0.458043 0.351469
+-0.764164 0.287611 0.434075 0.380674
+-0.781339 0.237016 0.408248 0.408248
+-0.795167 0.185407 0.380673 0.434075
+-0.805591 0.133004 0.351469 0.458043
+-0.812565 0.0800306 0.320759 0.480049
+-0.816059 0.0267151 0.288675 0.5
+0.816059 0.026715 -0.351469 -0.458043
+0.812565 0.0800307 -0.320759 -0.480049
+0.805591 0.133004 -0.288675 -0.5
+0.795167 0.185407 -0.255355 -0.51781
+0.781339 0.237016 -0.220942 -0.533402
+0.764164 0.287611 -0.185583 -0.54671
+0.743717 0.336974 -0.149429 -0.557678
+0.720086 0.384894 -0.112635 -0.566257
+0.693371 0.431166 -0.0753593 -0.572411
+0.663687 0.475591 -0.0377605 -0.576114
+0.63116 0.51798 -1.04669e-08 -0.57735
+0.595932 0.558151 0.0377605 -0.576114
+0.558151 0.595932 0.0753593 -0.572411
+0.51798 0.63116 0.112635 -0.566257
+0.475591 0.663687 0.149429 -0.557678
+0.431166 0.693371 0.185583 -0.54671
+0.384894 0.720086 0.220942 -0.533402
+0.336974 0.743717 0.255356 -0.51781
+0.287611 0.764164 0.288675 -0.5
+0.237016 0.781339 0.320759 -0.480049
+0.185407 0.795167 0.351469 -0.458043
+0.133003 0.805591 0.380674 -0.434075
+0.0800306 0.812565 0.408248 -0.408248
+0.0267149 0.816059 0.434075 -0.380673
+-0.0267151 0.816059 0.458043 -0.351469
+-0.0800307 0.812565 0.480049 -0.320759
+-0.133004 0.805591 0.5 -0.288675
+-0.185407 0.795167 0.51781 -0.255355
+-0.237017 0.781338 0.533402 -0.220942
+-0.287611 0.764164 0.54671 -0.185583
+-0.336974 0.743717 0.557678 -0.149429
+-0.384894 0.720086 0.566257 -0.112636
+-0.431166 0.693371 0.572411 -0.0753593
+-0.475591 0.663686 0.576114 -0.0377605
+-0.51798 0.63116 0.57735 -1.96429e-08
+-0.558151 0.595931 0.576114 0.0377606
+-0.595931 0.558151 0.572411 0.0753593
+-0.63116 0.51798 0.566257 0.112635
+-0.663686 0.475591 0.557678 0.149429
+-0.693371 0.431166 0.54671 0.185583
+-0.720086 0.384894 0.533402 0.220942
+-0.743717 0.336974 0.51781 0.255355
+-0.764164 0.287611 0.5 0.288675
+-0.781339 0.237016 0.480049 0.320759
+-0.795167 0.185407 0.458043 0.351469
+-0.805591 0.133004 0.434075 0.380673
+-0.812565 0.0800306 0.408248 0.408248
+-0.816059 0.0267151 0.380674 0.434075
+0.841175 0.0275372 -0.285189 -0.458622
+0.837573 0.0824937 -0.254583 -0.476292
+0.830384 0.137097 -0.222887 -0.491923
+0.81964 0.191113 -0.190237 -0.505447
+0.805385 0.244311 -0.156772 -0.516807
+0.787682 0.296463 -0.122635 -0.525954
+0.766606 0.347345 -0.0879736 -0.532848
+0.742247 0.396739 -0.0529353 -0.537461
+0.71471 0.444435 -0.0176703 -0.539773
+0.684112 0.490228 0.0176703 -0.539773
+0.650585 0.533921 0.0529353 -0.537461
+0.614272 0.575329 0.0879736 -0.532848
+0.575329 0.614272 0.122635 -0.525954
+0.533922 0.650585 0.156772 -0.516807
+0.490228 0.684112 0.190237 -0.505447
+0.444435 0.71471 0.222887 -0.491923
+0.396739 0.742247 0.254583 -0.476292
+0.347345 0.766606 0.285189 -0.458622
+0.296463 0.787682 0.314574 -0.438987
+0.244311 0.805385 0.342612 -0.417473
+0.191113 0.81964 0.369182 -0.394172
+0.137097 0.830384 0.394172 -0.369182
+0.0824936 0.837573 0.417473 -0.342611
+0.0275371 0.841175 0.438987 -0.314574
+-0.0275373 0.841175 0.458622 -0.285189
+-0.0824938 0.837573 0.476292 -0.254583
+-0.137097 0.830384 0.491923 -0.222887
+-0.191113 0.81964 0.505447 -0.190237
+-0.244311 0.805385 0.516807 -0.156772
+-0.296463 0.787682 0.525954 -0.122635
+-0.347345 0.766606 0.532848 -0.0879735
+-0.396739 0.742247 0.537461 -0.0529354
+-0.444435 0.71471 0.539773 -0.0176703
+-0.490228 0.684112 0.539773 0.0176704
+-0.533921 0.650585 0.537461 0.0529353
+-0.575329 0.614272 0.532848 0.0879736
+-0.614272 0.575329 0.525954 0.122635
+-0.650585 0.533921 0.516807 0.156772
+-0.684112 0.490228 0.505447 0.190237
+-0.71471 0.444435 0.491923 0.222887
+-0.742247 0.39674 0.476292 0.254583
+-0.766606 0.347345 0.458622 0.285189
+-0.787682 0.296463 0.438987 0.314574
+-0.805385 0.244311 0.417473 0.342612
+-0.81964 0.191113 0.394172 0.369182
+-0.830384 0.137097 0.369182 0.394172
+-0.837573 0.0824937 0.342612 0.417473
+-0.841175 0.0275373 0.314574 0.438987
+0.790146 0.0258667 -0.497765 -0.356693
+0.786763 0.0774894 -0.47337 -0.388485
+0.78001 0.12878 -0.446949 -0.418613
+0.769917 0.17952 -0.418613 -0.446949
+0.756528 0.22949 -0.388485 -0.47337
+0.739899 0.278478 -0.356693 -0.497765
+0.720101 0.326274 -0.323374 -0.520028
+0.69722 0.372672 -0.28867 -0.540064
+0.671353 0.417474 -0.25273 -0.557788
+0.642612 0.460489 -0.215708 -0.573123
+0.611118 0.501532 -0.177762 -0.586004
+0.577008 0.540427 -0.139055 -0.596375
+0.540427 0.577008 -0.0997527 -0.604193
+0.501532 0.611118 -0.060023 -0.609424
+0.460489 0.642612 -0.0200362 -0.612045
+0.417474 0.671353 0.0200363 -0.612045
+0.372672 0.69722 0.060023 -0.609424
+0.326274 0.720101 0.0997527 -0.604193
+0.278478 0.739899 0.139055 -0.596375
+0.22949 0.756528 0.177762 -0.586004
+0.17952 0.769917 0.215708 -0.573123
+0.12878 0.78001 0.25273 -0.557788
+0.0774893 0.786763 0.28867 -0.540064
+0.0258666 0.790146 0.323374 -0.520028
+-0.0258668 0.790146 0.356693 -0.497765
+-0.0774894 0.786763 0.388485 -0.47337
+-0.12878 0.78001 0.418613 -0.446949
+-0.17952 0.769917 0.446949 -0.418613
+-0.22949 0.756528 0.47337 -0.388485
+-0.278478 0.739899 0.497765 -0.356693
+-0.326274 0.720101 0.520028 -0.323374
+-0.372672 0.69722 0.540064 -0.28867
+-0.417474 0.671353 0.557788 -0.25273
+-0.460489 0.642612 0.573123 -0.215708
+-0.501532 0.611118 0.586004 -0.177762
+-0.540427 0.577008 0.596375 -0.139055
+-0.577008 0.540427 0.604193 -0.0997527
+-0.611118 0.501532 0.609424 -0.060023
+-0.642612 0.460489 0.612045 -0.0200363
+-0.671353 0.417474 0.612045 0.0200363
+-0.69722 0.372672 0.609424 0.0600229
+-0.720101 0.326274 0.604193 0.0997527
+-0.739899 0.278478 0.596375 0.139055
+-0.756528 0.22949 0.586004 0.177762
+-0.769917 0.179519 0.573123 0.215708
+-0.78001 0.12878 0.557788 0.25273
+-0.786763 0.0774893 0.540064 0.28867
+-0.790146 0.0258668 0.520028 0.323374
+0.816059 0.026715 -0.434075 -0.380673
+0.812565 0.0800307 -0.408248 -0.408248
+0.805591 0.133004 -0.380673 -0.434075
+0.795167 0.185407 -0.351469 -0.458043
+0.781339 0.237016 -0.320759 -0.480049
+0.764164 0.287611 -0.288675 -0.5
+0.743717 0.336974 -0.255355 -0.51781
+0.720086 0.384894 -0.220942 -0.533402
+0.693371 0.431166 -0.185583 -0.54671
+0.663687 0.475591 -0.149429 -0.557678
+0.63116 0.51798 -0.112635 -0.566257
+0.595932 0.558151 -0.0753593 -0.572411
+0.558151 0.595932 -0.0377605 -0.576114
+0.51798 0.63116 1.29091e-09 -0.57735
+0.475591 0.663687 0.0377605 -0.576114
+0.431166 0.693371 0.0753594 -0.572411
+0.384894 0.720086 0.112635 -0.566257
+0.336974 0.743717 0.149429 -0.557678
+0.287611 0.764164 0.185583 -0.54671
+0.237016 0.781339 0.220942 -0.533402
+0.185407 0.795167 0.255356 -0.51781
+0.133003 0.805591 0.288675 -0.5
+0.0800306 0.812565 0.320759 -0.480049
+0.0267149 0.816059 0.351469 -0.458043
+-0.0267151 0.816059 0.380674 -0.434075
+-0.0800307 0.812565 0.408248 -0.408248
+-0.133004 0.805591 0.434075 -0.380673
+-0.185407 0.795167 0.458043 -0.351469
+-0.237017 0.781338 0.480049 -0.320759
+-0.287611 0.764164 0.5 -0.288675
+-0.336974 0.743717 0.51781 -0.255355
+-0.384894 0.720086 0.533402 -0.220942
+-0.431166 0.693371 0.54671 -0.185583
+-0.475591 0.663686 0.557678 -0.149429
+-0.51798 0.63116 0.566257 -0.112635
+-0.558151 0.595931 0.572411 -0.0753593
+-0.595931 0.558151 0.576114 -0.0377605
+-0.63116 0.51798 0.57735 2.65277e-08
+-0.663686 0.475591 0.576114 0.0377605
+-0.693371 0.431166 0.572411 0.0753593
+-0.720086 0.384894 0.566257 0.112635
+-0.743717 0.336974 0.557678 0.149429
+-0.764164 0.287611 0.54671 0.185583
+-0.781339 0.237016 0.533402 0.220942
+-0.795167 0.185407 0.51781 0.255356
+-0.805591 0.133004 0.5 0.288675
+-0.812565 0.0800306 0.480049 0.320759
+-0.816059 0.0267151 0.458043 0.351469
+0.816059 0.026715 -0.5 -0.288675
+0.812565 0.0800307 -0.480049 -0.320759
+0.805591 0.133004 -0.458043 -0.351469
+0.795167 0.185407 -0.434075 -0.380673
+0.781339 0.237016 -0.408248 -0.408248
+0.764164 0.287611 -0.380673 -0.434075
+0.743717 0.336974 -0.351469 -0.458043
+0.720086 0.384894 -0.320759 -0.480049
+0.693371 0.431166 -0.288675 -0.5
+0.663687 0.475591 -0.255355 -0.51781
+0.63116 0.51798 -0.220942 -0.533402
+0.595932 0.558151 -0.185583 -0.54671
+0.558151 0.595932 -0.149429 -0.557678
+0.51798 0.63116 -0.112635 -0.566257
+0.475591 0.663687 -0.0753593 -0.572411
+0.431166 0.693371 -0.0377605 -0.576114
+0.384894 0.720086 4.74615e-08 -0.57735
+0.336974 0.743717 0.0377606 -0.576114
+0.287611 0.764164 0.0753594 -0.572411
+0.237016 0.781339 0.112635 -0.566257
+0.185407 0.795167 0.149429 -0.557678
+0.133003 0.805591 0.185583 -0.54671
+0.0800306 0.812565 0.220942 -0.533402
+0.0267149 0.816059 0.255356 -0.51781
+-0.0267151 0.816059 0.288675 -0.5
+-0.0800307 0.812565 0.320759 -0.480049
+-0.133004 0.805591 0.351469 -0.458043
+-0.185407 0.795167 0.380674 -0.434075
+-0.237017 0.781338 0.408248 -0.408248
+-0.287611 0.764164 0.434075 -0.380673
+-0.336974 0.743717 0.458043 -0.351469
+-0.384894 0.720086 0.480049 -0.320759
+-0.431166 0.693371 0.5 -0.288675
+-0.475591 0.663686 0.51781 -0.255355
+-0.51798 0.63116 0.533402 -0.220942
+-0.558151 0.595931 0.54671 -0.185583
+-0.595931 0.558151 0.557678 -0.149429
+-0.63116 0.51798 0.566257 -0.112635
+-0.663686 0.475591 0.572411 -0.0753594
+-0.693371 0.431166 0.576114 -0.0377605
+-0.720086 0.384894 0.57735 -6.49528e-08
+-0.743717 0.336974 0.576114 0.0377605
+-0.764164 0.287611 0.572411 0.0753594
+-0.781339 0.237016 0.566257 0.112635
+-0.795167 0.185407 0.557678 0.149429
+-0.805591 0.133004 0.54671 0.185583
+-0.812565 0.0800306 0.533402 0.220942
+-0.816059 0.0267151 0.51781 0.255355
+0.841175 0.0275372 -0.438987 -0.314574
+0.837573 0.0824937 -0.417473 -0.342612
+0.830384 0.137097 -0.394172 -0.369182
+0.81964 0.191113 -0.369182 -0.394172
+0.805385 0.244311 -0.342612 -0.417473
+0.787682 0.296463 -0.314574 -0.438987
+0.766606 0.347345 -0.285189 -0.458622
+0.742247 0.396739 -0.254583 -0.476292
+0.71471 0.444435 -0.222887 -0.491923
+0.684112 0.490228 -0.190237 -0.505447
+0.650585 0.533921 -0.156772 -0.516807
+0.614272 0.575329 -0.122635 -0.525954
+0.575329 0.614272 -0.0879736 -0.532848
+0.533922 0.650585 -0.0529353 -0.537461
+0.490228 0.684112 -0.0176703 -0.539773
+0.444435 0.71471 0.0176704 -0.539773
+0.396739 0.742247 0.0529354 -0.537461
+0.347345 0.766606 0.0879736 -0.532848
+0.296463 0.787682 0.122635 -0.525954
+0.244311 0.805385 0.156772 -0.516807
+0.191113 0.81964 0.190237 -0.505447
+0.137097 0.830384 0.222887 -0.491923
+0.0824936 0.837573 0.254583 -0.476292
+0.0275371 0.841175 0.285189 -0.458622
+-0.0275373 0.841175 0.314574 -0.438987
+-0.0824938 0.837573 0.342612 -0.417473
+-0.137097 0.830384 0.369182 -0.394172
+-0.191113 0.81964 0.394172 -0.369182
+-0.244311 0.805385 0.417473 -0.342611
+-0.296463 0.787682 0.438987 -0.314574
+-0.347345 0.766606 0.458622 -0.285189
+-0.396739 0.742247 0.476292 -0.254583
+-0.444435 0.71471 0.491923 -0.222887
+-0.490228 0.684112 0.505447 -0.190237
+-0.533921 0.650585 0.516807 -0.156772
+-0.575329 0.614272 0.525954 -0.122635
+-0.614272 0.575329 0.532848 -0.0879736
+-0.650585 0.533921 0.537461 -0.0529353
+-0.684112 0.490228 0.539773 -0.0176704
+-0.71471 0.444435 0.539773 0.0176703
+-0.742247 0.39674 0.537461 0.0529352
+-0.766606 0.347345 0.532848 0.0879736
+-0.787682 0.296463 0.525954 0.122635
+-0.805385 0.244311 0.516807 0.156772
+-0.81964 0.191113 0.505447 0.190237
+-0.830384 0.137097 0.491923 0.222887
+-0.837573 0.0824937 0.476292 0.254583
+-0.841175 0.0275373 0.458622 0.285189
+0.841175 0.0275372 -0.369182 -0.394172
+0.837573 0.0824937 -0.342612 -0.417473
+0.830384 0.137097 -0.314574 -0.438987
+0.81964 0.191113 -0.285189 -0.458622
+0.805385 0.244311 -0.254583 -0.476292
+0.787682 0.296463 -0.222887 -0.491923
+0.766606 0.347345 -0.190237 -0.505447
+0.742247 0.396739 -0.156772 -0.516807
+0.71471 0.444435 -0.122635 -0.525954
+0.684112 0.490228 -0.0879736 -0.532848
+0.650585 0.533921 -0.0529353 -0.537461
+0.614272 0.575329 -0.0176703 -0.539773
+0.575329 0.614272 0.0176703 -0.539773
+0.533922 0.650585 0.0529353 -0.537461
+0.490228 0.684112 0.0879736 -0.532848
+0.444435 0.71471 0.122635 -0.525954
+0.396739 0.742247 0.156772 -0.516807
+0.347345 0.766606 0.190237 -0.505447
+0.296463 0.787682 0.222887 -0.491923
+0.244311 0.805385 0.254583 -0.476292
+0.191113 0.81964 0.285189 -0.458622
+0.137097 0.830384 0.314574 -0.438987
+0.0824936 0.837573 0.342612 -0.417473
+0.0275371 0.841175 0.369182 -0.394172
+-0.0275373 0.841175 0.394172 -0.369182
+-0.0824938 0.837573 0.417473 -0.342611
+-0.137097 0.830384 0.438987 -0.314574
+-0.191113 0.81964 0.458622 -0.285189
+-0.244311 0.805385 0.476292 -0.254583
+-0.296463 0.787682 0.491923 -0.222887
+-0.347345 0.766606 0.505447 -0.190237
+-0.396739 0.742247 0.516807 -0.156772
+-0.444435 0.71471 0.525954 -0.122635
+-0.490228 0.684112 0.532848 -0.0879736
+-0.533921 0.650585 0.537461 -0.0529353
+-0.575329 0.614272 0.539773 -0.0176703
+-0.614272 0.575329 0.539773 0.0176703
+-0.650585 0.533921 0.537461 0.0529353
+-0.684112 0.490228 0.532848 0.0879736
+-0.71471 0.444435 0.525954 0.122635
+-0.742247 0.39674 0.516807 0.156772
+-0.766606 0.347345 0.505447 0.190237
+-0.787682 0.296463 0.491923 0.222887
+-0.805385 0.244311 0.476292 0.254583
+-0.81964 0.191113 0.458622 0.285189
+-0.830384 0.137097 0.438987 0.314574
+-0.837573 0.0824937 0.417473 0.342612
+-0.841175 0.0275373 0.394172 0.369182
+0.865562 0.0283356 -0.304381 -0.396677
+0.861855 0.0848853 -0.277785 -0.415735
+0.854458 0.141072 -0.25 -0.433013
+0.843402 0.196654 -0.221144 -0.448436
+0.828735 0.251394 -0.191342 -0.46194
+0.810518 0.305057 -0.16072 -0.473465
+0.788831 0.357415 -0.12941 -0.482963
+0.763766 0.408242 -0.0975452 -0.490393
+0.735431 0.45732 -0.0652631 -0.495722
+0.703946 0.50444 -0.0327016 -0.498929
+0.669447 0.549401 -9.06459e-09 -0.5
+0.632081 0.592008 0.0327016 -0.498929
+0.592008 0.632081 0.0652631 -0.495722
+0.549401 0.669447 0.0975452 -0.490393
+0.50444 0.703946 0.12941 -0.482963
+0.45732 0.735431 0.16072 -0.473465
+0.408241 0.763766 0.191342 -0.46194
+0.357415 0.788831 0.221144 -0.448436
+0.305057 0.810518 0.25 -0.433013
+0.251394 0.828735 0.277785 -0.415735
+0.196654 0.843402 0.304381 -0.396677
+0.141072 0.854458 0.329673 -0.37592
+0.0848852 0.861855 0.353553 -0.353553
+0.0283355 0.865562 0.37592 -0.329673
+-0.0283356 0.865562 0.396677 -0.304381
+-0.0848854 0.861855 0.415735 -0.277785
+-0.141072 0.854458 0.433013 -0.25
+-0.196654 0.843402 0.448436 -0.221144
+-0.251394 0.828735 0.46194 -0.191342
+-0.305058 0.810518 0.473465 -0.16072
+-0.357415 0.788831 0.482963 -0.129409
+-0.408241 0.763766 0.490393 -0.0975452
+-0.45732 0.735431 0.495722 -0.0652631
+-0.504441 0.703946 0.498929 -0.0327015
+-0.549401 0.669447 0.5 -1.70112e-08
+-0.592008 0.632081 0.498929 0.0327016
+-0.632081 0.592008 0.495722 0.0652631
+-0.669447 0.549401 0.490393 0.0975452
+-0.703946 0.504441 0.482963 0.129409
+-0.735431 0.45732 0.473465 0.16072
+-0.763766 0.408242 0.46194 0.191342
+-0.788831 0.357415 0.448436 0.221144
+-0.810518 0.305057 0.433013 0.25
+-0.828735 0.251394 0.415735 0.277785
+-0.843402 0.196654 0.396677 0.304381
+-0.854458 0.141072 0.37592 0.329673
+-0.861855 0.0848853 0.353553 0.353553
+-0.865562 0.0283356 0.329673 0.37592
+0.865562 0.0283356 -0.37592 -0.329673
+0.861855 0.0848853 -0.353553 -0.353553
+0.854458 0.141072 -0.329673 -0.37592
+0.843402 0.196654 -0.304381 -0.396677
+0.828735 0.251394 -0.277785 -0.415735
+0.810518 0.305057 -0.25 -0.433013
+0.788831 0.357415 -0.221144 -0.448436
+0.763766 0.408242 -0.191342 -0.46194
+0.735431 0.45732 -0.16072 -0.473465
+0.703946 0.50444 -0.12941 -0.482963
+0.669447 0.549401 -0.0975452 -0.490393
+0.632081 0.592008 -0.0652631 -0.495722
+0.592008 0.632081 -0.0327016 -0.498929
+0.549401 0.669447 1.11796e-09 -0.5
+0.50444 0.703946 0.0327016 -0.498929
+0.45732 0.735431 0.0652631 -0.495722
+0.408241 0.763766 0.0975452 -0.490393
+0.357415 0.788831 0.12941 -0.482963
+0.305057 0.810518 0.16072 -0.473465
+0.251394 0.828735 0.191342 -0.46194
+0.196654 0.843402 0.221144 -0.448436
+0.141072 0.854458 0.25 -0.433013
+0.0848852 0.861855 0.277785 -0.415735
+0.0283355 0.865562 0.304381 -0.396677
+-0.0283356 0.865562 0.329673 -0.37592
+-0.0848854 0.861855 0.353553 -0.353553
+-0.141072 0.854458 0.37592 -0.329673
+-0.196654 0.843402 0.396677 -0.304381
+-0.251394 0.828735 0.415735 -0.277785
+-0.305058 0.810518 0.433013 -0.25
+-0.357415 0.788831 0.448436 -0.221144
+-0.408241 0.763766 0.46194 -0.191342
+-0.45732 0.735431 0.473465 -0.16072
+-0.504441 0.703946 0.482963 -0.129409
+-0.549401 0.669447 0.490393 -0.0975452
+-0.592008 0.632081 0.495722 -0.0652631
+-0.632081 0.592008 0.498929 -0.0327016
+-0.669447 0.549401 0.5 2.29737e-08
+-0.703946 0.504441 0.498929 0.0327015
+-0.735431 0.45732 0.495722 0.0652631
+-0.763766 0.408242 0.490393 0.0975451
+-0.788831 0.357415 0.482963 0.12941
+-0.810518 0.305057 0.473465 0.16072
+-0.828735 0.251394 0.46194 0.191342
+-0.843402 0.196654 0.448436 0.221144
+-0.854458 0.141072 0.433013 0.25
+-0.861855 0.0848853 0.415735 0.277785
+-0.865562 0.0283356 0.396677 0.304381
+0.88928 0.029112 -0.312016 -0.333136
+0.885472 0.0872114 -0.28956 -0.352829
+0.877872 0.144937 -0.265863 -0.371012
+0.866513 0.202043 -0.241029 -0.387606
+0.851444 0.258283 -0.215162 -0.40254
+0.832728 0.313417 -0.188374 -0.415751
+0.810447 0.367209 -0.160779 -0.427181
+0.784695 0.419428 -0.132496 -0.436782
+0.755583 0.469852 -0.103646 -0.444512
+0.723236 0.518263 -0.0743513 -0.450339
+0.687791 0.564456 -0.0447385 -0.454238
+0.649401 0.608231 -0.0149341 -0.456191
+0.608231 0.649401 0.0149342 -0.456191
+0.564456 0.687791 0.0447385 -0.454238
+0.518263 0.723236 0.0743513 -0.450339
+0.469852 0.755583 0.103646 -0.444512
+0.419428 0.784695 0.132496 -0.436781
+0.367209 0.810447 0.160779 -0.427181
+0.313417 0.832728 0.188374 -0.415751
+0.258283 0.851444 0.215162 -0.40254
+0.202043 0.866513 0.241029 -0.387606
+0.144937 0.877872 0.265864 -0.371012
+0.0872113 0.885472 0.28956 -0.352829
+0.0291119 0.88928 0.312016 -0.333136
+-0.0291121 0.88928 0.333136 -0.312016
+-0.0872115 0.885472 0.352829 -0.28956
+-0.144937 0.877872 0.371012 -0.265863
+-0.202043 0.866513 0.387606 -0.241029
+-0.258283 0.851444 0.40254 -0.215162
+-0.313417 0.832728 0.415751 -0.188374
+-0.367209 0.810447 0.427181 -0.160779
+-0.419428 0.784695 0.436781 -0.132496
+-0.469852 0.755583 0.444512 -0.103646
+-0.518263 0.723236 0.450339 -0.0743512
+-0.564456 0.687791 0.454238 -0.0447385
+-0.608231 0.649401 0.456191 -0.0149341
+-0.649401 0.608231 0.456191 0.0149341
+-0.687791 0.564456 0.454238 0.0447385
+-0.723236 0.518263 0.450339 0.0743512
+-0.755583 0.469852 0.444512 0.103646
+-0.784695 0.419428 0.436782 0.132496
+-0.810447 0.367209 0.427181 0.160779
+-0.832728 0.313417 0.415751 0.188374
+-0.851444 0.258283 0.40254 0.215162
+-0.866513 0.202043 0.387606 0.241029
+-0.877872 0.144937 0.371012 0.265863
+-0.885472 0.0872113 0.352829 0.28956
+-0.88928 0.0291121 0.333136 0.312016
+0.841175 0.0275372 -0.190237 -0.505447
+0.837573 0.0824937 -0.156772 -0.516807
+0.830384 0.137097 -0.122635 -0.525954
+0.81964 0.191113 -0.0879736 -0.532848
+0.805385 0.244311 -0.0529353 -0.537461
+0.787682 0.296463 -0.0176703 -0.539773
+0.766606 0.347345 0.0176703 -0.539773
+0.742247 0.396739 0.0529353 -0.537461
+0.71471 0.444435 0.0879736 -0.532848
+0.684112 0.490228 0.122635 -0.525954
+0.650585 0.533921 0.156772 -0.516807
+0.614272 0.575329 0.190237 -0.505447
+0.575329 0.614272 0.222887 -0.491923
+0.533922 0.650585 0.254583 -0.476292
+0.490228 0.684112 0.285189 -0.458622
+0.444435 0.71471 0.314574 -0.438987
+0.396739 0.742247 0.342612 -0.417473
+0.347345 0.766606 0.369182 -0.394172
+0.296463 0.787682 0.394172 -0.369182
+0.244311 0.805385 0.417473 -0.342612
+0.191113 0.81964 0.438987 -0.314574
+0.137097 0.830384 0.458622 -0.285189
+0.0824936 0.837573 0.476292 -0.254583
+0.0275371 0.841175 0.491923 -0.222887
+-0.0275373 0.841175 0.505447 -0.190237
+-0.0824938 0.837573 0.516807 -0.156772
+-0.137097 0.830384 0.525954 -0.122635
+-0.191113 0.81964 0.532848 -0.0879736
+-0.244311 0.805385 0.537461 -0.0529352
+-0.296463 0.787682 0.539773 -0.0176702
+-0.347345 0.766606 0.539773 0.0176704
+-0.396739 0.742247 0.537461 0.0529352
+-0.444435 0.71471 0.532848 0.0879736
+-0.490228 0.684112 0.525954 0.122635
+-0.533921 0.650585 0.516807 0.156772
+-0.575329 0.614272 0.505447 0.190237
+-0.614272 0.575329 0.491923 0.222887
+-0.650585 0.533921 0.476292 0.254583
+-0.684112 0.490228 0.458622 0.285189
+-0.71471 0.444435 0.438987 0.314574
+-0.742247 0.39674 0.417473 0.342611
+-0.766606 0.347345 0.394172 0.369182
+-0.787682 0.296463 0.369182 0.394172
+-0.805385 0.244311 0.342612 0.417473
+-0.81964 0.191113 0.314574 0.438987
+-0.830384 0.137097 0.285189 0.458622
+-0.837573 0.0824937 0.254583 0.476292
+-0.841175 0.0275373 0.222887 0.491923
+0.865562 0.0283356 -0.12941 -0.482963
+0.861855 0.0848853 -0.0975452 -0.490393
+0.854458 0.141072 -0.0652631 -0.495722
+0.843402 0.196654 -0.0327016 -0.498929
+0.828735 0.251394 3.72652e-10 -0.5
+0.810518 0.305057 0.0327016 -0.498929
+0.788831 0.357415 0.0652631 -0.495722
+0.763766 0.408242 0.0975452 -0.490393
+0.735431 0.45732 0.12941 -0.482963
+0.703946 0.50444 0.16072 -0.473465
+0.669447 0.549401 0.191342 -0.46194
+0.632081 0.592008 0.221144 -0.448436
+0.592008 0.632081 0.25 -0.433013
+0.549401 0.669447 0.277785 -0.415735
+0.50444 0.703946 0.304381 -0.396677
+0.45732 0.735431 0.329673 -0.37592
+0.408241 0.763766 0.353553 -0.353553
+0.357415 0.788831 0.37592 -0.329673
+0.305057 0.810518 0.396677 -0.304381
+0.251394 0.828735 0.415735 -0.277785
+0.196654 0.843402 0.433013 -0.25
+0.141072 0.854458 0.448436 -0.221144
+0.0848852 0.861855 0.46194 -0.191342
+0.0283355 0.865562 0.473465 -0.16072
+-0.0283356 0.865562 0.482963 -0.129409
+-0.0848854 0.861855 0.490393 -0.0975451
+-0.141072 0.854458 0.495722 -0.0652631
+-0.196654 0.843402 0.498929 -0.0327015
+-0.251394 0.828735 0.5 8.1833e-08
+-0.305058 0.810518 0.498929 0.0327016
+-0.357415 0.788831 0.495722 0.0652632
+-0.408241 0.763766 0.490393 0.0975451
+-0.45732 0.735431 0.482963 0.12941
+-0.504441 0.703946 0.473465 0.16072
+-0.549401 0.669447 0.46194 0.191342
+-0.592008 0.632081 0.448436 0.221144
+-0.632081 0.592008 0.433013 0.25
+-0.669447 0.549401 0.415735 0.277785
+-0.703946 0.504441 0.396677 0.304381
+-0.735431 0.45732 0.37592 0.329673
+-0.763766 0.408242 0.353553 0.353553
+-0.788831 0.357415 0.329673 0.37592
+-0.810518 0.305057 0.304381 0.396677
+-0.828735 0.251394 0.277785 0.415735
+-0.843402 0.196654 0.25 0.433013
+-0.854458 0.141072 0.221144 0.448436
+-0.861855 0.0848853 0.191342 0.46194
+-0.865562 0.0283356 0.16072 0.473465
+0.865562 0.0283356 -0.221144 -0.448436
+0.861855 0.0848853 -0.191342 -0.46194
+0.854458 0.141072 -0.16072 -0.473465
+0.843402 0.196654 -0.12941 -0.482963
+0.828735 0.251394 -0.0975452 -0.490393
+0.810518 0.305057 -0.0652631 -0.495722
+0.788831 0.357415 -0.0327016 -0.498929
+0.763766 0.408242 1.05552e-08 -0.5
+0.735431 0.45732 0.0327016 -0.498929
+0.703946 0.50444 0.0652631 -0.495722
+0.669447 0.549401 0.0975452 -0.490393
+0.632081 0.592008 0.12941 -0.482963
+0.592008 0.632081 0.16072 -0.473465
+0.549401 0.669447 0.191342 -0.46194
+0.50444 0.703946 0.221144 -0.448436
+0.45732 0.735431 0.25 -0.433013
+0.408241 0.763766 0.277785 -0.415735
+0.357415 0.788831 0.304381 -0.396677
+0.305057 0.810518 0.329673 -0.37592
+0.251394 0.828735 0.353553 -0.353553
+0.196654 0.843402 0.37592 -0.329673
+0.141072 0.854458 0.396677 -0.304381
+0.0848852 0.861855 0.415735 -0.277785
+0.0283355 0.865562 0.433013 -0.25
+-0.0283356 0.865562 0.448436 -0.221144
+-0.0848854 0.861855 0.46194 -0.191342
+-0.141072 0.854458 0.473465 -0.16072
+-0.196654 0.843402 0.482963 -0.129409
+-0.251394 0.828735 0.490393 -0.0975451
+-0.305058 0.810518 0.495722 -0.065263
+-0.357415 0.788831 0.498929 -0.0327015
+-0.408241 0.763766 0.5 -5.69961e-08
+-0.45732 0.735431 0.498929 0.0327016
+-0.504441 0.703946 0.495722 0.0652631
+-0.549401 0.669447 0.490393 0.0975451
+-0.592008 0.632081 0.482963 0.12941
+-0.632081 0.592008 0.473465 0.16072
+-0.669447 0.549401 0.46194 0.191342
+-0.703946 0.504441 0.448436 0.221144
+-0.735431 0.45732 0.433013 0.25
+-0.763766 0.408242 0.415735 0.277785
+-0.788831 0.357415 0.396677 0.304381
+-0.810518 0.305057 0.37592 0.329673
+-0.828735 0.251394 0.353553 0.353553
+-0.843402 0.196654 0.329673 0.37592
+-0.854458 0.141072 0.304381 0.396677
+-0.861855 0.0848853 0.277785 0.415735
+-0.865562 0.0283356 0.25 0.433013
+0.88928 0.029112 -0.160779 -0.427181
+0.885472 0.0872114 -0.132496 -0.436782
+0.877872 0.144937 -0.103646 -0.444512
+0.866513 0.202043 -0.0743513 -0.450339
+0.851444 0.258283 -0.0447385 -0.454238
+0.832728 0.313417 -0.0149342 -0.456191
+0.810447 0.367209 0.0149342 -0.456191
+0.784695 0.419428 0.0447385 -0.454238
+0.755583 0.469852 0.0743513 -0.450339
+0.723236 0.518263 0.103646 -0.444512
+0.687791 0.564456 0.132496 -0.436782
+0.649401 0.608231 0.160779 -0.427181
+0.608231 0.649401 0.188374 -0.415751
+0.564456 0.687791 0.215162 -0.40254
+0.518263 0.723236 0.241029 -0.387606
+0.469852 0.755583 0.265864 -0.371012
+0.419428 0.784695 0.28956 -0.352829
+0.367209 0.810447 0.312016 -0.333136
+0.313417 0.832728 0.333136 -0.312016
+0.258283 0.851444 0.352829 -0.28956
+0.202043 0.866513 0.371012 -0.265863
+0.144937 0.877872 0.387606 -0.241029
+0.0872113 0.885472 0.40254 -0.215162
+0.0291119 0.88928 0.415751 -0.188374
+-0.0291121 0.88928 0.427181 -0.160779
+-0.0872115 0.885472 0.436782 -0.132496
+-0.144937 0.877872 0.444512 -0.103646
+-0.202043 0.866513 0.450339 -0.0743512
+-0.258283 0.851444 0.454238 -0.0447384
+-0.313417 0.832728 0.456191 -0.0149341
+-0.367209 0.810447 0.456191 0.0149342
+-0.419428 0.784695 0.454238 0.0447384
+-0.469852 0.755583 0.450339 0.0743513
+-0.518263 0.723236 0.444512 0.103646
+-0.564456 0.687791 0.436782 0.132496
+-0.608231 0.649401 0.427181 0.160779
+-0.649401 0.608231 0.415751 0.188374
+-0.687791 0.564456 0.40254 0.215162
+-0.723236 0.518263 0.387606 0.241029
+-0.755583 0.469852 0.371012 0.265863
+-0.784695 0.419428 0.352829 0.28956
+-0.810447 0.367209 0.333136 0.312016
+-0.832728 0.313417 0.312016 0.333136
+-0.851444 0.258283 0.28956 0.352829
+-0.866513 0.202043 0.265863 0.371012
+-0.877872 0.144937 0.241029 0.387606
+-0.885472 0.0872113 0.215162 0.40254
+-0.88928 0.0291121 0.188374 0.415751
+0.88928 0.029112 -0.0743513 -0.450339
+0.885472 0.0872114 -0.0447385 -0.454238
+0.877872 0.144937 -0.0149342 -0.456191
+0.866513 0.202043 0.0149342 -0.456191
+0.851444 0.258283 0.0447385 -0.454238
+0.832728 0.313417 0.0743513 -0.450339
+0.810447 0.367209 0.103646 -0.444512
+0.784695 0.419428 0.132496 -0.436782
+0.755583 0.469852 0.160779 -0.427181
+0.723236 0.518263 0.188374 -0.415751
+0.687791 0.564456 0.215162 -0.40254
+0.649401 0.608231 0.241029 -0.387606
+0.608231 0.649401 0.265863 -0.371012
+0.564456 0.687791 0.28956 -0.352829
+0.518263 0.723236 0.312016 -0.333136
+0.469852 0.755583 0.333136 -0.312016
+0.419428 0.784695 0.352829 -0.28956
+0.367209 0.810447 0.371012 -0.265863
+0.313417 0.832728 0.387606 -0.241029
+0.258283 0.851444 0.40254 -0.215162
+0.202043 0.866513 0.415751 -0.188374
+0.144937 0.877872 0.427181 -0.160779
+0.0872113 0.885472 0.436782 -0.132496
+0.0291119 0.88928 0.444512 -0.103646
+-0.0291121 0.88928 0.450339 -0.0743512
+-0.0872115 0.885472 0.454238 -0.0447385
+-0.144937 0.877872 0.456191 -0.0149341
+-0.202043 0.866513 0.456191 0.0149342
+-0.258283 0.851444 0.454238 0.0447386
+-0.313417 0.832728 0.450339 0.0743513
+-0.367209 0.810447 0.444512 0.103646
+-0.419428 0.784695 0.436782 0.132496
+-0.469852 0.755583 0.427181 0.160779
+-0.518263 0.723236 0.415751 0.188374
+-0.564456 0.687791 0.40254 0.215162
+-0.608231 0.649401 0.387606 0.241029
+-0.649401 0.608231 0.371012 0.265863
+-0.687791 0.564456 0.352829 0.28956
+-0.723236 0.518263 0.333136 0.312016
+-0.755583 0.469852 0.312016 0.333136
+-0.784695 0.419428 0.28956 0.352829
+-0.810447 0.367209 0.265863 0.371012
+-0.832728 0.313417 0.241029 0.387606
+-0.851444 0.258283 0.215162 0.40254
+-0.866513 0.202043 0.188374 0.415751
+-0.877872 0.144937 0.160779 0.427181
+-0.885472 0.0872113 0.132496 0.436782
+-0.88928 0.0291121 0.103646 0.444512
+0.912382 0.0298683 -0.0267007 -0.407374
+0.908475 0.089477 1.11532e-09 -0.408248
+0.900678 0.148703 0.0267007 -0.407374
+0.889024 0.207291 0.0532871 -0.404756
+0.873563 0.264992 0.0796453 -0.400404
+0.854361 0.321559 0.105662 -0.394338
+0.831501 0.376748 0.131227 -0.386583
+0.80508 0.430324 0.15623 -0.377172
+0.775212 0.482058 0.180564 -0.366147
+0.742024 0.531727 0.204124 -0.353553
+0.705659 0.579119 0.226811 -0.339446
+0.666272 0.624032 0.248526 -0.323885
+0.624032 0.666272 0.269177 -0.306937
+0.579119 0.705659 0.288675 -0.288675
+0.531727 0.742024 0.306937 -0.269177
+0.482058 0.775212 0.323885 -0.248526
+0.430324 0.80508 0.339446 -0.226811
+0.376748 0.831501 0.353553 -0.204124
+0.321559 0.854361 0.366147 -0.180564
+0.264992 0.873563 0.377172 -0.15623
+0.207291 0.889024 0.386583 -0.131227
+0.148702 0.900678 0.394338 -0.105662
+0.0894769 0.908475 0.400404 -0.0796452
+0.0298682 0.912382 0.404756 -0.0532871
+-0.0298684 0.912382 0.407374 -0.0267007
+-0.0894771 0.908475 0.408248 3.41689e-08
+-0.148703 0.900678 0.407374 0.0267007
+-0.207291 0.889024 0.404756 0.0532871
+-0.264993 0.873563 0.400404 0.0796454
+-0.321559 0.854361 0.394338 0.105662
+-0.376748 0.831501 0.386583 0.131227
+-0.430324 0.80508 0.377172 0.15623
+-0.482058 0.775212 0.366147 0.180564
+-0.531727 0.742024 0.353553 0.204124
+-0.579119 0.705659 0.339446 0.226811
+-0.624032 0.666272 0.323885 0.248526
+-0.666272 0.624032 0.306937 0.269177
+-0.705659 0.579119 0.288675 0.288675
+-0.742024 0.531727 0.269177 0.306937
+-0.775212 0.482058 0.248526 0.323885
+-0.80508 0.430324 0.226811 0.339446
+-0.831501 0.376748 0.204124 0.353553
+-0.854361 0.321559 0.180564 0.366147
+-0.873563 0.264992 0.15623 0.377172
+-0.889024 0.207291 0.131227 0.386583
+-0.900678 0.148703 0.105662 0.394338
+-0.908475 0.089477 0.0796453 0.400404
+-0.912382 0.0298684 0.0532871 0.404756
+0.912382 0.0298683 -0.105662 -0.394338
+0.908475 0.089477 -0.0796453 -0.400404
+0.900678 0.148703 -0.0532871 -0.404756
+0.889024 0.207291 -0.0267007 -0.407374
+0.873563 0.264992 3.04269e-10 -0.408248
+0.854361 0.321559 0.0267007 -0.407374
+0.831501 0.376748 0.0532871 -0.404756
+0.80508 0.430324 0.0796453 -0.400404
+0.775212 0.482058 0.105662 -0.394338
+0.742024 0.531727 0.131227 -0.386583
+0.705659 0.579119 0.15623 -0.377172
+0.666272 0.624032 0.180564 -0.366147
+0.624032 0.666272 0.204124 -0.353553
+0.579119 0.705659 0.226811 -0.339446
+0.531727 0.742024 0.248526 -0.323885
+0.482058 0.775212 0.269177 -0.306937
+0.430324 0.80508 0.288675 -0.288675
+0.376748 0.831501 0.306937 -0.269177
+0.321559 0.854361 0.323885 -0.248526
+0.264992 0.873563 0.339446 -0.226811
+0.207291 0.889024 0.353553 -0.204124
+0.148702 0.900678 0.366147 -0.180564
+0.0894769 0.908475 0.377172 -0.15623
+0.0298682 0.912382 0.386583 -0.131227
+-0.0298684 0.912382 0.394338 -0.105662
+-0.0894771 0.908475 0.400404 -0.0796453
+-0.148703 0.900678 0.404756 -0.0532871
+-0.207291 0.889024 0.407374 -0.0267007
+-0.264993 0.873563 0.408248 6.68164e-08
+-0.321559 0.854361 0.407374 0.0267008
+-0.376748 0.831501 0.404756 0.0532872
+-0.430324 0.80508 0.400404 0.0796452
+-0.482058 0.775212 0.394338 0.105662
+-0.531727 0.742024 0.386583 0.131227
+-0.579119 0.705659 0.377172 0.15623
+-0.624032 0.666272 0.366147 0.180564
+-0.666272 0.624032 0.353553 0.204124
+-0.705659 0.579119 0.339446 0.226811
+-0.742024 0.531727 0.323885 0.248526
+-0.775212 0.482058 0.306937 0.269177
+-0.80508 0.430324 0.288675 0.288675
+-0.831501 0.376748 0.269177 0.306937
+-0.854361 0.321559 0.248526 0.323885
+-0.873563 0.264992 0.226811 0.339446
+-0.889024 0.207291 0.204124 0.353553
+-0.900678 0.148703 0.180564 0.366147
+-0.908475 0.089477 0.15623 0.377172
+-0.912382 0.0298684 0.131227 0.386583
+0.933521 0.0305603 -0.0283599 -0.35609
+0.929524 0.0915501 -0.0050098 -0.357182
+0.921546 0.152148 0.0183618 -0.356745
+0.909622 0.212094 0.0416547 -0.35478
+0.893803 0.271132 0.0647692 -0.351296
+0.874156 0.329009 0.0876064 -0.346308
+0.850766 0.385477 0.110069 -0.339837
+0.823733 0.440295 0.132059 -0.33191
+0.793173 0.493227 0.153484 -0.322563
+0.759216 0.544047 0.174252 -0.311834
+0.722008 0.592537 0.194274 -0.299769
+0.681709 0.63849 0.213464 -0.286421
+0.63849 0.681709 0.23174 -0.271847
+0.592537 0.722008 0.249023 -0.256108
+0.544047 0.759216 0.265241 -0.239273
+0.493227 0.793173 0.280322 -0.221413
+0.440295 0.823733 0.294203 -0.202605
+0.385477 0.850766 0.306824 -0.18293
+0.329009 0.874156 0.318131 -0.162471
+0.271132 0.893803 0.328076 -0.141316
+0.212094 0.909622 0.336616 -0.119556
+0.152148 0.921546 0.343715 -0.0972846
+0.09155 0.929524 0.349342 -0.0745963
+0.0305602 0.933521 0.353472 -0.0515885
+-0.0305604 0.933521 0.35609 -0.0283599
+-0.0915502 0.929524 0.357182 -0.00500977
+-0.152148 0.921546 0.356745 0.0183618
+-0.212094 0.909622 0.35478 0.0416547
+-0.271132 0.893803 0.351296 0.0647693
+-0.329009 0.874156 0.346308 0.0876065
+-0.385477 0.850766 0.339837 0.110069
+-0.440295 0.823733 0.33191 0.132059
+-0.493227 0.793173 0.322563 0.153484
+-0.544047 0.759216 0.311834 0.174252
+-0.592537 0.722008 0.299769 0.194274
+-0.63849 0.681709 0.286421 0.213464
+-0.681709 0.63849 0.271847 0.23174
+-0.722008 0.592537 0.256108 0.249023
+-0.759216 0.544047 0.239273 0.265241
+-0.793173 0.493227 0.221413 0.280322
+-0.823733 0.440295 0.202605 0.294203
+-0.850766 0.385477 0.18293 0.306824
+-0.874156 0.329009 0.162471 0.318131
+-0.893803 0.271132 0.141316 0.328076
+-0.909622 0.212094 0.119556 0.336616
+-0.921546 0.152148 0.0972846 0.343715
+-0.929524 0.0915501 0.0745963 0.349342
+-0.933521 0.0305604 0.0515886 0.353472
+0.88928 0.029112 -0.241029 -0.387606
+0.885472 0.0872114 -0.215162 -0.40254
+0.877872 0.144937 -0.188374 -0.415751
+0.866513 0.202043 -0.160779 -0.427181
+0.851444 0.258283 -0.132496 -0.436782
+0.832728 0.313417 -0.103646 -0.444512
+0.810447 0.367209 -0.0743513 -0.450339
+0.784695 0.419428 -0.0447385 -0.454238
+0.755583 0.469852 -0.0149341 -0.456191
+0.723236 0.518263 0.0149341 -0.456191
+0.687791 0.564456 0.0447385 -0.454238
+0.649401 0.608231 0.0743513 -0.450339
+0.608231 0.649401 0.103646 -0.444512
+0.564456 0.687791 0.132496 -0.436782
+0.518263 0.723236 0.160779 -0.427181
+0.469852 0.755583 0.188374 -0.415751
+0.419428 0.784695 0.215162 -0.40254
+0.367209 0.810447 0.241029 -0.387606
+0.313417 0.832728 0.265863 -0.371012
+0.258283 0.851444 0.28956 -0.352829
+0.202043 0.866513 0.312016 -0.333136
+0.144937 0.877872 0.333136 -0.312016
+0.0872113 0.885472 0.352829 -0.28956
+0.0291119 0.88928 0.371012 -0.265863
+-0.0291121 0.88928 0.387606 -0.241029
+-0.0872115 0.885472 0.40254 -0.215162
+-0.144937 0.877872 0.415751 -0.188374
+-0.202043 0.866513 0.427181 -0.160779
+-0.258283 0.851444 0.436782 -0.132496
+-0.313417 0.832728 0.444512 -0.103646
+-0.367209 0.810447 0.450339 -0.0743512
+-0.419428 0.784695 0.454238 -0.0447386
+-0.469852 0.755583 0.456191 -0.0149342
+-0.518263 0.723236 0.456191 0.0149342
+-0.564456 0.687791 0.454238 0.0447385
+-0.608231 0.649401 0.450339 0.0743513
+-0.649401 0.608231 0.444512 0.103646
+-0.687791 0.564456 0.436782 0.132496
+-0.723236 0.518263 0.427181 0.160779
+-0.755583 0.469852 0.415751 0.188374
+-0.784695 0.419428 0.40254 0.215162
+-0.810447 0.367209 0.387606 0.241029
+-0.832728 0.313417 0.371012 0.265864
+-0.851444 0.258283 0.352829 0.28956
+-0.866513 0.202043 0.333136 0.312016
+-0.877872 0.144937 0.312016 0.333136
+-0.885472 0.0872113 0.28956 0.352829
+-0.88928 0.0291121 0.265864 0.371012
+0.912382 0.0298683 -0.180564 -0.366147
+0.908475 0.089477 -0.15623 -0.377172
+0.900678 0.148703 -0.131227 -0.386583
+0.889024 0.207291 -0.105662 -0.394338
+0.873563 0.264992 -0.0796453 -0.400404
+0.854361 0.321559 -0.0532871 -0.404756
+0.831501 0.376748 -0.0267007 -0.407374
+0.80508 0.430324 8.61828e-09 -0.408248
+0.775212 0.482058 0.0267007 -0.407374
+0.742024 0.531727 0.0532871 -0.404756
+0.705659 0.579119 0.0796453 -0.400404
+0.666272 0.624032 0.105662 -0.394338
+0.624032 0.666272 0.131227 -0.386583
+0.579119 0.705659 0.15623 -0.377172
+0.531727 0.742024 0.180564 -0.366147
+0.482058 0.775212 0.204124 -0.353553
+0.430324 0.80508 0.226811 -0.339446
+0.376748 0.831501 0.248526 -0.323885
+0.321559 0.854361 0.269177 -0.306937
+0.264992 0.873563 0.288675 -0.288675
+0.207291 0.889024 0.306937 -0.269177
+0.148702 0.900678 0.323885 -0.248526
+0.0894769 0.908475 0.339446 -0.226811
+0.0298682 0.912382 0.353553 -0.204124
+-0.0298684 0.912382 0.366147 -0.180564
+-0.0894771 0.908475 0.377172 -0.15623
+-0.148703 0.900678 0.386583 -0.131227
+-0.207291 0.889024 0.394338 -0.105662
+-0.264993 0.873563 0.400404 -0.0796452
+-0.321559 0.854361 0.404756 -0.053287
+-0.376748 0.831501 0.407374 -0.0267007
+-0.430324 0.80508 0.408248 -4.65371e-08
+-0.482058 0.775212 0.407374 0.0267007
+-0.531727 0.742024 0.404756 0.0532871
+-0.579119 0.705659 0.400404 0.0796453
+-0.624032 0.666272 0.394338 0.105662
+-0.666272 0.624032 0.386583 0.131227
+-0.705659 0.579119 0.377172 0.15623
+-0.742024 0.531727 0.366147 0.180564
+-0.775212 0.482058 0.353553 0.204124
+-0.80508 0.430324 0.339446 0.226811
+-0.831501 0.376748 0.323885 0.248526
+-0.854361 0.321559 0.306937 0.269177
+-0.873563 0.264992 0.288675 0.288675
+-0.889024 0.207291 0.269177 0.306937
+-0.900678 0.148703 0.248526 0.323885
+-0.908475 0.089477 0.226811 0.339446
+-0.912382 0.0298684 0.204124 0.353553
+0.912382 0.0298683 -0.248526 -0.323885
+0.908475 0.089477 -0.226811 -0.339446
+0.900678 0.148703 -0.204124 -0.353553
+0.889024 0.207291 -0.180564 -0.366147
+0.873563 0.264992 -0.15623 -0.377172
+0.854361 0.321559 -0.131227 -0.386583
+0.831501 0.376748 -0.105662 -0.394338
+0.80508 0.430324 -0.0796453 -0.400404
+0.775212 0.482058 -0.0532871 -0.404756
+0.742024 0.531727 -0.0267007 -0.407374
+0.705659 0.579119 -7.4012e-09 -0.408248
+0.666272 0.624032 0.0267007 -0.407374
+0.624032 0.666272 0.0532871 -0.404756
+0.579119 0.705659 0.0796453 -0.400404
+0.531727 0.742024 0.105662 -0.394338
+0.482058 0.775212 0.131227 -0.386583
+0.430324 0.80508 0.15623 -0.377172
+0.376748 0.831501 0.180564 -0.366147
+0.321559 0.854361 0.204124 -0.353553
+0.264992 0.873563 0.226811 -0.339446
+0.207291 0.889024 0.248526 -0.323885
+0.148702 0.900678 0.269177 -0.306937
+0.0894769 0.908475 0.288675 -0.288675
+0.0298682 0.912382 0.306937 -0.269177
+-0.0298684 0.912382 0.323885 -0.248526
+-0.0894771 0.908475 0.339446 -0.226811
+-0.148703 0.900678 0.353553 -0.204124
+-0.207291 0.889024 0.366147 -0.180564
+-0.264993 0.873563 0.377172 -0.15623
+-0.321559 0.854361 0.386583 -0.131227
+-0.376748 0.831501 0.394338 -0.105662
+-0.430324 0.80508 0.400404 -0.0796453
+-0.482058 0.775212 0.404756 -0.0532871
+-0.531727 0.742024 0.407374 -0.0267007
+-0.579119 0.705659 0.408248 -1.38896e-08
+-0.624032 0.666272 0.407374 0.0267007
+-0.666272 0.624032 0.404756 0.0532871
+-0.705659 0.579119 0.400404 0.0796453
+-0.742024 0.531727 0.394338 0.105662
+-0.775212 0.482058 0.386583 0.131227
+-0.80508 0.430324 0.377172 0.15623
+-0.831501 0.376748 0.366147 0.180564
+-0.854361 0.321559 0.353553 0.204124
+-0.873563 0.264992 0.339446 0.226811
+-0.889024 0.207291 0.323885 0.248526
+-0.900678 0.148703 0.306937 0.269177
+-0.908475 0.089477 0.288675 0.288675
+-0.912382 0.0298684 0.269177 0.306937
+0.933521 0.0305603 -0.180053 -0.308521
+0.929524 0.0915501 -0.159489 -0.319636
+0.921546 0.152148 -0.138242 -0.329383
+0.909622 0.212094 -0.116404 -0.337719
+0.893803 0.271132 -0.0940667 -0.344609
+0.874156 0.329009 -0.0713268 -0.350024
+0.850766 0.385477 -0.0482814 -0.353939
+0.823733 0.440295 -0.0250293 -0.356339
+0.793173 0.493227 -0.00166998 -0.357213
+0.759216 0.544047 0.0216965 -0.356558
+0.722008 0.592537 0.04497 -0.354375
+0.681709 0.63849 0.068051 -0.350675
+0.63849 0.681709 0.0908405 -0.345474
+0.592537 0.722008 0.113241 -0.338793
+0.544047 0.759216 0.135157 -0.330661
+0.493227 0.793173 0.156494 -0.321114
+0.440295 0.823733 0.17716 -0.310191
+0.385477 0.850766 0.197069 -0.29794
+0.329009 0.874156 0.216133 -0.284413
+0.271132 0.893803 0.234272 -0.269668
+0.212094 0.909622 0.251407 -0.253769
+0.152148 0.921546 0.267466 -0.236783
+0.09155 0.929524 0.28238 -0.218783
+0.0305602 0.933521 0.296084 -0.199846
+-0.0305604 0.933521 0.308521 -0.180053
+-0.0915502 0.929524 0.319636 -0.159489
+-0.152148 0.921546 0.329383 -0.138242
+-0.212094 0.909622 0.337719 -0.116404
+-0.271132 0.893803 0.344609 -0.0940666
+-0.329009 0.874156 0.350024 -0.0713267
+-0.385477 0.850766 0.353939 -0.0482813
+-0.440295 0.823733 0.356339 -0.0250293
+-0.493227 0.793173 0.357213 -0.00166998
+-0.544047 0.759216 0.356558 0.0216965
+-0.592537 0.722008 0.354375 0.04497
+-0.63849 0.681709 0.350675 0.068051
+-0.681709 0.63849 0.345474 0.0908405
+-0.722008 0.592537 0.338793 0.113241
+-0.759216 0.544047 0.330661 0.135157
+-0.793173 0.493227 0.321114 0.156494
+-0.823733 0.440295 0.310191 0.17716
+-0.850766 0.385477 0.29794 0.197069
+-0.874156 0.329009 0.284413 0.216133
+-0.893803 0.271132 0.269668 0.234272
+-0.909622 0.212094 0.253769 0.251407
+-0.921546 0.152148 0.236783 0.267466
+-0.929524 0.0915501 0.218783 0.28238
+-0.933521 0.0305604 0.199846 0.296084
+0.933521 0.0305603 -0.106886 -0.340851
+0.929524 0.0915501 -0.0843647 -0.347112
+0.921546 0.152148 -0.0614818 -0.351887
+0.909622 0.212094 -0.0383357 -0.355154
+0.893803 0.271132 -0.0150254 -0.356901
+0.874156 0.329009 0.00834917 -0.35712
+0.850766 0.385477 0.031688 -0.355809
+0.823733 0.440295 0.0548912 -0.352975
+0.793173 0.493227 0.0778593 -0.348629
+0.759216 0.544047 0.100494 -0.34279
+0.722008 0.592537 0.122698 -0.335484
+0.681709 0.63849 0.144377 -0.32674
+0.63849 0.681709 0.165438 -0.316598
+0.592537 0.722008 0.18579 -0.3051
+0.544047 0.759216 0.205347 -0.292296
+0.493227 0.793173 0.224025 -0.278239
+0.440295 0.823733 0.241743 -0.262992
+0.385477 0.850766 0.258426 -0.246618
+0.329009 0.874156 0.274002 -0.229188
+0.271132 0.893803 0.288405 -0.210777
+0.212094 0.909622 0.301573 -0.191463
+0.152148 0.921546 0.313449 -0.171329
+0.09155 0.929524 0.323984 -0.150462
+0.0305602 0.933521 0.333131 -0.12895
+-0.0305604 0.933521 0.340851 -0.106886
+-0.0915502 0.929524 0.347112 -0.0843647
+-0.152148 0.921546 0.351887 -0.0614818
+-0.212094 0.909622 0.355154 -0.0383357
+-0.271132 0.893803 0.356901 -0.0150254
+-0.329009 0.874156 0.35712 0.00834923
+-0.385477 0.850766 0.355809 0.0316881
+-0.440295 0.823733 0.352975 0.0548912
+-0.493227 0.793173 0.348629 0.0778593
+-0.544047 0.759216 0.34279 0.100494
+-0.592537 0.722008 0.335484 0.122698
+-0.63849 0.681709 0.32674 0.144377
+-0.681709 0.63849 0.316598 0.165438
+-0.722008 0.592537 0.3051 0.18579
+-0.759216 0.544047 0.292296 0.205347
+-0.793173 0.493227 0.278239 0.224025
+-0.823733 0.440295 0.262992 0.241743
+-0.850766 0.385477 0.246618 0.258425
+-0.874156 0.329009 0.229188 0.274002
+-0.893803 0.271132 0.210777 0.288405
+-0.909622 0.212094 0.191463 0.301573
+-0.921546 0.152148 0.171329 0.313449
+-0.929524 0.0915501 0.150462 0.323984
+-0.933521 0.0305604 0.12895 0.333131
+0.951462 0.0311476 -0.0300115 -0.304712
+0.947388 0.0933095 -0.0100181 -0.306022
+0.939256 0.155072 0.0100181 -0.306022
+0.927103 0.21617 0.0300115 -0.304712
+0.91098 0.276343 0.0498763 -0.302097
+0.890956 0.335332 0.0695276 -0.298188
+0.867117 0.392885 0.0888812 -0.293002
+0.839564 0.448756 0.107854 -0.286561
+0.808416 0.502706 0.126365 -0.278894
+0.773807 0.554502 0.144335 -0.270032
+0.735884 0.603924 0.161687 -0.260014
+0.69481 0.650761 0.178347 -0.248882
+0.65076 0.69481 0.194242 -0.236685
+0.603924 0.735884 0.209307 -0.223474
+0.554502 0.773807 0.223474 -0.209307
+0.502706 0.808416 0.236685 -0.194242
+0.448756 0.839564 0.248882 -0.178347
+0.392885 0.867117 0.260014 -0.161687
+0.335332 0.890956 0.270032 -0.144335
+0.276343 0.91098 0.278894 -0.126365
+0.21617 0.927103 0.286561 -0.107854
+0.155072 0.939256 0.293002 -0.0888811
+0.0933094 0.947388 0.298188 -0.0695276
+0.0311475 0.951462 0.302097 -0.0498763
+-0.0311477 0.951462 0.304712 -0.0300115
+-0.0933096 0.947388 0.306022 -0.0100181
+-0.155072 0.939256 0.306022 0.0100182
+-0.21617 0.927103 0.304712 0.0300115
+-0.276343 0.91098 0.302097 0.0498764
+-0.335332 0.890956 0.298188 0.0695277
+-0.392886 0.867116 0.293002 0.0888812
+-0.448756 0.839564 0.286562 0.107854
+-0.502706 0.808416 0.278894 0.126365
+-0.554502 0.773807 0.270032 0.144335
+-0.603924 0.735884 0.260014 0.161687
+-0.650761 0.69481 0.248882 0.178347
+-0.69481 0.650761 0.236685 0.194242
+-0.735884 0.603924 0.223474 0.209307
+-0.773807 0.554502 0.209307 0.223474
+-0.808416 0.502706 0.194242 0.236685
+-0.839564 0.448756 0.178347 0.248882
+-0.867117 0.392885 0.161687 0.260014
+-0.890956 0.335332 0.144335 0.270032
+-0.91098 0.276343 0.126365 0.278894
+-0.927103 0.21617 0.107854 0.286562
+-0.939256 0.155072 0.0888812 0.293002
+-0.947388 0.0933095 0.0695276 0.298188
+-0.951462 0.0311477 0.0498764 0.302097
+0.951462 0.0311476 -0.107854 -0.286561
+0.947388 0.0933095 -0.0888812 -0.293002
+0.939256 0.155072 -0.0695276 -0.298188
+0.927103 0.21617 -0.0498763 -0.302097
+0.91098 0.276343 -0.0300115 -0.304712
+0.890956 0.335332 -0.0100181 -0.306022
+0.867117 0.392885 0.0100181 -0.306022
+0.839564 0.448756 0.0300115 -0.304712
+0.808416 0.502706 0.0498764 -0.302097
+0.773807 0.554502 0.0695276 -0.298188
+0.735884 0.603924 0.0888812 -0.293002
+0.69481 0.650761 0.107854 -0.286561
+0.65076 0.69481 0.126365 -0.278894
+0.603924 0.735884 0.144335 -0.270032
+0.554502 0.773807 0.161687 -0.260014
+0.502706 0.808416 0.178347 -0.248882
+0.448756 0.839564 0.194242 -0.236685
+0.392885 0.867117 0.209307 -0.223474
+0.335332 0.890956 0.223474 -0.209307
+0.276343 0.91098 0.236685 -0.194242
+0.21617 0.927103 0.248882 -0.178347
+0.155072 0.939256 0.260014 -0.161687
+0.0933094 0.947388 0.270032 -0.144335
+0.0311475 0.951462 0.278894 -0.126365
+-0.0311477 0.951462 0.286562 -0.107854
+-0.0933096 0.947388 0.293002 -0.0888811
+-0.155072 0.939256 0.298188 -0.0695276
+-0.21617 0.927103 0.302097 -0.0498763
+-0.276343 0.91098 0.304712 -0.0300114
+-0.335332 0.890956 0.306022 -0.0100181
+-0.392886 0.867116 0.306022 0.0100182
+-0.448756 0.839564 0.304712 0.0300115
+-0.502706 0.808416 0.302097 0.0498763
+-0.554502 0.773807 0.298188 0.0695277
+-0.603924 0.735884 0.293002 0.0888812
+-0.650761 0.69481 0.286561 0.107854
+-0.69481 0.650761 0.278894 0.126365
+-0.735884 0.603924 0.270032 0.144335
+-0.773807 0.554502 0.260014 0.161687
+-0.808416 0.502706 0.248882 0.178347
+-0.839564 0.448756 0.236685 0.194242
+-0.867117 0.392885 0.223474 0.209307
+-0.890956 0.335332 0.209307 0.223474
+-0.91098 0.276343 0.194242 0.236685
+-0.927103 0.21617 0.178347 0.248882
+-0.939256 0.155072 0.161687 0.260014
+-0.947388 0.0933095 0.144335 0.270032
+-0.951462 0.0311477 0.126365 0.278894
+0.966382 0.0316361 -0.031648 -0.253185
+0.962244 0.0947728 -0.0150212 -0.254713
+0.953986 0.157504 0.00166997 -0.25515
+0.941642 0.21956 0.018354 -0.254494
+0.925266 0.280676 0.0349594 -0.252749
+0.904928 0.340591 0.0514151 -0.249921
+0.880714 0.399046 0.0676507 -0.246023
+0.85273 0.455794 0.0835965 -0.241072
+0.821094 0.510589 0.0991844 -0.235089
+0.785942 0.563198 0.114348 -0.228098
+0.747424 0.613395 0.129021 -0.220131
+0.705706 0.660965 0.143142 -0.211221
+0.660965 0.705706 0.15665 -0.201407
+0.613395 0.747424 0.169487 -0.190731
+0.563198 0.785942 0.181599 -0.179237
+0.510589 0.821094 0.192933 -0.166976
+0.455793 0.85273 0.203441 -0.154
+0.399046 0.880714 0.213077 -0.140365
+0.340591 0.904928 0.221801 -0.126129
+0.280676 0.925266 0.229575 -0.111352
+0.21956 0.941642 0.236367 -0.0960987
+0.157504 0.953986 0.242146 -0.0804338
+0.0947727 0.962244 0.246888 -0.0644245
+0.031636 0.966382 0.250573 -0.0481393
+-0.0316362 0.966382 0.253185 -0.031648
+-0.0947729 0.962244 0.254713 -0.0150212
+-0.157504 0.953986 0.25515 0.00166999
+-0.21956 0.941642 0.254494 0.018354
+-0.280676 0.925266 0.252749 0.0349595
+-0.340591 0.904927 0.249921 0.0514152
+-0.399047 0.880714 0.246023 0.0676507
+-0.455793 0.85273 0.241072 0.0835965
+-0.510589 0.821094 0.235089 0.0991844
+-0.563198 0.785941 0.228098 0.114348
+-0.613395 0.747424 0.220131 0.129021
+-0.660966 0.705706 0.211221 0.143142
+-0.705706 0.660966 0.201407 0.15665
+-0.747424 0.613395 0.190731 0.169487
+-0.785942 0.563198 0.179237 0.181599
+-0.821094 0.510589 0.166976 0.192933
+-0.85273 0.455794 0.154 0.20344
+-0.880714 0.399046 0.140365 0.213077
+-0.904928 0.340591 0.126129 0.221801
+-0.925266 0.280676 0.111352 0.229575
+-0.941642 0.21956 0.0960987 0.236367
+-0.953986 0.157504 0.0804339 0.242146
+-0.962244 0.0947727 0.0644245 0.246888
+-0.966382 0.0316362 0.0481394 0.250573
+0.841175 0.0275372 -0.491923 -0.222887
+0.837573 0.0824937 -0.476292 -0.254583
+0.830384 0.137097 -0.458622 -0.285189
+0.81964 0.191113 -0.438987 -0.314574
+0.805385 0.244311 -0.417473 -0.342612
+0.787682 0.296463 -0.394172 -0.369182
+0.766606 0.347345 -0.369182 -0.394172
+0.742247 0.396739 -0.342612 -0.417473
+0.71471 0.444435 -0.314574 -0.438987
+0.684112 0.490228 -0.285189 -0.458622
+0.650585 0.533921 -0.254583 -0.476292
+0.614272 0.575329 -0.222887 -0.491923
+0.575329 0.614272 -0.190237 -0.505447
+0.533922 0.650585 -0.156772 -0.516807
+0.490228 0.684112 -0.122635 -0.525954
+0.444435 0.71471 -0.0879736 -0.532848
+0.396739 0.742247 -0.0529353 -0.537461
+0.347345 0.766606 -0.0176703 -0.539773
+0.296463 0.787682 0.0176704 -0.539773
+0.244311 0.805385 0.0529353 -0.537461
+0.191113 0.81964 0.0879736 -0.532848
+0.137097 0.830384 0.122635 -0.525954
+0.0824936 0.837573 0.156772 -0.516807
+0.0275371 0.841175 0.190237 -0.505447
+-0.0275373 0.841175 0.222887 -0.491923
+-0.0824938 0.837573 0.254583 -0.476292
+-0.137097 0.830384 0.285189 -0.458622
+-0.191113 0.81964 0.314574 -0.438987
+-0.244311 0.805385 0.342612 -0.417473
+-0.296463 0.787682 0.369182 -0.394172
+-0.347345 0.766606 0.394172 -0.369182
+-0.396739 0.742247 0.417473 -0.342612
+-0.444435 0.71471 0.438987 -0.314574
+-0.490228 0.684112 0.458622 -0.285189
+-0.533921 0.650585 0.476292 -0.254583
+-0.575329 0.614272 0.491923 -0.222887
+-0.614272 0.575329 0.505447 -0.190237
+-0.650585 0.533921 0.516807 -0.156772
+-0.684112 0.490228 0.525954 -0.122635
+-0.71471 0.444435 0.532848 -0.0879736
+-0.742247 0.39674 0.537461 -0.0529354
+-0.766606 0.347345 0.539773 -0.0176703
+-0.787682 0.296463 0.539773 0.0176704
+-0.805385 0.244311 0.537461 0.0529353
+-0.81964 0.191113 0.532848 0.0879736
+-0.830384 0.137097 0.525954 0.122635
+-0.837573 0.0824937 0.516807 0.156772
+-0.841175 0.0275373 0.505447 0.190237
+0.865562 0.0283356 -0.433013 -0.25
+0.861855 0.0848853 -0.415735 -0.277785
+0.854458 0.141072 -0.396677 -0.304381
+0.843402 0.196654 -0.37592 -0.329673
+0.828735 0.251394 -0.353553 -0.353553
+0.810518 0.305057 -0.329673 -0.37592
+0.788831 0.357415 -0.304381 -0.396677
+0.763766 0.408242 -0.277785 -0.415735
+0.735431 0.45732 -0.25 -0.433013
+0.703946 0.50444 -0.221144 -0.448436
+0.669447 0.549401 -0.191342 -0.46194
+0.632081 0.592008 -0.16072 -0.473465
+0.592008 0.632081 -0.12941 -0.482963
+0.549401 0.669447 -0.0975452 -0.490393
+0.50444 0.703946 -0.0652631 -0.495722
+0.45732 0.735431 -0.0327015 -0.498929
+0.408241 0.763766 4.11028e-08 -0.5
+0.357415 0.788831 0.0327016 -0.498929
+0.305057 0.810518 0.0652631 -0.495722
+0.251394 0.828735 0.0975452 -0.490393
+0.196654 0.843402 0.12941 -0.482963
+0.141072 0.854458 0.16072 -0.473465
+0.0848852 0.861855 0.191342 -0.46194
+0.0283355 0.865562 0.221144 -0.448436
+-0.0283356 0.865562 0.25 -0.433013
+-0.0848854 0.861855 0.277785 -0.415735
+-0.141072 0.854458 0.304381 -0.396677
+-0.196654 0.843402 0.329673 -0.37592
+-0.251394 0.828735 0.353553 -0.353553
+-0.305058 0.810518 0.37592 -0.329673
+-0.357415 0.788831 0.396677 -0.304381
+-0.408241 0.763766 0.415735 -0.277785
+-0.45732 0.735431 0.433013 -0.25
+-0.504441 0.703946 0.448436 -0.221144
+-0.549401 0.669447 0.46194 -0.191342
+-0.592008 0.632081 0.473465 -0.16072
+-0.632081 0.592008 0.482963 -0.12941
+-0.669447 0.549401 0.490393 -0.0975451
+-0.703946 0.504441 0.495722 -0.0652631
+-0.735431 0.45732 0.498929 -0.0327016
+-0.763766 0.408242 0.5 -5.62508e-08
+-0.788831 0.357415 0.498929 0.0327016
+-0.810518 0.305057 0.495722 0.0652631
+-0.828735 0.251394 0.490393 0.0975451
+-0.843402 0.196654 0.482963 0.12941
+-0.854458 0.141072 0.473465 0.16072
+-0.861855 0.0848853 0.46194 0.191342
+-0.865562 0.0283356 0.448436 0.221144
+0.865562 0.0283356 -0.473465 -0.16072
+0.861855 0.0848853 -0.46194 -0.191342
+0.854458 0.141072 -0.448436 -0.221144
+0.843402 0.196654 -0.433013 -0.25
+0.828735 0.251394 -0.415735 -0.277785
+0.810518 0.305057 -0.396677 -0.304381
+0.788831 0.357415 -0.37592 -0.329673
+0.763766 0.408242 -0.353553 -0.353553
+0.735431 0.45732 -0.329673 -0.37592
+0.703946 0.50444 -0.304381 -0.396677
+0.669447 0.549401 -0.277785 -0.415735
+0.632081 0.592008 -0.25 -0.433013
+0.592008 0.632081 -0.221144 -0.448436
+0.549401 0.669447 -0.191342 -0.46194
+0.50444 0.703946 -0.16072 -0.473465
+0.45732 0.735431 -0.129409 -0.482963
+0.408241 0.763766 -0.0975451 -0.490393
+0.357415 0.788831 -0.0652631 -0.495722
+0.305057 0.810518 -0.0327015 -0.498929
+0.251394 0.828735 2.1483e-08 -0.5
+0.196654 0.843402 0.0327016 -0.498929
+0.141072 0.854458 0.0652632 -0.495722
+0.0848852 0.861855 0.0975452 -0.490393
+0.0283355 0.865562 0.12941 -0.482963
+-0.0283356 0.865562 0.16072 -0.473465
+-0.0848854 0.861855 0.191342 -0.46194
+-0.141072 0.854458 0.221144 -0.448436
+-0.196654 0.843402 0.25 -0.433013
+-0.251394 0.828735 0.277785 -0.415735
+-0.305058 0.810518 0.304381 -0.396677
+-0.357415 0.788831 0.329673 -0.37592
+-0.408241 0.763766 0.353553 -0.353553
+-0.45732 0.735431 0.37592 -0.329673
+-0.504441 0.703946 0.396677 -0.304381
+-0.549401 0.669447 0.415735 -0.277785
+-0.592008 0.632081 0.433013 -0.25
+-0.632081 0.592008 0.448436 -0.221144
+-0.669447 0.549401 0.46194 -0.191342
+-0.703946 0.504441 0.473465 -0.16072
+-0.735431 0.45732 0.482963 -0.12941
+-0.763766 0.408242 0.490393 -0.0975452
+-0.788831 0.357415 0.495722 -0.0652631
+-0.810518 0.305057 0.498929 -0.0327015
+-0.828735 0.251394 0.5 -1.62659e-08
+-0.843402 0.196654 0.498929 0.0327016
+-0.854458 0.141072 0.495722 0.0652631
+-0.861855 0.0848853 0.490393 0.0975452
+-0.865562 0.0283356 0.482963 0.129409
+0.88928 0.029112 -0.415751 -0.188374
+0.885472 0.0872114 -0.40254 -0.215162
+0.877872 0.144937 -0.387606 -0.241029
+0.866513 0.202043 -0.371012 -0.265863
+0.851444 0.258283 -0.352829 -0.28956
+0.832728 0.313417 -0.333136 -0.312016
+0.810447 0.367209 -0.312016 -0.333136
+0.784695 0.419428 -0.28956 -0.352829
+0.755583 0.469852 -0.265863 -0.371012
+0.723236 0.518263 -0.241029 -0.387606
+0.687791 0.564456 -0.215162 -0.40254
+0.649401 0.608231 -0.188374 -0.415751
+0.608231 0.649401 -0.160779 -0.427181
+0.564456 0.687791 -0.132496 -0.436782
+0.518263 0.723236 -0.103646 -0.444512
+0.469852 0.755583 -0.0743512 -0.450339
+0.419428 0.784695 -0.0447385 -0.454238
+0.367209 0.810447 -0.0149341 -0.456191
+0.313417 0.832728 0.0149342 -0.456191
+0.258283 0.851444 0.0447385 -0.454238
+0.202043 0.866513 0.0743513 -0.450339
+0.144937 0.877872 0.103646 -0.444512
+0.0872113 0.885472 0.132496 -0.436781
+0.0291119 0.88928 0.160779 -0.427181
+-0.0291121 0.88928 0.188374 -0.415751
+-0.0872115 0.885472 0.215162 -0.40254
+-0.144937 0.877872 0.241029 -0.387606
+-0.202043 0.866513 0.265863 -0.371012
+-0.258283 0.851444 0.28956 -0.352829
+-0.313417 0.832728 0.312016 -0.333136
+-0.367209 0.810447 0.333136 -0.312016
+-0.419428 0.784695 0.352829 -0.28956
+-0.469852 0.755583 0.371012 -0.265863
+-0.518263 0.723236 0.387606 -0.241029
+-0.564456 0.687791 0.40254 -0.215162
+-0.608231 0.649401 0.415751 -0.188374
+-0.649401 0.608231 0.427181 -0.160779
+-0.687791 0.564456 0.436782 -0.132496
+-0.723236 0.518263 0.444512 -0.103646
+-0.755583 0.469852 0.450339 -0.0743513
+-0.784695 0.419428 0.454238 -0.0447386
+-0.810447 0.367209 0.456191 -0.0149342
+-0.832728 0.313417 0.456191 0.0149342
+-0.851444 0.258283 0.454238 0.0447385
+-0.866513 0.202043 0.450339 0.0743513
+-0.877872 0.144937 0.444512 0.103646
+-0.885472 0.0872113 0.436782 0.132496
+-0.88928 0.0291121 0.427181 0.160779
+0.88928 0.029112 -0.371012 -0.265863
+0.885472 0.0872114 -0.352829 -0.28956
+0.877872 0.144937 -0.333136 -0.312016
+0.866513 0.202043 -0.312016 -0.333136
+0.851444 0.258283 -0.28956 -0.352829
+0.832728 0.313417 -0.265863 -0.371012
+0.810447 0.367209 -0.241029 -0.387606
+0.784695 0.419428 -0.215162 -0.40254
+0.755583 0.469852 -0.188374 -0.415751
+0.723236 0.518263 -0.160779 -0.427181
+0.687791 0.564456 -0.132496 -0.436782
+0.649401 0.608231 -0.103646 -0.444512
+0.608231 0.649401 -0.0743513 -0.450339
+0.564456 0.687791 -0.0447385 -0.454238
+0.518263 0.723236 -0.0149341 -0.456191
+0.469852 0.755583 0.0149342 -0.456191
+0.419428 0.784695 0.0447385 -0.454238
+0.367209 0.810447 0.0743513 -0.450339
+0.313417 0.832728 0.103646 -0.444512
+0.258283 0.851444 0.132496 -0.436782
+0.202043 0.866513 0.160779 -0.427181
+0.144937 0.877872 0.188374 -0.415751
+0.0872113 0.885472 0.215162 -0.40254
+0.0291119 0.88928 0.241029 -0.387606
+-0.0291121 0.88928 0.265864 -0.371012
+-0.0872115 0.885472 0.28956 -0.352829
+-0.144937 0.877872 0.312016 -0.333136
+-0.202043 0.866513 0.333136 -0.312016
+-0.258283 0.851444 0.352829 -0.28956
+-0.313417 0.832728 0.371012 -0.265863
+-0.367209 0.810447 0.387606 -0.241029
+-0.419428 0.784695 0.40254 -0.215162
+-0.469852 0.755583 0.415751 -0.188374
+-0.518263 0.723236 0.427181 -0.160779
+-0.564456 0.687791 0.436782 -0.132496
+-0.608231 0.649401 0.444512 -0.103646
+-0.649401 0.608231 0.450339 -0.0743513
+-0.687791 0.564456 0.454238 -0.0447385
+-0.723236 0.518263 0.456191 -0.0149342
+-0.755583 0.469852 0.456191 0.0149342
+-0.784695 0.419428 0.454238 0.0447384
+-0.810447 0.367209 0.450339 0.0743513
+-0.832728 0.313417 0.444512 0.103646
+-0.851444 0.258283 0.436782 0.132496
+-0.866513 0.202043 0.427181 0.160779
+-0.877872 0.144937 0.415751 0.188374
+-0.885472 0.0872113 0.40254 0.215162
+-0.88928 0.0291121 0.387606 0.241029
+0.912382 0.0298683 -0.306937 -0.269177
+0.908475 0.089477 -0.288675 -0.288675
+0.900678 0.148703 -0.269177 -0.306937
+0.889024 0.207291 -0.248526 -0.323885
+0.873563 0.264992 -0.226811 -0.339446
+0.854361 0.321559 -0.204124 -0.353553
+0.831501 0.376748 -0.180564 -0.366147
+0.80508 0.430324 -0.15623 -0.377172
+0.775212 0.482058 -0.131227 -0.386583
+0.742024 0.531727 -0.105662 -0.394338
+0.705659 0.579119 -0.0796453 -0.400404
+0.666272 0.624032 -0.0532871 -0.404756
+0.624032 0.666272 -0.0267007 -0.407374
+0.579119 0.705659 9.12808e-10 -0.408248
+0.531727 0.742024 0.0267007 -0.407374
+0.482058 0.775212 0.0532871 -0.404756
+0.430324 0.80508 0.0796453 -0.400404
+0.376748 0.831501 0.105662 -0.394338
+0.321559 0.854361 0.131227 -0.386583
+0.264992 0.873563 0.15623 -0.377172
+0.207291 0.889024 0.180564 -0.366147
+0.148702 0.900678 0.204124 -0.353553
+0.0894769 0.908475 0.226811 -0.339446
+0.0298682 0.912382 0.248526 -0.323885
+-0.0298684 0.912382 0.269177 -0.306937
+-0.0894771 0.908475 0.288675 -0.288675
+-0.148703 0.900678 0.306937 -0.269177
+-0.207291 0.889024 0.323885 -0.248526
+-0.264993 0.873563 0.339446 -0.226811
+-0.321559 0.854361 0.353553 -0.204124
+-0.376748 0.831501 0.366147 -0.180564
+-0.430324 0.80508 0.377172 -0.15623
+-0.482058 0.775212 0.386583 -0.131227
+-0.531727 0.742024 0.394338 -0.105662
+-0.579119 0.705659 0.400404 -0.0796453
+-0.624032 0.666272 0.404756 -0.0532871
+-0.666272 0.624032 0.407374 -0.0267007
+-0.705659 0.579119 0.408248 1.87579e-08
+-0.742024 0.531727 0.407374 0.0267007
+-0.775212 0.482058 0.404756 0.0532871
+-0.80508 0.430324 0.400404 0.0796452
+-0.831501 0.376748 0.394338 0.105662
+-0.854361 0.321559 0.386583 0.131227
+-0.873563 0.264992 0.377172 0.15623
+-0.889024 0.207291 0.366147 0.180564
+-0.900678 0.148703 0.353553 0.204124
+-0.908475 0.089477 0.339446 0.226811
+-0.912382 0.0298684 0.323885 0.248526
+0.912382 0.0298683 -0.353553 -0.204124
+0.908475 0.089477 -0.339446 -0.226811
+0.900678 0.148703 -0.323885 -0.248526
+0.889024 0.207291 -0.306937 -0.269177
+0.873563 0.264992 -0.288675 -0.288675
+0.854361 0.321559 -0.269177 -0.306937
+0.831501 0.376748 -0.248526 -0.323885
+0.80508 0.430324 -0.226811 -0.339446
+0.775212 0.482058 -0.204124 -0.353553
+0.742024 0.531727 -0.180564 -0.366147
+0.705659 0.579119 -0.15623 -0.377172
+0.666272 0.624032 -0.131227 -0.386583
+0.624032 0.666272 -0.105662 -0.394338
+0.579119 0.705659 -0.0796453 -0.400404
+0.531727 0.742024 -0.0532871 -0.404756
+0.482058 0.775212 -0.0267007 -0.407374
+0.430324 0.80508 3.35603e-08 -0.408248
+0.376748 0.831501 0.0267007 -0.407374
+0.321559 0.854361 0.0532871 -0.404756
+0.264992 0.873563 0.0796453 -0.400404
+0.207291 0.889024 0.105662 -0.394338
+0.148702 0.900678 0.131227 -0.386583
+0.0894769 0.908475 0.15623 -0.377172
+0.0298682 0.912382 0.180564 -0.366147
+-0.0298684 0.912382 0.204124 -0.353553
+-0.0894771 0.908475 0.226811 -0.339446
+-0.148703 0.900678 0.248526 -0.323885
+-0.207291 0.889024 0.269177 -0.306937
+-0.264993 0.873563 0.288675 -0.288675
+-0.321559 0.854361 0.306937 -0.269177
+-0.376748 0.831501 0.323885 -0.248526
+-0.430324 0.80508 0.339446 -0.226811
+-0.482058 0.775212 0.353553 -0.204124
+-0.531727 0.742024 0.366147 -0.180564
+-0.579119 0.705659 0.377172 -0.15623
+-0.624032 0.666272 0.386583 -0.131227
+-0.666272 0.624032 0.394338 -0.105662
+-0.705659 0.579119 0.400404 -0.0796453
+-0.742024 0.531727 0.404756 -0.0532871
+-0.775212 0.482058 0.407374 -0.0267007
+-0.80508 0.430324 0.408248 -4.59286e-08
+-0.831501 0.376748 0.407374 0.0267007
+-0.854361 0.321559 0.404756 0.0532871
+-0.873563 0.264992 0.400404 0.0796453
+-0.889024 0.207291 0.394338 0.105662
+-0.900678 0.148703 0.386583 0.131227
+-0.908475 0.089477 0.377172 0.15623
+-0.912382 0.0298684 0.366147 0.180564
+0.933521 0.0305603 -0.296084 -0.199846
+0.929524 0.0915501 -0.28238 -0.218783
+0.921546 0.152148 -0.267466 -0.236783
+0.909622 0.212094 -0.251407 -0.253769
+0.893803 0.271132 -0.234272 -0.269668
+0.874156 0.329009 -0.216133 -0.284413
+0.850766 0.385477 -0.197069 -0.29794
+0.823733 0.440295 -0.17716 -0.310191
+0.793173 0.493227 -0.156494 -0.321114
+0.759216 0.544047 -0.135157 -0.330661
+0.722008 0.592537 -0.113241 -0.338793
+0.681709 0.63849 -0.0908405 -0.345474
+0.63849 0.681709 -0.068051 -0.350675
+0.592537 0.722008 -0.04497 -0.354375
+0.544047 0.759216 -0.0216964 -0.356558
+0.493227 0.793173 0.00167001 -0.357213
+0.440295 0.823733 0.0250293 -0.356339
+0.385477 0.850766 0.0482814 -0.353939
+0.329009 0.874156 0.0713268 -0.350024
+0.271132 0.893803 0.0940667 -0.344609
+0.212094 0.909622 0.116404 -0.337719
+0.152148 0.921546 0.138243 -0.329383
+0.09155 0.929524 0.159489 -0.319636
+0.0305602 0.933521 0.180053 -0.308521
+-0.0305604 0.933521 0.199846 -0.296084
+-0.0915502 0.929524 0.218783 -0.28238
+-0.152148 0.921546 0.236783 -0.267466
+-0.212094 0.909622 0.253769 -0.251407
+-0.271132 0.893803 0.269668 -0.234272
+-0.329009 0.874156 0.284413 -0.216133
+-0.385477 0.850766 0.29794 -0.197069
+-0.440295 0.823733 0.310191 -0.17716
+-0.493227 0.793173 0.321114 -0.156494
+-0.544047 0.759216 0.330661 -0.135157
+-0.592537 0.722008 0.338793 -0.113241
+-0.63849 0.681709 0.345474 -0.0908405
+-0.681709 0.63849 0.350675 -0.068051
+-0.722008 0.592537 0.354375 -0.04497
+-0.759216 0.544047 0.356558 -0.0216965
+-0.793173 0.493227 0.357213 0.00166999
+-0.823733 0.440295 0.356339 0.0250292
+-0.850766 0.385477 0.353939 0.0482814
+-0.874156 0.329009 0.350024 0.0713268
+-0.893803 0.271132 0.344609 0.0940667
+-0.909622 0.212094 0.337719 0.116404
+-0.921546 0.152148 0.329383 0.138242
+-0.929524 0.0915501 0.319636 0.159489
+-0.933521 0.0305604 0.308521 0.180053
+0.88928 0.029112 -0.444512 -0.103646
+0.885472 0.0872114 -0.436782 -0.132496
+0.877872 0.144937 -0.427181 -0.160779
+0.866513 0.202043 -0.415751 -0.188374
+0.851444 0.258283 -0.40254 -0.215162
+0.832728 0.313417 -0.387606 -0.241029
+0.810447 0.367209 -0.371012 -0.265863
+0.784695 0.419428 -0.352829 -0.28956
+0.755583 0.469852 -0.333136 -0.312016
+0.723236 0.518263 -0.312016 -0.333136
+0.687791 0.564456 -0.28956 -0.352829
+0.649401 0.608231 -0.265863 -0.371012
+0.608231 0.649401 -0.241029 -0.387606
+0.564456 0.687791 -0.215162 -0.40254
+0.518263 0.723236 -0.188374 -0.415751
+0.469852 0.755583 -0.160779 -0.427181
+0.419428 0.784695 -0.132496 -0.436782
+0.367209 0.810447 -0.103646 -0.444512
+0.313417 0.832728 -0.0743512 -0.450339
+0.258283 0.851444 -0.0447385 -0.454238
+0.202043 0.866513 -0.0149341 -0.456191
+0.144937 0.877872 0.0149342 -0.456191
+0.0872113 0.885472 0.0447386 -0.454238
+0.0291119 0.88928 0.0743513 -0.450339
+-0.0291121 0.88928 0.103646 -0.444512
+-0.0872115 0.885472 0.132496 -0.436781
+-0.144937 0.877872 0.160779 -0.427181
+-0.202043 0.866513 0.188374 -0.415751
+-0.258283 0.851444 0.215162 -0.40254
+-0.313417 0.832728 0.241029 -0.387606
+-0.367209 0.810447 0.265864 -0.371012
+-0.419428 0.784695 0.28956 -0.352829
+-0.469852 0.755583 0.312016 -0.333136
+-0.518263 0.723236 0.333136 -0.312016
+-0.564456 0.687791 0.352829 -0.28956
+-0.608231 0.649401 0.371012 -0.265863
+-0.649401 0.608231 0.387606 -0.241029
+-0.687791 0.564456 0.40254 -0.215162
+-0.723236 0.518263 0.415751 -0.188374
+-0.755583 0.469852 0.427181 -0.160779
+-0.784695 0.419428 0.436781 -0.132496
+-0.810447 0.367209 0.444512 -0.103646
+-0.832728 0.313417 0.450339 -0.0743512
+-0.851444 0.258283 0.454238 -0.0447385
+-0.866513 0.202043 0.456191 -0.0149341
+-0.877872 0.144937 0.456191 0.0149341
+-0.885472 0.0872113 0.454238 0.0447385
+-0.88928 0.0291121 0.450339 0.0743512
+0.912382 0.0298683 -0.386583 -0.131227
+0.908475 0.089477 -0.377172 -0.15623
+0.900678 0.148703 -0.366147 -0.180564
+0.889024 0.207291 -0.353553 -0.204124
+0.873563 0.264992 -0.339446 -0.226811
+0.854361 0.321559 -0.323885 -0.248526
+0.831501 0.376748 -0.306937 -0.269177
+0.80508 0.430324 -0.288675 -0.288675
+0.775212 0.482058 -0.269177 -0.306937
+0.742024 0.531727 -0.248526 -0.323885
+0.705659 0.579119 -0.226811 -0.339446
+0.666272 0.624032 -0.204124 -0.353553
+0.624032 0.666272 -0.180564 -0.366147
+0.579119 0.705659 -0.15623 -0.377172
+0.531727 0.742024 -0.131227 -0.386583
+0.482058 0.775212 -0.105662 -0.394338
+0.430324 0.80508 -0.0796453 -0.400404
+0.376748 0.831501 -0.0532871 -0.404756
+0.321559 0.854361 -0.0267007 -0.407374
+0.264992 0.873563 1.75408e-08 -0.408248
+0.207291 0.889024 0.0267007 -0.407374
+0.148702 0.900678 0.0532871 -0.404756
+0.0894769 0.908475 0.0796453 -0.400404
+0.0298682 0.912382 0.105662 -0.394338
+-0.0298684 0.912382 0.131227 -0.386583
+-0.0894771 0.908475 0.15623 -0.377172
+-0.148703 0.900678 0.180564 -0.366147
+-0.207291 0.889024 0.204124 -0.353553
+-0.264993 0.873563 0.226811 -0.339446
+-0.321559 0.854361 0.248526 -0.323885
+-0.376748 0.831501 0.269177 -0.306937
+-0.430324 0.80508 0.288675 -0.288675
+-0.482058 0.775212 0.306937 -0.269177
+-0.531727 0.742024 0.323885 -0.248526
+-0.579119 0.705659 0.339446 -0.226811
+-0.624032 0.666272 0.353553 -0.204124
+-0.666272 0.624032 0.366147 -0.180564
+-0.705659 0.579119 0.377172 -0.15623
+-0.742024 0.531727 0.386583 -0.131227
+-0.775212 0.482058 0.394338 -0.105662
+-0.80508 0.430324 0.400404 -0.0796453
+-0.831501 0.376748 0.404756 -0.0532871
+-0.854361 0.321559 0.407374 -0.0267007
+-0.873563 0.264992 0.408248 -1.32811e-08
+-0.889024 0.207291 0.407374 0.0267007
+-0.900678 0.148703 0.404756 0.0532871
+-0.908475 0.089477 0.400404 0.0796453
+-0.912382 0.0298684 0.394338 0.105662
+0.912382 0.0298683 -0.404756 -0.0532871
+0.908475 0.089477 -0.400404 -0.0796453
+0.900678 0.148703 -0.394338 -0.105662
+0.889024 0.207291 -0.386583 -0.131227
+0.873563 0.264992 -0.377172 -0.15623
+0.854361 0.321559 -0.366147 -0.180564
+0.831501 0.376748 -0.353553 -0.204124
+0.80508 0.430324 -0.339446 -0.226811
+0.775212 0.482058 -0.323885 -0.248526
+0.742024 0.531727 -0.306937 -0.269177
+0.705659 0.579119 -0.288675 -0.288675
+0.666272 0.624032 -0.269177 -0.306937
+0.624032 0.666272 -0.248526 -0.323885
+0.579119 0.705659 -0.226811 -0.339446
+0.531727 0.742024 -0.204124 -0.353553
+0.482058 0.775212 -0.180564 -0.366147
+0.430324 0.80508 -0.15623 -0.377172
+0.376748 0.831501 -0.131227 -0.386583
+0.321559 0.854361 -0.105662 -0.394338
+0.264992 0.873563 -0.0796453 -0.400404
+0.207291 0.889024 -0.0532871 -0.404756
+0.148702 0.900678 -0.0267007 -0.407374
+0.0894769 0.908475 5.01883e-08 -0.408248
+0.0298682 0.912382 0.0267008 -0.407374
+-0.0298684 0.912382 0.0532871 -0.404756
+-0.0894771 0.908475 0.0796453 -0.400404
+-0.148703 0.900678 0.105662 -0.394338
+-0.207291 0.889024 0.131227 -0.386583
+-0.264993 0.873563 0.15623 -0.377172
+-0.321559 0.854361 0.180564 -0.366147
+-0.376748 0.831501 0.204124 -0.353553
+-0.430324 0.80508 0.226811 -0.339446
+-0.482058 0.775212 0.248526 -0.323885
+-0.531727 0.742024 0.269177 -0.306937
+-0.579119 0.705659 0.288675 -0.288675
+-0.624032 0.666272 0.306937 -0.269177
+-0.666272 0.624032 0.323885 -0.248526
+-0.705659 0.579119 0.339446 -0.226811
+-0.742024 0.531727 0.353553 -0.204124
+-0.775212 0.482058 0.366147 -0.180564
+-0.80508 0.430324 0.377172 -0.15623
+-0.831501 0.376748 0.386583 -0.131227
+-0.854361 0.321559 0.394338 -0.105662
+-0.873563 0.264992 0.400404 -0.0796453
+-0.889024 0.207291 0.404756 -0.0532871
+-0.900678 0.148703 0.407374 -0.0267007
+-0.908475 0.089477 0.408248 1.93664e-08
+-0.912382 0.0298684 0.407374 0.0267007
+0.933521 0.0305603 -0.353472 -0.0515886
+0.929524 0.0915501 -0.349342 -0.0745963
+0.921546 0.152148 -0.343715 -0.0972846
+0.909622 0.212094 -0.336616 -0.119556
+0.893803 0.271132 -0.328076 -0.141316
+0.874156 0.329009 -0.318131 -0.162471
+0.850766 0.385477 -0.306824 -0.18293
+0.823733 0.440295 -0.294203 -0.202605
+0.793173 0.493227 -0.280322 -0.221413
+0.759216 0.544047 -0.265241 -0.239273
+0.722008 0.592537 -0.249023 -0.256108
+0.681709 0.63849 -0.23174 -0.271847
+0.63849 0.681709 -0.213464 -0.286421
+0.592537 0.722008 -0.194274 -0.299769
+0.544047 0.759216 -0.174252 -0.311834
+0.493227 0.793173 -0.153484 -0.322563
+0.440295 0.823733 -0.132059 -0.33191
+0.385477 0.850766 -0.110068 -0.339837
+0.329009 0.874156 -0.0876064 -0.346308
+0.271132 0.893803 -0.0647692 -0.351296
+0.212094 0.909622 -0.0416547 -0.35478
+0.152148 0.921546 -0.0183617 -0.356745
+0.09155 0.929524 0.00500984 -0.357182
+0.0305602 0.933521 0.0283599 -0.35609
+-0.0305604 0.933521 0.0515886 -0.353472
+-0.0915502 0.929524 0.0745963 -0.349342
+-0.152148 0.921546 0.0972847 -0.343715
+-0.212094 0.909622 0.119556 -0.336616
+-0.271132 0.893803 0.141316 -0.328076
+-0.329009 0.874156 0.162471 -0.318131
+-0.385477 0.850766 0.18293 -0.306824
+-0.440295 0.823733 0.202605 -0.294203
+-0.493227 0.793173 0.221413 -0.280322
+-0.544047 0.759216 0.239273 -0.265241
+-0.592537 0.722008 0.256108 -0.249023
+-0.63849 0.681709 0.271847 -0.23174
+-0.681709 0.63849 0.286421 -0.213464
+-0.722008 0.592537 0.299769 -0.194274
+-0.759216 0.544047 0.311834 -0.174252
+-0.793173 0.493227 0.322563 -0.153484
+-0.823733 0.440295 0.33191 -0.132059
+-0.850766 0.385477 0.339837 -0.110069
+-0.874156 0.329009 0.346308 -0.0876064
+-0.893803 0.271132 0.351296 -0.0647693
+-0.909622 0.212094 0.35478 -0.0416547
+-0.921546 0.152148 0.356745 -0.0183618
+-0.929524 0.0915501 0.357182 0.00500981
+-0.933521 0.0305604 0.35609 0.0283599
+0.933521 0.0305603 -0.333131 -0.12895
+0.929524 0.0915501 -0.323984 -0.150462
+0.921546 0.152148 -0.313449 -0.171329
+0.909622 0.212094 -0.301573 -0.191463
+0.893803 0.271132 -0.288405 -0.210777
+0.874156 0.329009 -0.274002 -0.229188
+0.850766 0.385477 -0.258425 -0.246618
+0.823733 0.440295 -0.241743 -0.262992
+0.793173 0.493227 -0.224025 -0.278239
+0.759216 0.544047 -0.205347 -0.292296
+0.722008 0.592537 -0.18579 -0.3051
+0.681709 0.63849 -0.165438 -0.316598
+0.63849 0.681709 -0.144377 -0.32674
+0.592537 0.722008 -0.122698 -0.335484
+0.544047 0.759216 -0.100494 -0.34279
+0.493227 0.793173 -0.0778593 -0.348629
+0.440295 0.823733 -0.0548912 -0.352975
+0.385477 0.850766 -0.031688 -0.355809
+0.329009 0.874156 -0.00834915 -0.35712
+0.271132 0.893803 0.0150255 -0.356901
+0.212094 0.909622 0.0383357 -0.355154
+0.152148 0.921546 0.0614819 -0.351887
+0.09155 0.929524 0.0843647 -0.347112
+0.0305602 0.933521 0.106886 -0.340851
+-0.0305604 0.933521 0.12895 -0.333131
+-0.0915502 0.929524 0.150462 -0.323984
+-0.152148 0.921546 0.171329 -0.313449
+-0.212094 0.909622 0.191463 -0.301573
+-0.271132 0.893803 0.210777 -0.288405
+-0.329009 0.874156 0.229188 -0.274002
+-0.385477 0.850766 0.246618 -0.258425
+-0.440295 0.823733 0.262992 -0.241743
+-0.493227 0.793173 0.278239 -0.224025
+-0.544047 0.759216 0.292296 -0.205347
+-0.592537 0.722008 0.3051 -0.18579
+-0.63849 0.681709 0.316598 -0.165438
+-0.681709 0.63849 0.32674 -0.144377
+-0.722008 0.592537 0.335484 -0.122698
+-0.759216 0.544047 0.34279 -0.100494
+-0.793173 0.493227 0.348629 -0.0778593
+-0.823733 0.440295 0.352975 -0.0548913
+-0.850766 0.385477 0.355809 -0.031688
+-0.874156 0.329009 0.35712 -0.00834914
+-0.893803 0.271132 0.356901 0.0150254
+-0.909622 0.212094 0.355154 0.0383358
+-0.921546 0.152148 0.351887 0.0614818
+-0.929524 0.0915501 0.347112 0.0843647
+-0.933521 0.0305604 0.340851 0.106886
+0.951462 0.0311476 -0.278894 -0.126365
+0.947388 0.0933095 -0.270032 -0.144335
+0.939256 0.155072 -0.260014 -0.161687
+0.927103 0.21617 -0.248882 -0.178347
+0.91098 0.276343 -0.236685 -0.194242
+0.890956 0.335332 -0.223474 -0.209307
+0.867117 0.392885 -0.209307 -0.223474
+0.839564 0.448756 -0.194242 -0.236685
+0.808416 0.502706 -0.178347 -0.248882
+0.773807 0.554502 -0.161687 -0.260014
+0.735884 0.603924 -0.144335 -0.270032
+0.69481 0.650761 -0.126365 -0.278894
+0.65076 0.69481 -0.107854 -0.286561
+0.603924 0.735884 -0.0888812 -0.293002
+0.554502 0.773807 -0.0695276 -0.298188
+0.502706 0.808416 -0.0498763 -0.302097
+0.448756 0.839564 -0.0300115 -0.304712
+0.392885 0.867117 -0.0100181 -0.306022
+0.335332 0.890956 0.0100181 -0.306022
+0.276343 0.91098 0.0300115 -0.304712
+0.21617 0.927103 0.0498764 -0.302097
+0.155072 0.939256 0.0695277 -0.298188
+0.0933094 0.947388 0.0888812 -0.293002
+0.0311475 0.951462 0.107854 -0.286561
+-0.0311477 0.951462 0.126365 -0.278894
+-0.0933096 0.947388 0.144335 -0.270032
+-0.155072 0.939256 0.161687 -0.260014
+-0.21617 0.927103 0.178347 -0.248882
+-0.276343 0.91098 0.194243 -0.236685
+-0.335332 0.890956 0.209307 -0.223474
+-0.392886 0.867116 0.223474 -0.209307
+-0.448756 0.839564 0.236685 -0.194243
+-0.502706 0.808416 0.248882 -0.178347
+-0.554502 0.773807 0.260014 -0.161687
+-0.603924 0.735884 0.270032 -0.144335
+-0.650761 0.69481 0.278894 -0.126365
+-0.69481 0.650761 0.286561 -0.107854
+-0.735884 0.603924 0.293002 -0.0888812
+-0.773807 0.554502 0.298188 -0.0695276
+-0.808416 0.502706 0.302097 -0.0498763
+-0.839564 0.448756 0.304712 -0.0300115
+-0.867117 0.392885 0.306022 -0.0100181
+-0.890956 0.335332 0.306022 0.0100182
+-0.91098 0.276343 0.304712 0.0300115
+-0.927103 0.21617 0.302097 0.0498764
+-0.939256 0.155072 0.298188 0.0695276
+-0.947388 0.0933095 0.293002 0.0888812
+-0.951462 0.0311477 0.286562 0.107854
+0.951462 0.0311476 -0.302097 -0.0498763
+0.947388 0.0933095 -0.298188 -0.0695276
+0.939256 0.155072 -0.293002 -0.0888812
+0.927103 0.21617 -0.286561 -0.107854
+0.91098 0.276343 -0.278894 -0.126365
+0.890956 0.335332 -0.270032 -0.144335
+0.867117 0.392885 -0.260014 -0.161687
+0.839564 0.448756 -0.248882 -0.178347
+0.808416 0.502706 -0.236685 -0.194242
+0.773807 0.554502 -0.223474 -0.209307
+0.735884 0.603924 -0.209307 -0.223474
+0.69481 0.650761 -0.194242 -0.236685
+0.65076 0.69481 -0.178347 -0.248882
+0.603924 0.735884 -0.161687 -0.260014
+0.554502 0.773807 -0.144335 -0.270032
+0.502706 0.808416 -0.126365 -0.278894
+0.448756 0.839564 -0.107854 -0.286562
+0.392885 0.867117 -0.0888811 -0.293002
+0.335332 0.890956 -0.0695276 -0.298188
+0.276343 0.91098 -0.0498763 -0.302097
+0.21617 0.927103 -0.0300115 -0.304712
+0.155072 0.939256 -0.0100181 -0.306022
+0.0933094 0.947388 0.0100182 -0.306022
+0.0311475 0.951462 0.0300115 -0.304712
+-0.0311477 0.951462 0.0498764 -0.302097
+-0.0933096 0.947388 0.0695276 -0.298188
+-0.155072 0.939256 0.0888812 -0.293002
+-0.21617 0.927103 0.107854 -0.286561
+-0.276343 0.91098 0.126365 -0.278894
+-0.335332 0.890956 0.144335 -0.270032
+-0.392886 0.867116 0.161687 -0.260014
+-0.448756 0.839564 0.178347 -0.248882
+-0.502706 0.808416 0.194242 -0.236685
+-0.554502 0.773807 0.209307 -0.223474
+-0.603924 0.735884 0.223474 -0.209307
+-0.650761 0.69481 0.236685 -0.194242
+-0.69481 0.650761 0.248882 -0.178347
+-0.735884 0.603924 0.260014 -0.161687
+-0.773807 0.554502 0.270032 -0.144335
+-0.808416 0.502706 0.278894 -0.126365
+-0.839564 0.448756 0.286561 -0.107854
+-0.867117 0.392885 0.293002 -0.0888812
+-0.890956 0.335332 0.298188 -0.0695276
+-0.91098 0.276343 0.302097 -0.0498764
+-0.927103 0.21617 0.304712 -0.0300115
+-0.939256 0.155072 0.306022 -0.0100182
+-0.947388 0.0933095 0.306022 0.0100181
+-0.951462 0.0311477 0.304712 0.0300115
+0.966382 0.0316361 -0.250573 -0.0481394
+0.962244 0.0947728 -0.246888 -0.0644245
+0.953986 0.157504 -0.242146 -0.0804338
+0.941642 0.21956 -0.236367 -0.0960987
+0.925266 0.280676 -0.229575 -0.111352
+0.904928 0.340591 -0.221801 -0.126129
+0.880714 0.399046 -0.213077 -0.140365
+0.85273 0.455794 -0.20344 -0.154
+0.821094 0.510589 -0.192933 -0.166976
+0.785942 0.563198 -0.181599 -0.179237
+0.747424 0.613395 -0.169487 -0.190731
+0.705706 0.660965 -0.15665 -0.201407
+0.660965 0.705706 -0.143142 -0.211221
+0.613395 0.747424 -0.129021 -0.220131
+0.563198 0.785942 -0.114348 -0.228098
+0.510589 0.821094 -0.0991844 -0.235089
+0.455793 0.85273 -0.0835965 -0.241072
+0.399046 0.880714 -0.0676507 -0.246023
+0.340591 0.904928 -0.0514151 -0.249921
+0.280676 0.925266 -0.0349594 -0.252749
+0.21956 0.941642 -0.018354 -0.254494
+0.157504 0.953986 -0.00166994 -0.25515
+0.0947727 0.962244 0.0150212 -0.254713
+0.031636 0.966382 0.0316481 -0.253185
+-0.0316362 0.966382 0.0481394 -0.250573
+-0.0947729 0.962244 0.0644246 -0.246888
+-0.157504 0.953986 0.0804339 -0.242146
+-0.21956 0.941642 0.0960987 -0.236367
+-0.280676 0.925266 0.111352 -0.229575
+-0.340591 0.904927 0.126129 -0.221801
+-0.399047 0.880714 0.140365 -0.213077
+-0.455793 0.85273 0.154 -0.203441
+-0.510589 0.821094 0.166976 -0.192933
+-0.563198 0.785941 0.179237 -0.181599
+-0.613395 0.747424 0.190731 -0.169487
+-0.660966 0.705706 0.201407 -0.15665
+-0.705706 0.660966 0.211221 -0.143142
+-0.747424 0.613395 0.220131 -0.129021
+-0.785942 0.563198 0.228098 -0.114348
+-0.821094 0.510589 0.235089 -0.0991844
+-0.85273 0.455794 0.241072 -0.0835966
+-0.880714 0.399046 0.246023 -0.0676507
+-0.904928 0.340591 0.249921 -0.0514151
+-0.925266 0.280676 0.252749 -0.0349594
+-0.941642 0.21956 0.254494 -0.018354
+-0.953986 0.157504 0.25515 -0.00166999
+-0.962244 0.0947727 0.254713 0.0150212
+-0.966382 0.0316362 0.253185 0.031648
+0.933521 0.0305603 -0.244191 -0.26072
+0.929524 0.0915501 -0.226616 -0.276133
+0.921546 0.152148 -0.208071 -0.290363
+0.909622 0.212094 -0.188635 -0.30335
+0.893803 0.271132 -0.168391 -0.315037
+0.874156 0.329009 -0.147426 -0.325376
+0.850766 0.385477 -0.12583 -0.334322
+0.823733 0.440295 -0.103695 -0.341836
+0.793173 0.493227 -0.0811156 -0.347886
+0.759216 0.544047 -0.0581891 -0.352446
+0.722008 0.592537 -0.0350134 -0.355497
+0.681709 0.63849 -0.0116878 -0.357026
+0.63849 0.681709 0.0116878 -0.357026
+0.592537 0.722008 0.0350134 -0.355497
+0.544047 0.759216 0.0581891 -0.352446
+0.493227 0.793173 0.0811156 -0.347886
+0.440295 0.823733 0.103695 -0.341836
+0.385477 0.850766 0.12583 -0.334322
+0.329009 0.874156 0.147426 -0.325376
+0.271132 0.893803 0.168391 -0.315037
+0.212094 0.909622 0.188635 -0.30335
+0.152148 0.921546 0.208071 -0.290363
+0.09155 0.929524 0.226616 -0.276133
+0.0305602 0.933521 0.244191 -0.26072
+-0.0305604 0.933521 0.26072 -0.244191
+-0.0915502 0.929524 0.276133 -0.226616
+-0.152148 0.921546 0.290363 -0.208071
+-0.212094 0.909622 0.30335 -0.188635
+-0.271132 0.893803 0.315038 -0.168391
+-0.329009 0.874156 0.325376 -0.147426
+-0.385477 0.850766 0.334322 -0.12583
+-0.440295 0.823733 0.341836 -0.103695
+-0.493227 0.793173 0.347886 -0.0811156
+-0.544047 0.759216 0.352446 -0.058189
+-0.592537 0.722008 0.355497 -0.0350134
+-0.63849 0.681709 0.357026 -0.0116878
+-0.681709 0.63849 0.357026 0.0116878
+-0.722008 0.592537 0.355497 0.0350134
+-0.759216 0.544047 0.352446 0.058189
+-0.793173 0.493227 0.347886 0.0811156
+-0.823733 0.440295 0.341836 0.103695
+-0.850766 0.385477 0.334322 0.12583
+-0.874156 0.329009 0.325376 0.147426
+-0.893803 0.271132 0.315037 0.168391
+-0.909622 0.212094 0.30335 0.188635
+-0.921546 0.152148 0.290363 0.208071
+-0.929524 0.0915501 0.276133 0.226616
+-0.933521 0.0305604 0.26072 0.244191
+0.951462 0.0311476 -0.178347 -0.248882
+0.947388 0.0933095 -0.161687 -0.260014
+0.939256 0.155072 -0.144335 -0.270032
+0.927103 0.21617 -0.126365 -0.278894
+0.91098 0.276343 -0.107854 -0.286561
+0.890956 0.335332 -0.0888812 -0.293002
+0.867117 0.392885 -0.0695276 -0.298188
+0.839564 0.448756 -0.0498763 -0.302097
+0.808416 0.502706 -0.0300115 -0.304712
+0.773807 0.554502 -0.0100181 -0.306022
+0.735884 0.603924 0.0100181 -0.306022
+0.69481 0.650761 0.0300115 -0.304712
+0.65076 0.69481 0.0498764 -0.302097
+0.603924 0.735884 0.0695276 -0.298188
+0.554502 0.773807 0.0888812 -0.293002
+0.502706 0.808416 0.107854 -0.286561
+0.448756 0.839564 0.126365 -0.278894
+0.392885 0.867117 0.144335 -0.270032
+0.335332 0.890956 0.161687 -0.260014
+0.276343 0.91098 0.178347 -0.248882
+0.21617 0.927103 0.194242 -0.236685
+0.155072 0.939256 0.209307 -0.223474
+0.0933094 0.947388 0.223474 -0.209307
+0.0311475 0.951462 0.236685 -0.194242
+-0.0311477 0.951462 0.248882 -0.178347
+-0.0933096 0.947388 0.260014 -0.161687
+-0.155072 0.939256 0.270032 -0.144335
+-0.21617 0.927103 0.278894 -0.126365
+-0.276343 0.91098 0.286562 -0.107854
+-0.335332 0.890956 0.293002 -0.0888811
+-0.392886 0.867116 0.298188 -0.0695276
+-0.448756 0.839564 0.302097 -0.0498764
+-0.502706 0.808416 0.304712 -0.0300115
+-0.554502 0.773807 0.306022 -0.0100181
+-0.603924 0.735884 0.306022 0.0100181
+-0.650761 0.69481 0.304712 0.0300115
+-0.69481 0.650761 0.302097 0.0498763
+-0.735884 0.603924 0.298188 0.0695276
+-0.773807 0.554502 0.293002 0.0888811
+-0.808416 0.502706 0.286561 0.107854
+-0.839564 0.448756 0.278894 0.126365
+-0.867117 0.392885 0.270032 0.144335
+-0.890956 0.335332 0.260014 0.161687
+-0.91098 0.276343 0.248882 0.178347
+-0.927103 0.21617 0.236685 0.194242
+-0.939256 0.155072 0.223474 0.209307
+-0.947388 0.0933095 0.209307 0.223474
+-0.951462 0.0311477 0.194243 0.236685
+0.951462 0.0311476 -0.236685 -0.194242
+0.947388 0.0933095 -0.223474 -0.209307
+0.939256 0.155072 -0.209307 -0.223474
+0.927103 0.21617 -0.194242 -0.236685
+0.91098 0.276343 -0.178347 -0.248882
+0.890956 0.335332 -0.161687 -0.260014
+0.867117 0.392885 -0.144335 -0.270032
+0.839564 0.448756 -0.126365 -0.278894
+0.808416 0.502706 -0.107854 -0.286561
+0.773807 0.554502 -0.0888812 -0.293002
+0.735884 0.603924 -0.0695276 -0.298188
+0.69481 0.650761 -0.0498763 -0.302097
+0.65076 0.69481 -0.0300115 -0.304712
+0.603924 0.735884 -0.0100181 -0.306022
+0.554502 0.773807 0.0100181 -0.306022
+0.502706 0.808416 0.0300115 -0.304712
+0.448756 0.839564 0.0498764 -0.302097
+0.392885 0.867117 0.0695276 -0.298188
+0.335332 0.890956 0.0888812 -0.293002
+0.276343 0.91098 0.107854 -0.286561
+0.21617 0.927103 0.126365 -0.278894
+0.155072 0.939256 0.144335 -0.270032
+0.0933094 0.947388 0.161687 -0.260014
+0.0311475 0.951462 0.178347 -0.248882
+-0.0311477 0.951462 0.194243 -0.236685
+-0.0933096 0.947388 0.209307 -0.223474
+-0.155072 0.939256 0.223474 -0.209307
+-0.21617 0.927103 0.236685 -0.194242
+-0.276343 0.91098 0.248882 -0.178347
+-0.335332 0.890956 0.260014 -0.161687
+-0.392886 0.867116 0.270032 -0.144335
+-0.448756 0.839564 0.278894 -0.126365
+-0.502706 0.808416 0.286561 -0.107854
+-0.554502 0.773807 0.293002 -0.0888811
+-0.603924 0.735884 0.298188 -0.0695276
+-0.650761 0.69481 0.302097 -0.0498763
+-0.69481 0.650761 0.304712 -0.0300115
+-0.735884 0.603924 0.306022 -0.0100181
+-0.773807 0.554502 0.306022 0.0100181
+-0.808416 0.502706 0.304712 0.0300115
+-0.839564 0.448756 0.302097 0.0498763
+-0.867117 0.392885 0.298188 0.0695276
+-0.890956 0.335332 0.293002 0.0888812
+-0.91098 0.276343 0.286561 0.107854
+-0.927103 0.21617 0.278894 0.126365
+-0.939256 0.155072 0.270032 0.144335
+-0.947388 0.0933095 0.260014 0.161687
+-0.951462 0.0311477 0.248882 0.178347
+0.966382 0.0316361 -0.174422 -0.186229
+0.962244 0.0947728 -0.161869 -0.197238
+0.953986 0.157504 -0.148622 -0.207402
+0.941642 0.21956 -0.134739 -0.216678
+0.925266 0.280676 -0.120279 -0.225027
+0.904928 0.340591 -0.105304 -0.232412
+0.880714 0.399046 -0.0898784 -0.238801
+0.85273 0.455794 -0.0740676 -0.244168
+0.821094 0.510589 -0.0579397 -0.24849
+0.785942 0.563198 -0.0415636 -0.251747
+0.747424 0.613395 -0.0250096 -0.253927
+0.705706 0.660965 -0.00834844 -0.255019
+0.660965 0.705706 0.00834845 -0.255019
+0.613395 0.747424 0.0250096 -0.253927
+0.563198 0.785942 0.0415636 -0.251747
+0.510589 0.821094 0.0579397 -0.24849
+0.455793 0.85273 0.0740677 -0.244168
+0.399046 0.880714 0.0898784 -0.238801
+0.340591 0.904928 0.105304 -0.232412
+0.280676 0.925266 0.120279 -0.225027
+0.21956 0.941642 0.134739 -0.216678
+0.157504 0.953986 0.148622 -0.207402
+0.0947727 0.962244 0.161869 -0.197238
+0.031636 0.966382 0.174422 -0.186229
+-0.0316362 0.966382 0.186229 -0.174422
+-0.0947729 0.962244 0.197238 -0.161869
+-0.157504 0.953986 0.207402 -0.148622
+-0.21956 0.941642 0.216678 -0.134739
+-0.280676 0.925266 0.225027 -0.120279
+-0.340591 0.904927 0.232412 -0.105304
+-0.399047 0.880714 0.238801 -0.0898784
+-0.455793 0.85273 0.244168 -0.0740677
+-0.510589 0.821094 0.24849 -0.0579397
+-0.563198 0.785941 0.251747 -0.0415636
+-0.613395 0.747424 0.253927 -0.0250096
+-0.660966 0.705706 0.255019 -0.00834843
+-0.705706 0.660966 0.255019 0.00834843
+-0.747424 0.613395 0.253927 0.0250096
+-0.785942 0.563198 0.251747 0.0415636
+-0.821094 0.510589 0.24849 0.0579397
+-0.85273 0.455794 0.244168 0.0740676
+-0.880714 0.399046 0.238801 0.0898784
+-0.904928 0.340591 0.232412 0.105304
+-0.925266 0.280676 0.225027 0.120279
+-0.941642 0.21956 0.216678 0.134739
+-0.953986 0.157504 0.207402 0.148622
+-0.962244 0.0947727 0.197238 0.161869
+-0.966382 0.0316362 0.186229 0.174422
+0.966382 0.0316361 -0.108337 -0.231013
+0.962244 0.0947728 -0.0929965 -0.237604
+0.953986 0.157504 -0.0772574 -0.243178
+0.941642 0.21956 -0.0611873 -0.24771
+0.925266 0.280676 -0.0448553 -0.251182
+0.904928 0.340591 -0.0283312 -0.253577
+0.880714 0.399046 -0.0116858 -0.254887
+0.85273 0.455794 0.00500964 -0.255106
+0.821094 0.510589 0.0216836 -0.254232
+0.785942 0.563198 0.0382648 -0.25227
+0.747424 0.613395 0.0546821 -0.249227
+0.705706 0.660965 0.0708652 -0.245117
+0.660965 0.705706 0.0867449 -0.239957
+0.613395 0.747424 0.102253 -0.23377
+0.563198 0.785942 0.117324 -0.226582
+0.510589 0.821094 0.131891 -0.218423
+0.455793 0.85273 0.145895 -0.20933
+0.399046 0.880714 0.159273 -0.19934
+0.340591 0.904928 0.17197 -0.188496
+0.280676 0.925266 0.18393 -0.176845
+0.21956 0.941642 0.195102 -0.164437
+0.157504 0.953986 0.205439 -0.151324
+0.0947727 0.962244 0.214896 -0.137564
+0.031636 0.966382 0.223433 -0.123215
+-0.0316362 0.966382 0.231013 -0.108337
+-0.0947729 0.962244 0.237604 -0.0929965
+-0.157504 0.953986 0.243178 -0.0772573
+-0.21956 0.941642 0.24771 -0.0611873
+-0.280676 0.925266 0.251182 -0.0448553
+-0.340591 0.904927 0.253577 -0.0283312
+-0.399047 0.880714 0.254887 -0.0116858
+-0.455793 0.85273 0.255106 0.00500961
+-0.510589 0.821094 0.254232 0.0216836
+-0.563198 0.785941 0.25227 0.0382648
+-0.613395 0.747424 0.249227 0.0546821
+-0.660966 0.705706 0.245117 0.0708652
+-0.705706 0.660966 0.239957 0.0867449
+-0.747424 0.613395 0.23377 0.102253
+-0.785942 0.563198 0.226582 0.117323
+-0.821094 0.510589 0.218423 0.131891
+-0.85273 0.455794 0.20933 0.145895
+-0.880714 0.399046 0.19934 0.159273
+-0.904928 0.340591 0.188496 0.17197
+-0.925266 0.280676 0.176845 0.18393
+-0.941642 0.21956 0.164437 0.195102
+-0.953986 0.157504 0.151324 0.205439
+-0.962244 0.0947727 0.137564 0.214896
+-0.966382 0.0316362 0.123215 0.223433
+0.978421 0.0320302 -0.0332509 -0.201398
+0.974231 0.0959534 -0.0200077 -0.203141
+0.96587 0.159466 -0.00667876 -0.204015
+0.953372 0.222295 0.00667876 -0.204015
+0.936792 0.284173 0.0200077 -0.203141
+0.9162 0.344833 0.0332509 -0.201398
+0.891686 0.404017 0.0463517 -0.198792
+0.863352 0.461472 0.0592541 -0.195335
+0.831322 0.516949 0.0719027 -0.191041
+0.795732 0.570214 0.0842435 -0.185929
+0.756735 0.621036 0.0962235 -0.180021
+0.714497 0.669199 0.107791 -0.173343
+0.669199 0.714497 0.118898 -0.165922
+0.621036 0.756735 0.129495 -0.15779
+0.570214 0.795732 0.139538 -0.148983
+0.516949 0.831322 0.148983 -0.139538
+0.461471 0.863352 0.15779 -0.129495
+0.404017 0.891686 0.165922 -0.118898
+0.344833 0.9162 0.173343 -0.107791
+0.284173 0.936792 0.180021 -0.0962234
+0.222295 0.953372 0.185929 -0.0842435
+0.159466 0.96587 0.191041 -0.0719027
+0.0959533 0.974231 0.195335 -0.0592541
+0.0320301 0.978421 0.198792 -0.0463517
+-0.0320303 0.978421 0.201398 -0.0332509
+-0.0959535 0.974231 0.203141 -0.0200076
+-0.159466 0.96587 0.204015 -0.00667874
+-0.222295 0.953372 0.204015 0.00667877
+-0.284173 0.936792 0.203141 0.0200077
+-0.344834 0.9162 0.201398 0.0332509
+-0.404018 0.891686 0.198792 0.0463518
+-0.461471 0.863352 0.195335 0.0592541
+-0.516949 0.831322 0.191041 0.0719027
+-0.570214 0.795732 0.185929 0.0842435
+-0.621036 0.756735 0.180021 0.0962234
+-0.669199 0.714497 0.173343 0.107791
+-0.714497 0.669199 0.165922 0.118898
+-0.756735 0.621036 0.15779 0.129495
+-0.795732 0.570214 0.148983 0.139538
+-0.831322 0.516949 0.139538 0.148983
+-0.863352 0.461472 0.129495 0.15779
+-0.891686 0.404017 0.118898 0.165922
+-0.9162 0.344833 0.107791 0.173343
+-0.936792 0.284173 0.0962235 0.180021
+-0.953372 0.222295 0.0842435 0.185929
+-0.96587 0.159466 0.0719028 0.191041
+-0.974231 0.0959533 0.0592541 0.195335
+-0.978421 0.0320303 0.0463518 0.198792
+0.978421 0.0320302 -0.107791 -0.173343
+0.974231 0.0959534 -0.0962235 -0.180021
+0.96587 0.159466 -0.0842435 -0.185929
+0.953372 0.222295 -0.0719027 -0.191041
+0.936792 0.284173 -0.0592541 -0.195335
+0.9162 0.344833 -0.0463518 -0.198792
+0.891686 0.404017 -0.0332509 -0.201398
+0.863352 0.461472 -0.0200077 -0.203141
+0.831322 0.516949 -0.00667875 -0.204015
+0.795732 0.570214 0.00667875 -0.204015
+0.756735 0.621036 0.0200077 -0.203141
+0.714497 0.669199 0.0332509 -0.201398
+0.669199 0.714497 0.0463518 -0.198792
+0.621036 0.756735 0.0592541 -0.195335
+0.570214 0.795732 0.0719027 -0.191041
+0.516949 0.831322 0.0842435 -0.185929
+0.461471 0.863352 0.0962235 -0.180021
+0.404017 0.891686 0.107791 -0.173343
+0.344833 0.9162 0.118898 -0.165922
+0.284173 0.936792 0.129495 -0.15779
+0.222295 0.953372 0.139538 -0.148983
+0.159466 0.96587 0.148983 -0.139538
+0.0959533 0.974231 0.15779 -0.129495
+0.0320301 0.978421 0.165922 -0.118898
+-0.0320303 0.978421 0.173343 -0.107791
+-0.0959535 0.974231 0.180021 -0.0962234
+-0.159466 0.96587 0.185929 -0.0842435
+-0.222295 0.953372 0.191041 -0.0719027
+-0.284173 0.936792 0.195335 -0.0592541
+-0.344834 0.9162 0.198792 -0.0463517
+-0.404018 0.891686 0.201398 -0.0332509
+-0.461471 0.863352 0.203141 -0.0200077
+-0.516949 0.831322 0.204015 -0.00667876
+-0.570214 0.795732 0.204015 0.00667877
+-0.621036 0.756735 0.203141 0.0200077
+-0.669199 0.714497 0.201398 0.0332509
+-0.714497 0.669199 0.198792 0.0463517
+-0.756735 0.621036 0.195335 0.0592541
+-0.795732 0.570214 0.191041 0.0719027
+-0.831322 0.516949 0.185929 0.0842435
+-0.863352 0.461472 0.180021 0.0962234
+-0.891686 0.404017 0.173343 0.107791
+-0.9162 0.344833 0.165922 0.118898
+-0.936792 0.284173 0.15779 0.129495
+-0.953372 0.222295 0.148983 0.139538
+-0.96587 0.159466 0.139538 0.148983
+-0.974231 0.0959533 0.129495 0.15779
+-0.978421 0.0320303 0.118898 0.165922
+0.987683 0.0323334 -0.0347638 -0.149094
+0.983453 0.0968617 -0.0249382 -0.151048
+0.975013 0.160975 -0.0150057 -0.152356
+0.962397 0.224399 -0.00500906 -0.153011
+0.94566 0.286863 0.00500907 -0.153011
+0.924873 0.348098 0.0150057 -0.152356
+0.900126 0.407842 0.0249382 -0.151048
+0.871525 0.46584 0.0347638 -0.149094
+0.839192 0.521843 0.0444406 -0.146501
+0.803265 0.575611 0.0539271 -0.143281
+0.763898 0.626915 0.0631826 -0.139447
+0.72126 0.675534 0.0721676 -0.135016
+0.675534 0.72126 0.0808436 -0.130007
+0.626915 0.763898 0.0891733 -0.124441
+0.575611 0.803265 0.0971212 -0.118343
+0.521843 0.839192 0.104653 -0.111737
+0.46584 0.871525 0.111737 -0.104653
+0.407842 0.900126 0.118343 -0.0971212
+0.348098 0.924873 0.124441 -0.0891733
+0.286863 0.94566 0.130007 -0.0808435
+0.224399 0.962397 0.135016 -0.0721676
+0.160975 0.975013 0.139447 -0.0631826
+0.0968616 0.983453 0.143281 -0.053927
+0.0323333 0.987683 0.146501 -0.0444406
+-0.0323335 0.987683 0.149094 -0.0347638
+-0.0968618 0.983453 0.151048 -0.0249382
+-0.160975 0.975013 0.152356 -0.0150057
+-0.224399 0.962397 0.153011 -0.00500906
+-0.286863 0.94566 0.153011 0.00500909
+-0.348098 0.924873 0.152356 0.0150058
+-0.407842 0.900126 0.151048 0.0249382
+-0.46584 0.871525 0.149094 0.0347638
+-0.521843 0.839192 0.146501 0.0444406
+-0.575611 0.803265 0.143281 0.0539271
+-0.626915 0.763898 0.139447 0.0631826
+-0.675534 0.72126 0.135016 0.0721676
+-0.72126 0.675534 0.130007 0.0808435
+-0.763898 0.626915 0.124441 0.0891733
+-0.803265 0.575611 0.118343 0.0971212
+-0.839192 0.521843 0.111737 0.104653
+-0.871525 0.46584 0.104653 0.111737
+-0.900126 0.407842 0.0971212 0.118343
+-0.924873 0.348098 0.0891733 0.124441
+-0.94566 0.286863 0.0808436 0.130007
+-0.962397 0.224399 0.0721676 0.135016
+-0.975013 0.160975 0.0631826 0.139447
+-0.983453 0.0968616 0.053927 0.143281
+-0.987683 0.0323335 0.0444406 0.146501
+0.966382 0.0316361 -0.223433 -0.123215
+0.962244 0.0947728 -0.214896 -0.137564
+0.953986 0.157504 -0.205439 -0.151324
+0.941642 0.21956 -0.195102 -0.164437
+0.925266 0.280676 -0.18393 -0.176845
+0.904928 0.340591 -0.17197 -0.188496
+0.880714 0.399046 -0.159273 -0.19934
+0.85273 0.455794 -0.145895 -0.20933
+0.821094 0.510589 -0.131891 -0.218423
+0.785942 0.563198 -0.117324 -0.226582
+0.747424 0.613395 -0.102253 -0.23377
+0.705706 0.660965 -0.0867449 -0.239957
+0.660965 0.705706 -0.0708652 -0.245117
+0.613395 0.747424 -0.0546821 -0.249227
+0.563198 0.785942 -0.0382648 -0.25227
+0.510589 0.821094 -0.0216836 -0.254232
+0.455793 0.85273 -0.00500962 -0.255106
+0.399046 0.880714 0.0116858 -0.254887
+0.340591 0.904928 0.0283312 -0.253577
+0.280676 0.925266 0.0448553 -0.251182
+0.21956 0.941642 0.0611874 -0.24771
+0.157504 0.953986 0.0772574 -0.243178
+0.0947727 0.962244 0.0929966 -0.237604
+0.031636 0.966382 0.108338 -0.231013
+-0.0316362 0.966382 0.123215 -0.223433
+-0.0947729 0.962244 0.137564 -0.214896
+-0.157504 0.953986 0.151324 -0.205439
+-0.21956 0.941642 0.164437 -0.195102
+-0.280676 0.925266 0.176845 -0.18393
+-0.340591 0.904927 0.188496 -0.171969
+-0.399047 0.880714 0.19934 -0.159273
+-0.455793 0.85273 0.20933 -0.145895
+-0.510589 0.821094 0.218423 -0.131891
+-0.563198 0.785941 0.226582 -0.117323
+-0.613395 0.747424 0.23377 -0.102253
+-0.660966 0.705706 0.239957 -0.0867449
+-0.705706 0.660966 0.245117 -0.0708652
+-0.747424 0.613395 0.249227 -0.0546821
+-0.785942 0.563198 0.25227 -0.0382648
+-0.821094 0.510589 0.254232 -0.0216836
+-0.85273 0.455794 0.255106 -0.00500967
+-0.880714 0.399046 0.254887 0.0116858
+-0.904928 0.340591 0.253577 0.0283313
+-0.925266 0.280676 0.251182 0.0448553
+-0.941642 0.21956 0.24771 0.0611874
+-0.953986 0.157504 0.243178 0.0772573
+-0.962244 0.0947727 0.237604 0.0929965
+-0.966382 0.0316362 0.231013 0.108337
+0.978421 0.0320302 -0.165922 -0.118898
+0.974231 0.0959534 -0.15779 -0.129495
+0.96587 0.159466 -0.148983 -0.139538
+0.953372 0.222295 -0.139538 -0.148983
+0.936792 0.284173 -0.129495 -0.15779
+0.9162 0.344833 -0.118898 -0.165922
+0.891686 0.404017 -0.107791 -0.173343
+0.863352 0.461472 -0.0962235 -0.180021
+0.831322 0.516949 -0.0842435 -0.185929
+0.795732 0.570214 -0.0719027 -0.191041
+0.756735 0.621036 -0.0592541 -0.195335
+0.714497 0.669199 -0.0463517 -0.198792
+0.669199 0.714497 -0.0332509 -0.201398
+0.621036 0.756735 -0.0200077 -0.203141
+0.570214 0.795732 -0.00667874 -0.204015
+0.516949 0.831322 0.00667877 -0.204015
+0.461471 0.863352 0.0200077 -0.203141
+0.404017 0.891686 0.0332509 -0.201398
+0.344833 0.9162 0.0463518 -0.198792
+0.284173 0.936792 0.0592541 -0.195335
+0.222295 0.953372 0.0719027 -0.191041
+0.159466 0.96587 0.0842435 -0.185929
+0.0959533 0.974231 0.0962235 -0.180021
+0.0320301 0.978421 0.107791 -0.173343
+-0.0320303 0.978421 0.118898 -0.165922
+-0.0959535 0.974231 0.129495 -0.15779
+-0.159466 0.96587 0.139538 -0.148983
+-0.222295 0.953372 0.148983 -0.139538
+-0.284173 0.936792 0.15779 -0.129495
+-0.344834 0.9162 0.165922 -0.118898
+-0.404018 0.891686 0.173343 -0.107791
+-0.461471 0.863352 0.180021 -0.0962235
+-0.516949 0.831322 0.185929 -0.0842435
+-0.570214 0.795732 0.191041 -0.0719027
+-0.621036 0.756735 0.195335 -0.0592541
+-0.669199 0.714497 0.198792 -0.0463517
+-0.714497 0.669199 0.201398 -0.0332509
+-0.756735 0.621036 0.203141 -0.0200077
+-0.795732 0.570214 0.204015 -0.00667877
+-0.831322 0.516949 0.204015 0.00667876
+-0.863352 0.461472 0.203141 0.0200076
+-0.891686 0.404017 0.201398 0.0332509
+-0.9162 0.344833 0.198792 0.0463518
+-0.936792 0.284173 0.195335 0.0592541
+-0.953372 0.222295 0.191041 0.0719028
+-0.96587 0.159466 0.185929 0.0842435
+-0.974231 0.0959533 0.180021 0.0962235
+-0.978421 0.0320303 0.173343 0.107791
+0.978421 0.0320302 -0.198792 -0.0463517
+0.974231 0.0959534 -0.195335 -0.0592541
+0.96587 0.159466 -0.191041 -0.0719027
+0.953372 0.222295 -0.185929 -0.0842435
+0.936792 0.284173 -0.180021 -0.0962235
+0.9162 0.344833 -0.173343 -0.107791
+0.891686 0.404017 -0.165922 -0.118898
+0.863352 0.461472 -0.15779 -0.129495
+0.831322 0.516949 -0.148983 -0.139538
+0.795732 0.570214 -0.139538 -0.148983
+0.756735 0.621036 -0.129495 -0.15779
+0.714497 0.669199 -0.118898 -0.165922
+0.669199 0.714497 -0.107791 -0.173343
+0.621036 0.756735 -0.0962235 -0.180021
+0.570214 0.795732 -0.0842435 -0.185929
+0.516949 0.831322 -0.0719027 -0.191041
+0.461471 0.863352 -0.0592541 -0.195335
+0.404017 0.891686 -0.0463517 -0.198792
+0.344833 0.9162 -0.0332509 -0.201398
+0.284173 0.936792 -0.0200077 -0.203141
+0.222295 0.953372 -0.00667875 -0.204015
+0.159466 0.96587 0.00667878 -0.204015
+0.0959533 0.974231 0.0200077 -0.203141
+0.0320301 0.978421 0.0332509 -0.201398
+-0.0320303 0.978421 0.0463518 -0.198792
+-0.0959535 0.974231 0.0592541 -0.195335
+-0.159466 0.96587 0.0719028 -0.191041
+-0.222295 0.953372 0.0842435 -0.185929
+-0.284173 0.936792 0.0962235 -0.180021
+-0.344834 0.9162 0.107791 -0.173343
+-0.404018 0.891686 0.118898 -0.165922
+-0.461471 0.863352 0.129495 -0.15779
+-0.516949 0.831322 0.139538 -0.148983
+-0.570214 0.795732 0.148983 -0.139538
+-0.621036 0.756735 0.15779 -0.129495
+-0.669199 0.714497 0.165922 -0.118898
+-0.714497 0.669199 0.173343 -0.107791
+-0.756735 0.621036 0.180021 -0.0962234
+-0.795732 0.570214 0.185929 -0.0842435
+-0.831322 0.516949 0.191041 -0.0719027
+-0.863352 0.461472 0.195335 -0.0592541
+-0.891686 0.404017 0.198792 -0.0463517
+-0.9162 0.344833 0.201398 -0.0332509
+-0.936792 0.284173 0.203141 -0.0200077
+-0.953372 0.222295 0.204015 -0.00667874
+-0.96587 0.159466 0.204015 0.00667874
+-0.974231 0.0959533 0.203141 0.0200077
+-0.978421 0.0320303 0.201398 0.0332509
+0.987683 0.0323334 -0.146501 -0.0444406
+0.983453 0.0968617 -0.143281 -0.0539271
+0.975013 0.160975 -0.139447 -0.0631826
+0.962397 0.224399 -0.135016 -0.0721676
+0.94566 0.286863 -0.130007 -0.0808435
+0.924873 0.348098 -0.124441 -0.0891733
+0.900126 0.407842 -0.118343 -0.0971212
+0.871525 0.46584 -0.111737 -0.104653
+0.839192 0.521843 -0.104653 -0.111737
+0.803265 0.575611 -0.0971212 -0.118343
+0.763898 0.626915 -0.0891733 -0.124441
+0.72126 0.675534 -0.0808435 -0.130007
+0.675534 0.72126 -0.0721676 -0.135016
+0.626915 0.763898 -0.0631826 -0.139447
+0.575611 0.803265 -0.053927 -0.143281
+0.521843 0.839192 -0.0444406 -0.146501
+0.46584 0.871525 -0.0347638 -0.149094
+0.407842 0.900126 -0.0249382 -0.151048
+0.348098 0.924873 -0.0150057 -0.152356
+0.286863 0.94566 -0.00500906 -0.153011
+0.224399 0.962397 0.00500907 -0.153011
+0.160975 0.975013 0.0150058 -0.152356
+0.0968616 0.983453 0.0249382 -0.151048
+0.0323333 0.987683 0.0347638 -0.149094
+-0.0323335 0.987683 0.0444406 -0.146501
+-0.0968618 0.983453 0.0539271 -0.143281
+-0.160975 0.975013 0.0631826 -0.139447
+-0.224399 0.962397 0.0721676 -0.135016
+-0.286863 0.94566 0.0808436 -0.130007
+-0.348098 0.924873 0.0891733 -0.124441
+-0.407842 0.900126 0.0971213 -0.118343
+-0.46584 0.871525 0.104653 -0.111737
+-0.521843 0.839192 0.111737 -0.104653
+-0.575611 0.803265 0.118343 -0.0971212
+-0.626915 0.763898 0.124441 -0.0891733
+-0.675534 0.72126 0.130007 -0.0808435
+-0.72126 0.675534 0.135016 -0.0721676
+-0.763898 0.626915 0.139447 -0.0631826
+-0.803265 0.575611 0.143281 -0.0539271
+-0.839192 0.521843 0.146501 -0.0444406
+-0.871525 0.46584 0.149094 -0.0347638
+-0.900126 0.407842 0.151048 -0.0249382
+-0.924873 0.348098 0.152356 -0.0150057
+-0.94566 0.286863 0.153011 -0.00500907
+-0.962397 0.224399 0.153011 0.00500908
+-0.975013 0.160975 0.152356 0.0150057
+-0.983453 0.0968616 0.151048 0.0249382
+-0.987683 0.0323335 0.149094 0.0347638
+0.987683 0.0323334 -0.104653 -0.111737
+0.983453 0.0968617 -0.0971212 -0.118343
+0.975013 0.160975 -0.0891733 -0.124441
+0.962397 0.224399 -0.0808435 -0.130007
+0.94566 0.286863 -0.0721676 -0.135016
+0.924873 0.348098 -0.0631826 -0.139447
+0.900126 0.407842 -0.0539271 -0.143281
+0.871525 0.46584 -0.0444406 -0.146501
+0.839192 0.521843 -0.0347638 -0.149094
+0.803265 0.575611 -0.0249382 -0.151048
+0.763898 0.626915 -0.0150058 -0.152356
+0.72126 0.675534 -0.00500906 -0.153011
+0.675534 0.72126 0.00500907 -0.153011
+0.626915 0.763898 0.0150057 -0.152356
+0.575611 0.803265 0.0249382 -0.151048
+0.521843 0.839192 0.0347638 -0.149094
+0.46584 0.871525 0.0444406 -0.146501
+0.407842 0.900126 0.0539271 -0.143281
+0.348098 0.924873 0.0631826 -0.139447
+0.286863 0.94566 0.0721676 -0.135016
+0.224399 0.962397 0.0808436 -0.130007
+0.160975 0.975013 0.0891733 -0.124441
+0.0968616 0.983453 0.0971213 -0.118343
+0.0323333 0.987683 0.104653 -0.111737
+-0.0323335 0.987683 0.111737 -0.104653
+-0.0968618 0.983453 0.118343 -0.0971212
+-0.160975 0.975013 0.124441 -0.0891733
+-0.224399 0.962397 0.130007 -0.0808435
+-0.286863 0.94566 0.135016 -0.0721676
+-0.348098 0.924873 0.139447 -0.0631826
+-0.407842 0.900126 0.143281 -0.053927
+-0.46584 0.871525 0.146501 -0.0444406
+-0.521843 0.839192 0.149094 -0.0347638
+-0.575611 0.803265 0.151048 -0.0249382
+-0.626915 0.763898 0.152356 -0.0150058
+-0.675534 0.72126 0.153011 -0.00500906
+-0.72126 0.675534 0.153011 0.00500906
+-0.763898 0.626915 0.152356 0.0150058
+-0.803265 0.575611 0.151048 0.0249382
+-0.839192 0.521843 0.149094 0.0347638
+-0.871525 0.46584 0.146501 0.0444406
+-0.900126 0.407842 0.143281 0.0539271
+-0.924873 0.348098 0.139447 0.0631826
+-0.94566 0.286863 0.135016 0.0721676
+-0.962397 0.224399 0.130007 0.0808436
+-0.975013 0.160975 0.124441 0.0891733
+-0.983453 0.0968616 0.118343 0.0971212
+-0.987683 0.0323335 0.111737 0.104653
+0.994245 0.0325482 -0.0359514 -0.0955205
+0.989988 0.0975053 -0.0296271 -0.0976673
+0.981491 0.162045 -0.0231759 -0.0993959
+0.968791 0.22589 -0.0166254 -0.100699
+0.951943 0.288769 -0.0100038 -0.101571
+0.931019 0.350411 -0.00333938 -0.102007
+0.906107 0.410552 0.00333938 -0.102007
+0.877316 0.468935 0.0100038 -0.101571
+0.844768 0.52531 0.0166255 -0.100699
+0.808602 0.579436 0.0231759 -0.0993959
+0.768974 0.63108 0.0296271 -0.0976673
+0.726053 0.680023 0.0359514 -0.0955205
+0.680023 0.726053 0.0421217 -0.0929646
+0.631081 0.768974 0.0481117 -0.0900107
+0.579436 0.808602 0.0538957 -0.0866713
+0.52531 0.844768 0.0594489 -0.0829608
+0.468935 0.877316 0.0647475 -0.078895
+0.410552 0.906107 0.0697689 -0.0744914
+0.350411 0.931019 0.0744914 -0.0697688
+0.288769 0.951943 0.0788951 -0.0647475
+0.22589 0.968791 0.0829608 -0.0594489
+0.162045 0.981491 0.0866713 -0.0538957
+0.0975052 0.989988 0.0900107 -0.0481117
+0.0325481 0.994245 0.0929647 -0.0421217
+-0.0325483 0.994245 0.0955205 -0.0359514
+-0.0975054 0.989988 0.0976673 -0.029627
+-0.162045 0.981491 0.0993959 -0.0231759
+-0.225891 0.968791 0.100699 -0.0166254
+-0.288769 0.951943 0.101571 -0.0100038
+-0.350411 0.931019 0.102007 -0.00333936
+-0.410552 0.906107 0.102007 0.00333939
+-0.468935 0.877316 0.101571 0.0100038
+-0.52531 0.844768 0.100699 0.0166254
+-0.579436 0.808602 0.0993959 0.0231759
+-0.63108 0.768974 0.0976673 0.0296271
+-0.680023 0.726053 0.0955205 0.0359514
+-0.726053 0.680023 0.0929647 0.0421217
+-0.768974 0.63108 0.0900107 0.0481117
+-0.808602 0.579436 0.0866713 0.0538957
+-0.844768 0.52531 0.0829608 0.0594489
+-0.877316 0.468935 0.0788951 0.0647475
+-0.906107 0.410552 0.0744914 0.0697688
+-0.931019 0.350411 0.0697688 0.0744914
+-0.951943 0.288769 0.0647475 0.078895
+-0.968791 0.22589 0.0594489 0.0829608
+-0.981491 0.162045 0.0538957 0.0866713
+-0.989988 0.0975053 0.0481117 0.0900107
+-0.994245 0.0325483 0.0421217 0.0929646
+0.994245 0.0325482 -0.0929646 -0.0421217
+0.989988 0.0975053 -0.0900107 -0.0481117
+0.981491 0.162045 -0.0866713 -0.0538957
+0.968791 0.22589 -0.0829608 -0.0594489
+0.951943 0.288769 -0.078895 -0.0647475
+0.931019 0.350411 -0.0744914 -0.0697688
+0.906107 0.410552 -0.0697688 -0.0744914
+0.877316 0.468935 -0.0647475 -0.0788951
+0.844768 0.52531 -0.0594489 -0.0829608
+0.808602 0.579436 -0.0538957 -0.0866713
+0.768974 0.63108 -0.0481117 -0.0900107
+0.726053 0.680023 -0.0421217 -0.0929647
+0.680023 0.726053 -0.0359514 -0.0955205
+0.631081 0.768974 -0.0296271 -0.0976673
+0.579436 0.808602 -0.0231759 -0.0993959
+0.52531 0.844768 -0.0166254 -0.100699
+0.468935 0.877316 -0.0100038 -0.101571
+0.410552 0.906107 -0.00333937 -0.102007
+0.350411 0.931019 0.00333938 -0.102007
+0.288769 0.951943 0.0100038 -0.101571
+0.22589 0.968791 0.0166255 -0.100699
+0.162045 0.981491 0.0231759 -0.0993959
+0.0975052 0.989988 0.0296271 -0.0976673
+0.0325481 0.994245 0.0359514 -0.0955205
+-0.0325483 0.994245 0.0421217 -0.0929646
+-0.0975054 0.989988 0.0481117 -0.0900107
+-0.162045 0.981491 0.0538957 -0.0866713
+-0.225891 0.968791 0.0594489 -0.0829608
+-0.288769 0.951943 0.0647475 -0.078895
+-0.350411 0.931019 0.0697689 -0.0744914
+-0.410552 0.906107 0.0744914 -0.0697688
+-0.468935 0.877316 0.078895 -0.0647475
+-0.52531 0.844768 0.0829608 -0.0594489
+-0.579436 0.808602 0.0866713 -0.0538957
+-0.63108 0.768974 0.0900107 -0.0481117
+-0.680023 0.726053 0.0929647 -0.0421217
+-0.726053 0.680023 0.0955205 -0.0359514
+-0.768974 0.63108 0.0976673 -0.0296271
+-0.808602 0.579436 0.0993959 -0.0231759
+-0.844768 0.52531 0.100699 -0.0166254
+-0.877316 0.468935 0.101571 -0.0100038
+-0.906107 0.410552 0.102007 -0.00333938
+-0.931019 0.350411 0.102007 0.00333939
+-0.951943 0.288769 0.101571 0.0100038
+-0.968791 0.22589 0.100699 0.0166255
+-0.981491 0.162045 0.0993959 0.0231759
+-0.989988 0.0975053 0.0976673 0.0296271
+-0.994245 0.0325483 0.0955205 0.0359514
+0.998162 0.0326765 -0.0348844 -0.0372457
+0.993888 0.0978894 -0.0323737 -0.0394475
+0.985358 0.162683 -0.0297244 -0.0414804
+0.972608 0.22678 -0.0269478 -0.0433357
+0.955694 0.289906 -0.0240559 -0.0450054
+0.934687 0.351791 -0.0210609 -0.0464823
+0.909677 0.412169 -0.0179757 -0.0477602
+0.880772 0.470783 -0.0148135 -0.0488337
+0.848096 0.52738 -0.0115879 -0.049698
+0.811788 0.581719 -0.00831273 -0.0503494
+0.772003 0.633567 -0.00500192 -0.0507853
+0.728913 0.682702 -0.00166969 -0.0510037
+0.682702 0.728913 0.00166969 -0.0510037
+0.633567 0.772003 0.00500192 -0.0507853
+0.581719 0.811788 0.00831273 -0.0503494
+0.52738 0.848096 0.0115879 -0.049698
+0.470782 0.880772 0.0148135 -0.0488337
+0.412169 0.909677 0.0179757 -0.0477602
+0.351791 0.934687 0.0210609 -0.0464823
+0.289906 0.955694 0.0240559 -0.0450054
+0.22678 0.972608 0.0269479 -0.0433357
+0.162683 0.985358 0.0297244 -0.0414804
+0.0978893 0.993888 0.0323738 -0.0394475
+0.0326763 0.998162 0.0348844 -0.0372457
+-0.0326765 0.998162 0.0372457 -0.0348844
+-0.0978895 0.993888 0.0394475 -0.0323737
+-0.162683 0.985358 0.0414804 -0.0297244
+-0.22678 0.972608 0.0433357 -0.0269478
+-0.289907 0.955693 0.0450054 -0.0240559
+-0.351791 0.934686 0.0464823 -0.0210609
+-0.412169 0.909677 0.0477603 -0.0179757
+-0.470782 0.880772 0.0488337 -0.0148135
+-0.52738 0.848096 0.049698 -0.0115879
+-0.581719 0.811788 0.0503494 -0.00831272
+-0.633567 0.772003 0.0507853 -0.00500192
+-0.682702 0.728913 0.0510037 -0.00166969
+-0.728913 0.682702 0.0510037 0.00166969
+-0.772003 0.633567 0.0507853 0.00500192
+-0.811788 0.581719 0.0503494 0.00831272
+-0.848096 0.52738 0.049698 0.0115879
+-0.880772 0.470783 0.0488337 0.0148135
+-0.909677 0.412169 0.0477602 0.0179757
+-0.934687 0.351791 0.0464823 0.0210609
+-0.955693 0.289906 0.0450054 0.0240559
+-0.972608 0.22678 0.0433357 0.0269479
+-0.985358 0.162683 0.0414804 0.0297244
+-0.993888 0.0978894 0.0394475 0.0323737
+-0.998162 0.0326765 0.0372457 0.0348844
+0.735586 0.0240806 0.49412 -0.462794
+0.732436 0.0721387 0.523331 -0.429486
+0.72615 0.119888 0.5503 -0.394339
+0.716754 0.167124 0.574913 -0.357504
+0.704289 0.213644 0.597064 -0.319137
+0.688808 0.259249 0.616658 -0.279404
+0.670378 0.303744 0.633611 -0.238474
+0.649076 0.346939 0.647852 -0.196524
+0.624996 0.388647 0.659318 -0.153731
+0.598239 0.428692 0.667961 -0.110281
+0.56892 0.466901 0.673743 -0.0663579
+0.537165 0.50311 0.676641 -0.0221509
+0.50311 0.537165 0.676641 0.0221509
+0.466901 0.56892 0.673743 0.0663579
+0.428692 0.598239 0.667961 0.110281
+0.388647 0.624996 0.659318 0.153731
+0.346939 0.649077 0.647852 0.196524
+0.303744 0.670378 0.633611 0.238474
+0.259249 0.688808 0.616658 0.279404
+0.213644 0.704289 0.597064 0.319137
+0.167124 0.716754 0.574913 0.357504
+0.119888 0.72615 0.5503 0.394339
+0.0721386 0.732436 0.52333 0.429486
+0.0240805 0.735586 0.49412 0.462794
+-0.0240807 0.735586 0.462794 0.49412
+-0.0721387 0.732436 0.429486 0.523331
+-0.119888 0.72615 0.394339 0.5503
+-0.167124 0.716754 0.357504 0.574913
+-0.213644 0.704289 0.319137 0.597064
+-0.259249 0.688808 0.279404 0.616658
+-0.303744 0.670378 0.238474 0.633611
+-0.346939 0.649077 0.196524 0.647852
+-0.388647 0.624996 0.153731 0.659318
+-0.428692 0.598239 0.110281 0.667961
+-0.466901 0.56892 0.0663579 0.673743
+-0.50311 0.537165 0.0221509 0.676641
+-0.537165 0.50311 -0.0221509 0.676641
+-0.56892 0.466901 -0.0663579 0.673743
+-0.598239 0.428692 -0.110281 0.667961
+-0.624996 0.388647 -0.153731 0.659318
+-0.649076 0.346939 -0.196524 0.647852
+-0.670378 0.303744 -0.238474 0.633611
+-0.688808 0.259249 -0.279404 0.616658
+-0.704289 0.213644 -0.319137 0.597064
+-0.716754 0.167124 -0.357504 0.574913
+-0.72615 0.119888 -0.394339 0.5503
+-0.732436 0.0721386 -0.429486 0.523331
+-0.735586 0.0240807 -0.462794 0.49412
+0.763354 0.0249896 0.512107 -0.392954
+0.760085 0.0748618 0.536711 -0.358619
+0.753561 0.124413 0.559017 -0.322749
+0.743811 0.173432 0.578929 -0.285496
+0.730875 0.221709 0.596362 -0.247021
+0.71481 0.269035 0.611241 -0.207488
+0.695684 0.31521 0.623502 -0.167067
+0.673578 0.360035 0.633094 -0.12593
+0.648589 0.403318 0.639975 -0.0842543
+0.620822 0.444875 0.644115 -0.0422175
+0.590396 0.484526 0.645497 -1.17023e-08
+0.557443 0.522102 0.644115 0.0422176
+0.522102 0.557443 0.639975 0.0842543
+0.484526 0.590396 0.633094 0.12593
+0.444875 0.620822 0.623502 0.167067
+0.403318 0.648589 0.611241 0.207488
+0.360035 0.673579 0.596362 0.247021
+0.31521 0.695684 0.578929 0.285496
+0.269035 0.71481 0.559017 0.322749
+0.221709 0.730875 0.536711 0.358619
+0.173432 0.743811 0.512107 0.392954
+0.124413 0.753561 0.48531 0.425606
+0.0748617 0.760085 0.456435 0.456436
+0.0249895 0.763354 0.425606 0.485311
+-0.0249897 0.763354 0.392954 0.512107
+-0.0748619 0.760085 0.358619 0.536711
+-0.124414 0.753561 0.322749 0.559017
+-0.173432 0.743811 0.285496 0.578929
+-0.221709 0.730875 0.247021 0.596362
+-0.269036 0.71481 0.207488 0.611241
+-0.31521 0.695684 0.167067 0.623502
+-0.360035 0.673579 0.12593 0.633094
+-0.403318 0.648589 0.0842543 0.639975
+-0.444875 0.620822 0.0422175 0.644115
+-0.484526 0.590397 2.19614e-08 0.645497
+-0.522102 0.557443 -0.0422176 0.644115
+-0.557443 0.522102 -0.0842543 0.639975
+-0.590397 0.484526 -0.12593 0.633094
+-0.620822 0.444875 -0.167067 0.623502
+-0.648589 0.403318 -0.207488 0.611241
+-0.673578 0.360035 -0.247021 0.596362
+-0.695684 0.31521 -0.285496 0.578929
+-0.71481 0.269035 -0.322749 0.559017
+-0.730875 0.221709 -0.358619 0.536711
+-0.743811 0.173432 -0.392954 0.512107
+-0.753561 0.124414 -0.425606 0.485311
+-0.760085 0.0748618 -0.456435 0.456435
+-0.763354 0.0249897 -0.48531 0.425606
+0.763354 0.0249896 0.425606 -0.485311
+0.760085 0.0748618 0.456435 -0.456435
+0.753561 0.124413 0.485311 -0.425606
+0.743811 0.173432 0.512107 -0.392954
+0.730875 0.221709 0.536711 -0.358619
+0.71481 0.269035 0.559017 -0.322749
+0.695684 0.31521 0.578929 -0.285496
+0.673578 0.360035 0.596362 -0.247021
+0.648589 0.403318 0.611241 -0.207488
+0.620822 0.444875 0.623502 -0.167067
+0.590396 0.484526 0.633094 -0.12593
+0.557443 0.522102 0.639975 -0.0842543
+0.522102 0.557443 0.644115 -0.0422175
+0.484526 0.590396 0.645497 1.44328e-09
+0.444875 0.620822 0.644115 0.0422176
+0.403318 0.648589 0.639975 0.0842544
+0.360035 0.673579 0.633094 0.12593
+0.31521 0.695684 0.623502 0.167067
+0.269035 0.71481 0.611241 0.207488
+0.221709 0.730875 0.596362 0.247021
+0.173432 0.743811 0.578929 0.285496
+0.124413 0.753561 0.559017 0.322749
+0.0748617 0.760085 0.536711 0.358619
+0.0249895 0.763354 0.512107 0.392954
+-0.0249897 0.763354 0.48531 0.425606
+-0.0748619 0.760085 0.456435 0.456436
+-0.124414 0.753561 0.425606 0.485311
+-0.173432 0.743811 0.392954 0.512107
+-0.221709 0.730875 0.358619 0.536711
+-0.269036 0.71481 0.322749 0.559017
+-0.31521 0.695684 0.285496 0.578929
+-0.360035 0.673579 0.247021 0.596362
+-0.403318 0.648589 0.207488 0.611241
+-0.444875 0.620822 0.167067 0.623502
+-0.484526 0.590397 0.12593 0.633094
+-0.522102 0.557443 0.0842542 0.639975
+-0.557443 0.522102 0.0422176 0.644115
+-0.590397 0.484526 -2.96589e-08 0.645497
+-0.620822 0.444875 -0.0422175 0.644115
+-0.648589 0.403318 -0.0842543 0.639975
+-0.673578 0.360035 -0.12593 0.633094
+-0.695684 0.31521 -0.167067 0.623502
+-0.71481 0.269035 -0.207488 0.611241
+-0.730875 0.221709 -0.247021 0.596362
+-0.743811 0.173432 -0.285496 0.578929
+-0.753561 0.124414 -0.322749 0.559017
+-0.760085 0.0748618 -0.358619 0.536711
+-0.763354 0.0249897 -0.392954 0.512107
+0.790146 0.0258667 0.446949 -0.418613
+0.786763 0.0774894 0.47337 -0.388485
+0.78001 0.12878 0.497765 -0.356693
+0.769917 0.17952 0.520028 -0.323374
+0.756528 0.22949 0.540064 -0.28867
+0.739899 0.278478 0.557788 -0.25273
+0.720101 0.326274 0.573123 -0.215708
+0.69722 0.372672 0.586004 -0.177762
+0.671353 0.417474 0.596375 -0.139055
+0.642612 0.460489 0.604193 -0.0997527
+0.611118 0.501532 0.609424 -0.060023
+0.577008 0.540427 0.612045 -0.0200362
+0.540427 0.577008 0.612045 0.0200363
+0.501532 0.611118 0.609424 0.060023
+0.460489 0.642612 0.604193 0.0997527
+0.417474 0.671353 0.596375 0.139055
+0.372672 0.69722 0.586004 0.177762
+0.326274 0.720101 0.573123 0.215708
+0.278478 0.739899 0.557788 0.25273
+0.22949 0.756528 0.540064 0.28867
+0.17952 0.769917 0.520028 0.323374
+0.12878 0.78001 0.497765 0.356693
+0.0774893 0.786763 0.47337 0.388485
+0.0258666 0.790146 0.446949 0.418613
+-0.0258668 0.790146 0.418613 0.446949
+-0.0774894 0.786763 0.388485 0.47337
+-0.12878 0.78001 0.356693 0.497765
+-0.17952 0.769917 0.323374 0.520028
+-0.22949 0.756528 0.28867 0.540064
+-0.278478 0.739899 0.25273 0.557788
+-0.326274 0.720101 0.215708 0.573123
+-0.372672 0.69722 0.177762 0.586004
+-0.417474 0.671353 0.139055 0.596375
+-0.460489 0.642612 0.0997526 0.604193
+-0.501532 0.611118 0.060023 0.609424
+-0.540427 0.577008 0.0200362 0.612045
+-0.577008 0.540427 -0.0200362 0.612045
+-0.611118 0.501532 -0.060023 0.609424
+-0.642612 0.460489 -0.0997526 0.604193
+-0.671353 0.417474 -0.139055 0.596375
+-0.69722 0.372672 -0.177762 0.586004
+-0.720101 0.326274 -0.215708 0.573123
+-0.739899 0.278478 -0.25273 0.557788
+-0.756528 0.22949 -0.28867 0.540064
+-0.769917 0.179519 -0.323374 0.520028
+-0.78001 0.12878 -0.356693 0.497765
+-0.786763 0.0774893 -0.388485 0.47337
+-0.790146 0.0258668 -0.418613 0.446949
+0.790146 0.0258667 0.520028 -0.323374
+0.786763 0.0774894 0.540064 -0.28867
+0.78001 0.12878 0.557788 -0.25273
+0.769917 0.17952 0.573123 -0.215708
+0.756528 0.22949 0.586004 -0.177762
+0.739899 0.278478 0.596375 -0.139055
+0.720101 0.326274 0.604193 -0.0997527
+0.69722 0.372672 0.609424 -0.060023
+0.671353 0.417474 0.612045 -0.0200363
+0.642612 0.460489 0.612045 0.0200363
+0.611118 0.501532 0.609424 0.060023
+0.577008 0.540427 0.604193 0.0997527
+0.540427 0.577008 0.596375 0.139055
+0.501532 0.611118 0.586004 0.177762
+0.460489 0.642612 0.573123 0.215708
+0.417474 0.671353 0.557788 0.25273
+0.372672 0.69722 0.540064 0.28867
+0.326274 0.720101 0.520028 0.323374
+0.278478 0.739899 0.497765 0.356693
+0.22949 0.756528 0.47337 0.388485
+0.17952 0.769917 0.446949 0.418613
+0.12878 0.78001 0.418613 0.446949
+0.0774893 0.786763 0.388485 0.47337
+0.0258666 0.790146 0.356693 0.497765
+-0.0258668 0.790146 0.323374 0.520028
+-0.0774894 0.786763 0.28867 0.540064
+-0.12878 0.78001 0.25273 0.557788
+-0.17952 0.769917 0.215708 0.573123
+-0.22949 0.756528 0.177762 0.586004
+-0.278478 0.739899 0.139055 0.596375
+-0.326274 0.720101 0.0997526 0.604193
+-0.372672 0.69722 0.0600231 0.609424
+-0.417474 0.671353 0.0200363 0.612045
+-0.460489 0.642612 -0.0200363 0.612045
+-0.501532 0.611118 -0.060023 0.609424
+-0.540427 0.577008 -0.0997527 0.604193
+-0.577008 0.540427 -0.139055 0.596375
+-0.611118 0.501532 -0.177762 0.586004
+-0.642612 0.460489 -0.215708 0.573123
+-0.671353 0.417474 -0.25273 0.557788
+-0.69722 0.372672 -0.28867 0.540064
+-0.720101 0.326274 -0.323374 0.520028
+-0.739899 0.278478 -0.356693 0.497765
+-0.756528 0.22949 -0.388485 0.47337
+-0.769917 0.179519 -0.418613 0.446949
+-0.78001 0.12878 -0.446949 0.418613
+-0.786763 0.0774893 -0.47337 0.388485
+-0.790146 0.0258668 -0.497765 0.356693
+0.816059 0.026715 0.51781 -0.255355
+0.812565 0.0800307 0.533402 -0.220942
+0.805591 0.133004 0.54671 -0.185583
+0.795167 0.185407 0.557678 -0.149429
+0.781339 0.237016 0.566257 -0.112635
+0.764164 0.287611 0.572411 -0.0753593
+0.743717 0.336974 0.576114 -0.0377605
+0.720086 0.384894 0.57735 1.21881e-08
+0.693371 0.431166 0.576114 0.0377605
+0.663687 0.475591 0.572411 0.0753593
+0.63116 0.51798 0.566257 0.112635
+0.595932 0.558151 0.557678 0.149429
+0.558151 0.595932 0.54671 0.185583
+0.51798 0.63116 0.533402 0.220942
+0.475591 0.663687 0.51781 0.255356
+0.431166 0.693371 0.5 0.288675
+0.384894 0.720086 0.480049 0.320759
+0.336974 0.743717 0.458043 0.351469
+0.287611 0.764164 0.434075 0.380674
+0.237016 0.781339 0.408248 0.408248
+0.185407 0.795167 0.380673 0.434075
+0.133003 0.805591 0.351469 0.458043
+0.0800306 0.812565 0.320759 0.480049
+0.0267149 0.816059 0.288675 0.5
+-0.0267151 0.816059 0.255355 0.51781
+-0.0800307 0.812565 0.220942 0.533402
+-0.133004 0.805591 0.185583 0.54671
+-0.185407 0.795167 0.149429 0.557678
+-0.237017 0.781338 0.112635 0.566257
+-0.287611 0.764164 0.0753592 0.572411
+-0.336974 0.743717 0.0377604 0.576114
+-0.384894 0.720086 6.58134e-08 0.57735
+-0.431166 0.693371 -0.0377605 0.576114
+-0.475591 0.663686 -0.0753594 0.572411
+-0.51798 0.63116 -0.112635 0.566257
+-0.558151 0.595931 -0.149429 0.557678
+-0.595931 0.558151 -0.185583 0.54671
+-0.63116 0.51798 -0.220942 0.533402
+-0.663686 0.475591 -0.255355 0.51781
+-0.693371 0.431166 -0.288675 0.5
+-0.720086 0.384894 -0.320759 0.480049
+-0.743717 0.336974 -0.351469 0.458043
+-0.764164 0.287611 -0.380674 0.434075
+-0.781339 0.237016 -0.408248 0.408248
+-0.795167 0.185407 -0.434075 0.380673
+-0.805591 0.133004 -0.458043 0.351469
+-0.812565 0.0800306 -0.480049 0.320759
+-0.816059 0.0267151 -0.5 0.288675
+0.816059 0.026715 0.458043 -0.351469
+0.812565 0.0800307 0.480049 -0.320759
+0.805591 0.133004 0.5 -0.288675
+0.795167 0.185407 0.51781 -0.255355
+0.781339 0.237016 0.533402 -0.220942
+0.764164 0.287611 0.54671 -0.185583
+0.743717 0.336974 0.557678 -0.149429
+0.720086 0.384894 0.566257 -0.112635
+0.693371 0.431166 0.572411 -0.0753593
+0.663687 0.475591 0.576114 -0.0377605
+0.63116 0.51798 0.57735 -1.04669e-08
+0.595932 0.558151 0.576114 0.0377605
+0.558151 0.595932 0.572411 0.0753593
+0.51798 0.63116 0.566257 0.112635
+0.475591 0.663687 0.557678 0.149429
+0.431166 0.693371 0.54671 0.185583
+0.384894 0.720086 0.533402 0.220942
+0.336974 0.743717 0.51781 0.255356
+0.287611 0.764164 0.5 0.288675
+0.237016 0.781339 0.480049 0.320759
+0.185407 0.795167 0.458043 0.351469
+0.133003 0.805591 0.434075 0.380674
+0.0800306 0.812565 0.408248 0.408248
+0.0267149 0.816059 0.380673 0.434075
+-0.0267151 0.816059 0.351469 0.458043
+-0.0800307 0.812565 0.320759 0.480049
+-0.133004 0.805591 0.288675 0.5
+-0.185407 0.795167 0.255355 0.51781
+-0.237017 0.781338 0.220942 0.533402
+-0.287611 0.764164 0.185583 0.54671
+-0.336974 0.743717 0.149429 0.557678
+-0.384894 0.720086 0.112636 0.566257
+-0.431166 0.693371 0.0753593 0.572411
+-0.475591 0.663686 0.0377605 0.576114
+-0.51798 0.63116 1.96429e-08 0.57735
+-0.558151 0.595931 -0.0377606 0.576114
+-0.595931 0.558151 -0.0753593 0.572411
+-0.63116 0.51798 -0.112635 0.566257
+-0.663686 0.475591 -0.149429 0.557678
+-0.693371 0.431166 -0.185583 0.54671
+-0.720086 0.384894 -0.220942 0.533402
+-0.743717 0.336974 -0.255355 0.51781
+-0.764164 0.287611 -0.288675 0.5
+-0.781339 0.237016 -0.320759 0.480049
+-0.795167 0.185407 -0.351469 0.458043
+-0.805591 0.133004 -0.380673 0.434075
+-0.812565 0.0800306 -0.408248 0.408248
+-0.816059 0.0267151 -0.434075 0.380674
+0.841175 0.0275372 0.458622 -0.285189
+0.837573 0.0824937 0.476292 -0.254583
+0.830384 0.137097 0.491923 -0.222887
+0.81964 0.191113 0.505447 -0.190237
+0.805385 0.244311 0.516807 -0.156772
+0.787682 0.296463 0.525954 -0.122635
+0.766606 0.347345 0.532848 -0.0879736
+0.742247 0.396739 0.537461 -0.0529353
+0.71471 0.444435 0.539773 -0.0176703
+0.684112 0.490228 0.539773 0.0176703
+0.650585 0.533921 0.537461 0.0529353
+0.614272 0.575329 0.532848 0.0879736
+0.575329 0.614272 0.525954 0.122635
+0.533922 0.650585 0.516807 0.156772
+0.490228 0.684112 0.505447 0.190237
+0.444435 0.71471 0.491923 0.222887
+0.396739 0.742247 0.476292 0.254583
+0.347345 0.766606 0.458622 0.285189
+0.296463 0.787682 0.438987 0.314574
+0.244311 0.805385 0.417473 0.342612
+0.191113 0.81964 0.394172 0.369182
+0.137097 0.830384 0.369182 0.394172
+0.0824936 0.837573 0.342611 0.417473
+0.0275371 0.841175 0.314574 0.438987
+-0.0275373 0.841175 0.285189 0.458622
+-0.0824938 0.837573 0.254583 0.476292
+-0.137097 0.830384 0.222887 0.491923
+-0.191113 0.81964 0.190237 0.505447
+-0.244311 0.805385 0.156772 0.516807
+-0.296463 0.787682 0.122635 0.525954
+-0.347345 0.766606 0.0879735 0.532848
+-0.396739 0.742247 0.0529354 0.537461
+-0.444435 0.71471 0.0176703 0.539773
+-0.490228 0.684112 -0.0176704 0.539773
+-0.533921 0.650585 -0.0529353 0.537461
+-0.575329 0.614272 -0.0879736 0.532848
+-0.614272 0.575329 -0.122635 0.525954
+-0.650585 0.533921 -0.156772 0.516807
+-0.684112 0.490228 -0.190237 0.505447
+-0.71471 0.444435 -0.222887 0.491923
+-0.742247 0.39674 -0.254583 0.476292
+-0.766606 0.347345 -0.285189 0.458622
+-0.787682 0.296463 -0.314574 0.438987
+-0.805385 0.244311 -0.342612 0.417473
+-0.81964 0.191113 -0.369182 0.394172
+-0.830384 0.137097 -0.394172 0.369182
+-0.837573 0.0824937 -0.417473 0.342612
+-0.841175 0.0275373 -0.438987 0.314574
+0.790146 0.0258667 0.356693 -0.497765
+0.786763 0.0774894 0.388485 -0.47337
+0.78001 0.12878 0.418613 -0.446949
+0.769917 0.17952 0.446949 -0.418613
+0.756528 0.22949 0.47337 -0.388485
+0.739899 0.278478 0.497765 -0.356693
+0.720101 0.326274 0.520028 -0.323374
+0.69722 0.372672 0.540064 -0.28867
+0.671353 0.417474 0.557788 -0.25273
+0.642612 0.460489 0.573123 -0.215708
+0.611118 0.501532 0.586004 -0.177762
+0.577008 0.540427 0.596375 -0.139055
+0.540427 0.577008 0.604193 -0.0997527
+0.501532 0.611118 0.609424 -0.060023
+0.460489 0.642612 0.612045 -0.0200362
+0.417474 0.671353 0.612045 0.0200363
+0.372672 0.69722 0.609424 0.060023
+0.326274 0.720101 0.604193 0.0997527
+0.278478 0.739899 0.596375 0.139055
+0.22949 0.756528 0.586004 0.177762
+0.17952 0.769917 0.573123 0.215708
+0.12878 0.78001 0.557788 0.25273
+0.0774893 0.786763 0.540064 0.28867
+0.0258666 0.790146 0.520028 0.323374
+-0.0258668 0.790146 0.497765 0.356693
+-0.0774894 0.786763 0.47337 0.388485
+-0.12878 0.78001 0.446949 0.418613
+-0.17952 0.769917 0.418613 0.446949
+-0.22949 0.756528 0.388485 0.47337
+-0.278478 0.739899 0.356693 0.497765
+-0.326274 0.720101 0.323374 0.520028
+-0.372672 0.69722 0.28867 0.540064
+-0.417474 0.671353 0.25273 0.557788
+-0.460489 0.642612 0.215708 0.573123
+-0.501532 0.611118 0.177762 0.586004
+-0.540427 0.577008 0.139055 0.596375
+-0.577008 0.540427 0.0997527 0.604193
+-0.611118 0.501532 0.060023 0.609424
+-0.642612 0.460489 0.0200363 0.612045
+-0.671353 0.417474 -0.0200363 0.612045
+-0.69722 0.372672 -0.0600229 0.609424
+-0.720101 0.326274 -0.0997527 0.604193
+-0.739899 0.278478 -0.139055 0.596375
+-0.756528 0.22949 -0.177762 0.586004
+-0.769917 0.179519 -0.215708 0.573123
+-0.78001 0.12878 -0.25273 0.557788
+-0.786763 0.0774893 -0.28867 0.540064
+-0.790146 0.0258668 -0.323374 0.520028
+0.816059 0.026715 0.380673 -0.434075
+0.812565 0.0800307 0.408248 -0.408248
+0.805591 0.133004 0.434075 -0.380673
+0.795167 0.185407 0.458043 -0.351469
+0.781339 0.237016 0.480049 -0.320759
+0.764164 0.287611 0.5 -0.288675
+0.743717 0.336974 0.51781 -0.255355
+0.720086 0.384894 0.533402 -0.220942
+0.693371 0.431166 0.54671 -0.185583
+0.663687 0.475591 0.557678 -0.149429
+0.63116 0.51798 0.566257 -0.112635
+0.595932 0.558151 0.572411 -0.0753593
+0.558151 0.595932 0.576114 -0.0377605
+0.51798 0.63116 0.57735 1.29091e-09
+0.475591 0.663687 0.576114 0.0377605
+0.431166 0.693371 0.572411 0.0753594
+0.384894 0.720086 0.566257 0.112635
+0.336974 0.743717 0.557678 0.149429
+0.287611 0.764164 0.54671 0.185583
+0.237016 0.781339 0.533402 0.220942
+0.185407 0.795167 0.51781 0.255356
+0.133003 0.805591 0.5 0.288675
+0.0800306 0.812565 0.480049 0.320759
+0.0267149 0.816059 0.458043 0.351469
+-0.0267151 0.816059 0.434075 0.380674
+-0.0800307 0.812565 0.408248 0.408248
+-0.133004 0.805591 0.380673 0.434075
+-0.185407 0.795167 0.351469 0.458043
+-0.237017 0.781338 0.320759 0.480049
+-0.287611 0.764164 0.288675 0.5
+-0.336974 0.743717 0.255355 0.51781
+-0.384894 0.720086 0.220942 0.533402
+-0.431166 0.693371 0.185583 0.54671
+-0.475591 0.663686 0.149429 0.557678
+-0.51798 0.63116 0.112635 0.566257
+-0.558151 0.595931 0.0753593 0.572411
+-0.595931 0.558151 0.0377605 0.576114
+-0.63116 0.51798 -2.65277e-08 0.57735
+-0.663686 0.475591 -0.0377605 0.576114
+-0.693371 0.431166 -0.0753593 0.572411
+-0.720086 0.384894 -0.112635 0.566257
+-0.743717 0.336974 -0.149429 0.557678
+-0.764164 0.287611 -0.185583 0.54671
+-0.781339 0.237016 -0.220942 0.533402
+-0.795167 0.185407 -0.255356 0.51781
+-0.805591 0.133004 -0.288675 0.5
+-0.812565 0.0800306 -0.320759 0.480049
+-0.816059 0.0267151 -0.351469 0.458043
+0.816059 0.026715 0.288675 -0.5
+0.812565 0.0800307 0.320759 -0.480049
+0.805591 0.133004 0.351469 -0.458043
+0.795167 0.185407 0.380673 -0.434075
+0.781339 0.237016 0.408248 -0.408248
+0.764164 0.287611 0.434075 -0.380673
+0.743717 0.336974 0.458043 -0.351469
+0.720086 0.384894 0.480049 -0.320759
+0.693371 0.431166 0.5 -0.288675
+0.663687 0.475591 0.51781 -0.255355
+0.63116 0.51798 0.533402 -0.220942
+0.595932 0.558151 0.54671 -0.185583
+0.558151 0.595932 0.557678 -0.149429
+0.51798 0.63116 0.566257 -0.112635
+0.475591 0.663687 0.572411 -0.0753593
+0.431166 0.693371 0.576114 -0.0377605
+0.384894 0.720086 0.57735 4.74615e-08
+0.336974 0.743717 0.576114 0.0377606
+0.287611 0.764164 0.572411 0.0753594
+0.237016 0.781339 0.566257 0.112635
+0.185407 0.795167 0.557678 0.149429
+0.133003 0.805591 0.54671 0.185583
+0.0800306 0.812565 0.533402 0.220942
+0.0267149 0.816059 0.51781 0.255356
+-0.0267151 0.816059 0.5 0.288675
+-0.0800307 0.812565 0.480049 0.320759
+-0.133004 0.805591 0.458043 0.351469
+-0.185407 0.795167 0.434075 0.380674
+-0.237017 0.781338 0.408248 0.408248
+-0.287611 0.764164 0.380673 0.434075
+-0.336974 0.743717 0.351469 0.458043
+-0.384894 0.720086 0.320759 0.480049
+-0.431166 0.693371 0.288675 0.5
+-0.475591 0.663686 0.255355 0.51781
+-0.51798 0.63116 0.220942 0.533402
+-0.558151 0.595931 0.185583 0.54671
+-0.595931 0.558151 0.149429 0.557678
+-0.63116 0.51798 0.112635 0.566257
+-0.663686 0.475591 0.0753594 0.572411
+-0.693371 0.431166 0.0377605 0.576114
+-0.720086 0.384894 6.49528e-08 0.57735
+-0.743717 0.336974 -0.0377605 0.576114
+-0.764164 0.287611 -0.0753594 0.572411
+-0.781339 0.237016 -0.112635 0.566257
+-0.795167 0.185407 -0.149429 0.557678
+-0.805591 0.133004 -0.185583 0.54671
+-0.812565 0.0800306 -0.220942 0.533402
+-0.816059 0.0267151 -0.255355 0.51781
+0.841175 0.0275372 0.314574 -0.438987
+0.837573 0.0824937 0.342612 -0.417473
+0.830384 0.137097 0.369182 -0.394172
+0.81964 0.191113 0.394172 -0.369182
+0.805385 0.244311 0.417473 -0.342612
+0.787682 0.296463 0.438987 -0.314574
+0.766606 0.347345 0.458622 -0.285189
+0.742247 0.396739 0.476292 -0.254583
+0.71471 0.444435 0.491923 -0.222887
+0.684112 0.490228 0.505447 -0.190237
+0.650585 0.533921 0.516807 -0.156772
+0.614272 0.575329 0.525954 -0.122635
+0.575329 0.614272 0.532848 -0.0879736
+0.533922 0.650585 0.537461 -0.0529353
+0.490228 0.684112 0.539773 -0.0176703
+0.444435 0.71471 0.539773 0.0176704
+0.396739 0.742247 0.537461 0.0529354
+0.347345 0.766606 0.532848 0.0879736
+0.296463 0.787682 0.525954 0.122635
+0.244311 0.805385 0.516807 0.156772
+0.191113 0.81964 0.505447 0.190237
+0.137097 0.830384 0.491923 0.222887
+0.0824936 0.837573 0.476292 0.254583
+0.0275371 0.841175 0.458622 0.285189
+-0.0275373 0.841175 0.438987 0.314574
+-0.0824938 0.837573 0.417473 0.342612
+-0.137097 0.830384 0.394172 0.369182
+-0.191113 0.81964 0.369182 0.394172
+-0.244311 0.805385 0.342611 0.417473
+-0.296463 0.787682 0.314574 0.438987
+-0.347345 0.766606 0.285189 0.458622
+-0.396739 0.742247 0.254583 0.476292
+-0.444435 0.71471 0.222887 0.491923
+-0.490228 0.684112 0.190237 0.505447
+-0.533921 0.650585 0.156772 0.516807
+-0.575329 0.614272 0.122635 0.525954
+-0.614272 0.575329 0.0879736 0.532848
+-0.650585 0.533921 0.0529353 0.537461
+-0.684112 0.490228 0.0176704 0.539773
+-0.71471 0.444435 -0.0176703 0.539773
+-0.742247 0.39674 -0.0529352 0.537461
+-0.766606 0.347345 -0.0879736 0.532848
+-0.787682 0.296463 -0.122635 0.525954
+-0.805385 0.244311 -0.156772 0.516807
+-0.81964 0.191113 -0.190237 0.505447
+-0.830384 0.137097 -0.222887 0.491923
+-0.837573 0.0824937 -0.254583 0.476292
+-0.841175 0.0275373 -0.285189 0.458622
+0.841175 0.0275372 0.394172 -0.369182
+0.837573 0.0824937 0.417473 -0.342612
+0.830384 0.137097 0.438987 -0.314574
+0.81964 0.191113 0.458622 -0.285189
+0.805385 0.244311 0.476292 -0.254583
+0.787682 0.296463 0.491923 -0.222887
+0.766606 0.347345 0.505447 -0.190237
+0.742247 0.396739 0.516807 -0.156772
+0.71471 0.444435 0.525954 -0.122635
+0.684112 0.490228 0.532848 -0.0879736
+0.650585 0.533921 0.537461 -0.0529353
+0.614272 0.575329 0.539773 -0.0176703
+0.575329 0.614272 0.539773 0.0176703
+0.533922 0.650585 0.537461 0.0529353
+0.490228 0.684112 0.532848 0.0879736
+0.444435 0.71471 0.525954 0.122635
+0.396739 0.742247 0.516807 0.156772
+0.347345 0.766606 0.505447 0.190237
+0.296463 0.787682 0.491923 0.222887
+0.244311 0.805385 0.476292 0.254583
+0.191113 0.81964 0.458622 0.285189
+0.137097 0.830384 0.438987 0.314574
+0.0824936 0.837573 0.417473 0.342612
+0.0275371 0.841175 0.394172 0.369182
+-0.0275373 0.841175 0.369182 0.394172
+-0.0824938 0.837573 0.342611 0.417473
+-0.137097 0.830384 0.314574 0.438987
+-0.191113 0.81964 0.285189 0.458622
+-0.244311 0.805385 0.254583 0.476292
+-0.296463 0.787682 0.222887 0.491923
+-0.347345 0.766606 0.190237 0.505447
+-0.396739 0.742247 0.156772 0.516807
+-0.444435 0.71471 0.122635 0.525954
+-0.490228 0.684112 0.0879736 0.532848
+-0.533921 0.650585 0.0529353 0.537461
+-0.575329 0.614272 0.0176703 0.539773
+-0.614272 0.575329 -0.0176703 0.539773
+-0.650585 0.533921 -0.0529353 0.537461
+-0.684112 0.490228 -0.0879736 0.532848
+-0.71471 0.444435 -0.122635 0.525954
+-0.742247 0.39674 -0.156772 0.516807
+-0.766606 0.347345 -0.190237 0.505447
+-0.787682 0.296463 -0.222887 0.491923
+-0.805385 0.244311 -0.254583 0.476292
+-0.81964 0.191113 -0.285189 0.458622
+-0.830384 0.137097 -0.314574 0.438987
+-0.837573 0.0824937 -0.342612 0.417473
+-0.841175 0.0275373 -0.369182 0.394172
+0.865562 0.0283356 0.396677 -0.304381
+0.861855 0.0848853 0.415735 -0.277785
+0.854458 0.141072 0.433013 -0.25
+0.843402 0.196654 0.448436 -0.221144
+0.828735 0.251394 0.46194 -0.191342
+0.810518 0.305057 0.473465 -0.16072
+0.788831 0.357415 0.482963 -0.12941
+0.763766 0.408242 0.490393 -0.0975452
+0.735431 0.45732 0.495722 -0.0652631
+0.703946 0.50444 0.498929 -0.0327016
+0.669447 0.549401 0.5 -9.06459e-09
+0.632081 0.592008 0.498929 0.0327016
+0.592008 0.632081 0.495722 0.0652631
+0.549401 0.669447 0.490393 0.0975452
+0.50444 0.703946 0.482963 0.12941
+0.45732 0.735431 0.473465 0.16072
+0.408241 0.763766 0.46194 0.191342
+0.357415 0.788831 0.448436 0.221144
+0.305057 0.810518 0.433013 0.25
+0.251394 0.828735 0.415735 0.277785
+0.196654 0.843402 0.396677 0.304381
+0.141072 0.854458 0.37592 0.329673
+0.0848852 0.861855 0.353553 0.353553
+0.0283355 0.865562 0.329673 0.37592
+-0.0283356 0.865562 0.304381 0.396677
+-0.0848854 0.861855 0.277785 0.415735
+-0.141072 0.854458 0.25 0.433013
+-0.196654 0.843402 0.221144 0.448436
+-0.251394 0.828735 0.191342 0.46194
+-0.305058 0.810518 0.16072 0.473465
+-0.357415 0.788831 0.129409 0.482963
+-0.408241 0.763766 0.0975452 0.490393
+-0.45732 0.735431 0.0652631 0.495722
+-0.504441 0.703946 0.0327015 0.498929
+-0.549401 0.669447 1.70112e-08 0.5
+-0.592008 0.632081 -0.0327016 0.498929
+-0.632081 0.592008 -0.0652631 0.495722
+-0.669447 0.549401 -0.0975452 0.490393
+-0.703946 0.504441 -0.129409 0.482963
+-0.735431 0.45732 -0.16072 0.473465
+-0.763766 0.408242 -0.191342 0.46194
+-0.788831 0.357415 -0.221144 0.448436
+-0.810518 0.305057 -0.25 0.433013
+-0.828735 0.251394 -0.277785 0.415735
+-0.843402 0.196654 -0.304381 0.396677
+-0.854458 0.141072 -0.329673 0.37592
+-0.861855 0.0848853 -0.353553 0.353553
+-0.865562 0.0283356 -0.37592 0.329673
+0.865562 0.0283356 0.329673 -0.37592
+0.861855 0.0848853 0.353553 -0.353553
+0.854458 0.141072 0.37592 -0.329673
+0.843402 0.196654 0.396677 -0.304381
+0.828735 0.251394 0.415735 -0.277785
+0.810518 0.305057 0.433013 -0.25
+0.788831 0.357415 0.448436 -0.221144
+0.763766 0.408242 0.46194 -0.191342
+0.735431 0.45732 0.473465 -0.16072
+0.703946 0.50444 0.482963 -0.12941
+0.669447 0.549401 0.490393 -0.0975452
+0.632081 0.592008 0.495722 -0.0652631
+0.592008 0.632081 0.498929 -0.0327016
+0.549401 0.669447 0.5 1.11796e-09
+0.50444 0.703946 0.498929 0.0327016
+0.45732 0.735431 0.495722 0.0652631
+0.408241 0.763766 0.490393 0.0975452
+0.357415 0.788831 0.482963 0.12941
+0.305057 0.810518 0.473465 0.16072
+0.251394 0.828735 0.46194 0.191342
+0.196654 0.843402 0.448436 0.221144
+0.141072 0.854458 0.433013 0.25
+0.0848852 0.861855 0.415735 0.277785
+0.0283355 0.865562 0.396677 0.304381
+-0.0283356 0.865562 0.37592 0.329673
+-0.0848854 0.861855 0.353553 0.353553
+-0.141072 0.854458 0.329673 0.37592
+-0.196654 0.843402 0.304381 0.396677
+-0.251394 0.828735 0.277785 0.415735
+-0.305058 0.810518 0.25 0.433013
+-0.357415 0.788831 0.221144 0.448436
+-0.408241 0.763766 0.191342 0.46194
+-0.45732 0.735431 0.16072 0.473465
+-0.504441 0.703946 0.129409 0.482963
+-0.549401 0.669447 0.0975452 0.490393
+-0.592008 0.632081 0.0652631 0.495722
+-0.632081 0.592008 0.0327016 0.498929
+-0.669447 0.549401 -2.29737e-08 0.5
+-0.703946 0.504441 -0.0327015 0.498929
+-0.735431 0.45732 -0.0652631 0.495722
+-0.763766 0.408242 -0.0975451 0.490393
+-0.788831 0.357415 -0.12941 0.482963
+-0.810518 0.305057 -0.16072 0.473465
+-0.828735 0.251394 -0.191342 0.46194
+-0.843402 0.196654 -0.221144 0.448436
+-0.854458 0.141072 -0.25 0.433013
+-0.861855 0.0848853 -0.277785 0.415735
+-0.865562 0.0283356 -0.304381 0.396677
+0.88928 0.029112 0.333136 -0.312016
+0.885472 0.0872114 0.352829 -0.28956
+0.877872 0.144937 0.371012 -0.265863
+0.866513 0.202043 0.387606 -0.241029
+0.851444 0.258283 0.40254 -0.215162
+0.832728 0.313417 0.415751 -0.188374
+0.810447 0.367209 0.427181 -0.160779
+0.784695 0.419428 0.436782 -0.132496
+0.755583 0.469852 0.444512 -0.103646
+0.723236 0.518263 0.450339 -0.0743513
+0.687791 0.564456 0.454238 -0.0447385
+0.649401 0.608231 0.456191 -0.0149341
+0.608231 0.649401 0.456191 0.0149342
+0.564456 0.687791 0.454238 0.0447385
+0.518263 0.723236 0.450339 0.0743513
+0.469852 0.755583 0.444512 0.103646
+0.419428 0.784695 0.436781 0.132496
+0.367209 0.810447 0.427181 0.160779
+0.313417 0.832728 0.415751 0.188374
+0.258283 0.851444 0.40254 0.215162
+0.202043 0.866513 0.387606 0.241029
+0.144937 0.877872 0.371012 0.265864
+0.0872113 0.885472 0.352829 0.28956
+0.0291119 0.88928 0.333136 0.312016
+-0.0291121 0.88928 0.312016 0.333136
+-0.0872115 0.885472 0.28956 0.352829
+-0.144937 0.877872 0.265863 0.371012
+-0.202043 0.866513 0.241029 0.387606
+-0.258283 0.851444 0.215162 0.40254
+-0.313417 0.832728 0.188374 0.415751
+-0.367209 0.810447 0.160779 0.427181
+-0.419428 0.784695 0.132496 0.436781
+-0.469852 0.755583 0.103646 0.444512
+-0.518263 0.723236 0.0743512 0.450339
+-0.564456 0.687791 0.0447385 0.454238
+-0.608231 0.649401 0.0149341 0.456191
+-0.649401 0.608231 -0.0149341 0.456191
+-0.687791 0.564456 -0.0447385 0.454238
+-0.723236 0.518263 -0.0743512 0.450339
+-0.755583 0.469852 -0.103646 0.444512
+-0.784695 0.419428 -0.132496 0.436782
+-0.810447 0.367209 -0.160779 0.427181
+-0.832728 0.313417 -0.188374 0.415751
+-0.851444 0.258283 -0.215162 0.40254
+-0.866513 0.202043 -0.241029 0.387606
+-0.877872 0.144937 -0.265863 0.371012
+-0.885472 0.0872113 -0.28956 0.352829
+-0.88928 0.0291121 -0.312016 0.333136
+0.841175 0.0275372 0.505447 -0.190237
+0.837573 0.0824937 0.516807 -0.156772
+0.830384 0.137097 0.525954 -0.122635
+0.81964 0.191113 0.532848 -0.0879736
+0.805385 0.244311 0.537461 -0.0529353
+0.787682 0.296463 0.539773 -0.0176703
+0.766606 0.347345 0.539773 0.0176703
+0.742247 0.396739 0.537461 0.0529353
+0.71471 0.444435 0.532848 0.0879736
+0.684112 0.490228 0.525954 0.122635
+0.650585 0.533921 0.516807 0.156772
+0.614272 0.575329 0.505447 0.190237
+0.575329 0.614272 0.491923 0.222887
+0.533922 0.650585 0.476292 0.254583
+0.490228 0.684112 0.458622 0.285189
+0.444435 0.71471 0.438987 0.314574
+0.396739 0.742247 0.417473 0.342612
+0.347345 0.766606 0.394172 0.369182
+0.296463 0.787682 0.369182 0.394172
+0.244311 0.805385 0.342612 0.417473
+0.191113 0.81964 0.314574 0.438987
+0.137097 0.830384 0.285189 0.458622
+0.0824936 0.837573 0.254583 0.476292
+0.0275371 0.841175 0.222887 0.491923
+-0.0275373 0.841175 0.190237 0.505447
+-0.0824938 0.837573 0.156772 0.516807
+-0.137097 0.830384 0.122635 0.525954
+-0.191113 0.81964 0.0879736 0.532848
+-0.244311 0.805385 0.0529352 0.537461
+-0.296463 0.787682 0.0176702 0.539773
+-0.347345 0.766606 -0.0176704 0.539773
+-0.396739 0.742247 -0.0529352 0.537461
+-0.444435 0.71471 -0.0879736 0.532848
+-0.490228 0.684112 -0.122635 0.525954
+-0.533921 0.650585 -0.156772 0.516807
+-0.575329 0.614272 -0.190237 0.505447
+-0.614272 0.575329 -0.222887 0.491923
+-0.650585 0.533921 -0.254583 0.476292
+-0.684112 0.490228 -0.285189 0.458622
+-0.71471 0.444435 -0.314574 0.438987
+-0.742247 0.39674 -0.342611 0.417473
+-0.766606 0.347345 -0.369182 0.394172
+-0.787682 0.296463 -0.394172 0.369182
+-0.805385 0.244311 -0.417473 0.342612
+-0.81964 0.191113 -0.438987 0.314574
+-0.830384 0.137097 -0.458622 0.285189
+-0.837573 0.0824937 -0.476292 0.254583
+-0.841175 0.0275373 -0.491923 0.222887
+0.865562 0.0283356 0.482963 -0.12941
+0.861855 0.0848853 0.490393 -0.0975452
+0.854458 0.141072 0.495722 -0.0652631
+0.843402 0.196654 0.498929 -0.0327016
+0.828735 0.251394 0.5 3.72652e-10
+0.810518 0.305057 0.498929 0.0327016
+0.788831 0.357415 0.495722 0.0652631
+0.763766 0.408242 0.490393 0.0975452
+0.735431 0.45732 0.482963 0.12941
+0.703946 0.50444 0.473465 0.16072
+0.669447 0.549401 0.46194 0.191342
+0.632081 0.592008 0.448436 0.221144
+0.592008 0.632081 0.433013 0.25
+0.549401 0.669447 0.415735 0.277785
+0.50444 0.703946 0.396677 0.304381
+0.45732 0.735431 0.37592 0.329673
+0.408241 0.763766 0.353553 0.353553
+0.357415 0.788831 0.329673 0.37592
+0.305057 0.810518 0.304381 0.396677
+0.251394 0.828735 0.277785 0.415735
+0.196654 0.843402 0.25 0.433013
+0.141072 0.854458 0.221144 0.448436
+0.0848852 0.861855 0.191342 0.46194
+0.0283355 0.865562 0.16072 0.473465
+-0.0283356 0.865562 0.129409 0.482963
+-0.0848854 0.861855 0.0975451 0.490393
+-0.141072 0.854458 0.0652631 0.495722
+-0.196654 0.843402 0.0327015 0.498929
+-0.251394 0.828735 -8.1833e-08 0.5
+-0.305058 0.810518 -0.0327016 0.498929
+-0.357415 0.788831 -0.0652632 0.495722
+-0.408241 0.763766 -0.0975451 0.490393
+-0.45732 0.735431 -0.12941 0.482963
+-0.504441 0.703946 -0.16072 0.473465
+-0.549401 0.669447 -0.191342 0.46194
+-0.592008 0.632081 -0.221144 0.448436
+-0.632081 0.592008 -0.25 0.433013
+-0.669447 0.549401 -0.277785 0.415735
+-0.703946 0.504441 -0.304381 0.396677
+-0.735431 0.45732 -0.329673 0.37592
+-0.763766 0.408242 -0.353553 0.353553
+-0.788831 0.357415 -0.37592 0.329673
+-0.810518 0.305057 -0.396677 0.304381
+-0.828735 0.251394 -0.415735 0.277785
+-0.843402 0.196654 -0.433013 0.25
+-0.854458 0.141072 -0.448436 0.221144
+-0.861855 0.0848853 -0.46194 0.191342
+-0.865562 0.0283356 -0.473465 0.16072
+0.865562 0.0283356 0.448436 -0.221144
+0.861855 0.0848853 0.46194 -0.191342
+0.854458 0.141072 0.473465 -0.16072
+0.843402 0.196654 0.482963 -0.12941
+0.828735 0.251394 0.490393 -0.0975452
+0.810518 0.305057 0.495722 -0.0652631
+0.788831 0.357415 0.498929 -0.0327016
+0.763766 0.408242 0.5 1.05552e-08
+0.735431 0.45732 0.498929 0.0327016
+0.703946 0.50444 0.495722 0.0652631
+0.669447 0.549401 0.490393 0.0975452
+0.632081 0.592008 0.482963 0.12941
+0.592008 0.632081 0.473465 0.16072
+0.549401 0.669447 0.46194 0.191342
+0.50444 0.703946 0.448436 0.221144
+0.45732 0.735431 0.433013 0.25
+0.408241 0.763766 0.415735 0.277785
+0.357415 0.788831 0.396677 0.304381
+0.305057 0.810518 0.37592 0.329673
+0.251394 0.828735 0.353553 0.353553
+0.196654 0.843402 0.329673 0.37592
+0.141072 0.854458 0.304381 0.396677
+0.0848852 0.861855 0.277785 0.415735
+0.0283355 0.865562 0.25 0.433013
+-0.0283356 0.865562 0.221144 0.448436
+-0.0848854 0.861855 0.191342 0.46194
+-0.141072 0.854458 0.16072 0.473465
+-0.196654 0.843402 0.129409 0.482963
+-0.251394 0.828735 0.0975451 0.490393
+-0.305058 0.810518 0.065263 0.495722
+-0.357415 0.788831 0.0327015 0.498929
+-0.408241 0.763766 5.69961e-08 0.5
+-0.45732 0.735431 -0.0327016 0.498929
+-0.504441 0.703946 -0.0652631 0.495722
+-0.549401 0.669447 -0.0975451 0.490393
+-0.592008 0.632081 -0.12941 0.482963
+-0.632081 0.592008 -0.16072 0.473465
+-0.669447 0.549401 -0.191342 0.46194
+-0.703946 0.504441 -0.221144 0.448436
+-0.735431 0.45732 -0.25 0.433013
+-0.763766 0.408242 -0.277785 0.415735
+-0.788831 0.357415 -0.304381 0.396677
+-0.810518 0.305057 -0.329673 0.37592
+-0.828735 0.251394 -0.353553 0.353553
+-0.843402 0.196654 -0.37592 0.329673
+-0.854458 0.141072 -0.396677 0.304381
+-0.861855 0.0848853 -0.415735 0.277785
+-0.865562 0.0283356 -0.433013 0.25
+0.88928 0.029112 0.427181 -0.160779
+0.885472 0.0872114 0.436782 -0.132496
+0.877872 0.144937 0.444512 -0.103646
+0.866513 0.202043 0.450339 -0.0743513
+0.851444 0.258283 0.454238 -0.0447385
+0.832728 0.313417 0.456191 -0.0149342
+0.810447 0.367209 0.456191 0.0149342
+0.784695 0.419428 0.454238 0.0447385
+0.755583 0.469852 0.450339 0.0743513
+0.723236 0.518263 0.444512 0.103646
+0.687791 0.564456 0.436782 0.132496
+0.649401 0.608231 0.427181 0.160779
+0.608231 0.649401 0.415751 0.188374
+0.564456 0.687791 0.40254 0.215162
+0.518263 0.723236 0.387606 0.241029
+0.469852 0.755583 0.371012 0.265864
+0.419428 0.784695 0.352829 0.28956
+0.367209 0.810447 0.333136 0.312016
+0.313417 0.832728 0.312016 0.333136
+0.258283 0.851444 0.28956 0.352829
+0.202043 0.866513 0.265863 0.371012
+0.144937 0.877872 0.241029 0.387606
+0.0872113 0.885472 0.215162 0.40254
+0.0291119 0.88928 0.188374 0.415751
+-0.0291121 0.88928 0.160779 0.427181
+-0.0872115 0.885472 0.132496 0.436782
+-0.144937 0.877872 0.103646 0.444512
+-0.202043 0.866513 0.0743512 0.450339
+-0.258283 0.851444 0.0447384 0.454238
+-0.313417 0.832728 0.0149341 0.456191
+-0.367209 0.810447 -0.0149342 0.456191
+-0.419428 0.784695 -0.0447384 0.454238
+-0.469852 0.755583 -0.0743513 0.450339
+-0.518263 0.723236 -0.103646 0.444512
+-0.564456 0.687791 -0.132496 0.436782
+-0.608231 0.649401 -0.160779 0.427181
+-0.649401 0.608231 -0.188374 0.415751
+-0.687791 0.564456 -0.215162 0.40254
+-0.723236 0.518263 -0.241029 0.387606
+-0.755583 0.469852 -0.265863 0.371012
+-0.784695 0.419428 -0.28956 0.352829
+-0.810447 0.367209 -0.312016 0.333136
+-0.832728 0.313417 -0.333136 0.312016
+-0.851444 0.258283 -0.352829 0.28956
+-0.866513 0.202043 -0.371012 0.265863
+-0.877872 0.144937 -0.387606 0.241029
+-0.885472 0.0872113 -0.40254 0.215162
+-0.88928 0.0291121 -0.415751 0.188374
+0.88928 0.029112 0.450339 -0.0743513
+0.885472 0.0872114 0.454238 -0.0447385
+0.877872 0.144937 0.456191 -0.0149342
+0.866513 0.202043 0.456191 0.0149342
+0.851444 0.258283 0.454238 0.0447385
+0.832728 0.313417 0.450339 0.0743513
+0.810447 0.367209 0.444512 0.103646
+0.784695 0.419428 0.436782 0.132496
+0.755583 0.469852 0.427181 0.160779
+0.723236 0.518263 0.415751 0.188374
+0.687791 0.564456 0.40254 0.215162
+0.649401 0.608231 0.387606 0.241029
+0.608231 0.649401 0.371012 0.265863
+0.564456 0.687791 0.352829 0.28956
+0.518263 0.723236 0.333136 0.312016
+0.469852 0.755583 0.312016 0.333136
+0.419428 0.784695 0.28956 0.352829
+0.367209 0.810447 0.265863 0.371012
+0.313417 0.832728 0.241029 0.387606
+0.258283 0.851444 0.215162 0.40254
+0.202043 0.866513 0.188374 0.415751
+0.144937 0.877872 0.160779 0.427181
+0.0872113 0.885472 0.132496 0.436782
+0.0291119 0.88928 0.103646 0.444512
+-0.0291121 0.88928 0.0743512 0.450339
+-0.0872115 0.885472 0.0447385 0.454238
+-0.144937 0.877872 0.0149341 0.456191
+-0.202043 0.866513 -0.0149342 0.456191
+-0.258283 0.851444 -0.0447386 0.454238
+-0.313417 0.832728 -0.0743513 0.450339
+-0.367209 0.810447 -0.103646 0.444512
+-0.419428 0.784695 -0.132496 0.436782
+-0.469852 0.755583 -0.160779 0.427181
+-0.518263 0.723236 -0.188374 0.415751
+-0.564456 0.687791 -0.215162 0.40254
+-0.608231 0.649401 -0.241029 0.387606
+-0.649401 0.608231 -0.265863 0.371012
+-0.687791 0.564456 -0.28956 0.352829
+-0.723236 0.518263 -0.312016 0.333136
+-0.755583 0.469852 -0.333136 0.312016
+-0.784695 0.419428 -0.352829 0.28956
+-0.810447 0.367209 -0.371012 0.265863
+-0.832728 0.313417 -0.387606 0.241029
+-0.851444 0.258283 -0.40254 0.215162
+-0.866513 0.202043 -0.415751 0.188374
+-0.877872 0.144937 -0.427181 0.160779
+-0.885472 0.0872113 -0.436782 0.132496
+-0.88928 0.0291121 -0.444512 0.103646
+0.912382 0.0298683 0.407374 -0.0267007
+0.908475 0.089477 0.408248 1.11532e-09
+0.900678 0.148703 0.407374 0.0267007
+0.889024 0.207291 0.404756 0.0532871
+0.873563 0.264992 0.400404 0.0796453
+0.854361 0.321559 0.394338 0.105662
+0.831501 0.376748 0.386583 0.131227
+0.80508 0.430324 0.377172 0.15623
+0.775212 0.482058 0.366147 0.180564
+0.742024 0.531727 0.353553 0.204124
+0.705659 0.579119 0.339446 0.226811
+0.666272 0.624032 0.323885 0.248526
+0.624032 0.666272 0.306937 0.269177
+0.579119 0.705659 0.288675 0.288675
+0.531727 0.742024 0.269177 0.306937
+0.482058 0.775212 0.248526 0.323885
+0.430324 0.80508 0.226811 0.339446
+0.376748 0.831501 0.204124 0.353553
+0.321559 0.854361 0.180564 0.366147
+0.264992 0.873563 0.15623 0.377172
+0.207291 0.889024 0.131227 0.386583
+0.148702 0.900678 0.105662 0.394338
+0.0894769 0.908475 0.0796452 0.400404
+0.0298682 0.912382 0.0532871 0.404756
+-0.0298684 0.912382 0.0267007 0.407374
+-0.0894771 0.908475 -3.41689e-08 0.408248
+-0.148703 0.900678 -0.0267007 0.407374
+-0.207291 0.889024 -0.0532871 0.404756
+-0.264993 0.873563 -0.0796454 0.400404
+-0.321559 0.854361 -0.105662 0.394338
+-0.376748 0.831501 -0.131227 0.386583
+-0.430324 0.80508 -0.15623 0.377172
+-0.482058 0.775212 -0.180564 0.366147
+-0.531727 0.742024 -0.204124 0.353553
+-0.579119 0.705659 -0.226811 0.339446
+-0.624032 0.666272 -0.248526 0.323885
+-0.666272 0.624032 -0.269177 0.306937
+-0.705659 0.579119 -0.288675 0.288675
+-0.742024 0.531727 -0.306937 0.269177
+-0.775212 0.482058 -0.323885 0.248526
+-0.80508 0.430324 -0.339446 0.226811
+-0.831501 0.376748 -0.353553 0.204124
+-0.854361 0.321559 -0.366147 0.180564
+-0.873563 0.264992 -0.377172 0.15623
+-0.889024 0.207291 -0.386583 0.131227
+-0.900678 0.148703 -0.394338 0.105662
+-0.908475 0.089477 -0.400404 0.0796453
+-0.912382 0.0298684 -0.404756 0.0532871
+0.912382 0.0298683 0.394338 -0.105662
+0.908475 0.089477 0.400404 -0.0796453
+0.900678 0.148703 0.404756 -0.0532871
+0.889024 0.207291 0.407374 -0.0267007
+0.873563 0.264992 0.408248 3.04269e-10
+0.854361 0.321559 0.407374 0.0267007
+0.831501 0.376748 0.404756 0.0532871
+0.80508 0.430324 0.400404 0.0796453
+0.775212 0.482058 0.394338 0.105662
+0.742024 0.531727 0.386583 0.131227
+0.705659 0.579119 0.377172 0.15623
+0.666272 0.624032 0.366147 0.180564
+0.624032 0.666272 0.353553 0.204124
+0.579119 0.705659 0.339446 0.226811
+0.531727 0.742024 0.323885 0.248526
+0.482058 0.775212 0.306937 0.269177
+0.430324 0.80508 0.288675 0.288675
+0.376748 0.831501 0.269177 0.306937
+0.321559 0.854361 0.248526 0.323885
+0.264992 0.873563 0.226811 0.339446
+0.207291 0.889024 0.204124 0.353553
+0.148702 0.900678 0.180564 0.366147
+0.0894769 0.908475 0.15623 0.377172
+0.0298682 0.912382 0.131227 0.386583
+-0.0298684 0.912382 0.105662 0.394338
+-0.0894771 0.908475 0.0796453 0.400404
+-0.148703 0.900678 0.0532871 0.404756
+-0.207291 0.889024 0.0267007 0.407374
+-0.264993 0.873563 -6.68164e-08 0.408248
+-0.321559 0.854361 -0.0267008 0.407374
+-0.376748 0.831501 -0.0532872 0.404756
+-0.430324 0.80508 -0.0796452 0.400404
+-0.482058 0.775212 -0.105662 0.394338
+-0.531727 0.742024 -0.131227 0.386583
+-0.579119 0.705659 -0.15623 0.377172
+-0.624032 0.666272 -0.180564 0.366147
+-0.666272 0.624032 -0.204124 0.353553
+-0.705659 0.579119 -0.226811 0.339446
+-0.742024 0.531727 -0.248526 0.323885
+-0.775212 0.482058 -0.269177 0.306937
+-0.80508 0.430324 -0.288675 0.288675
+-0.831501 0.376748 -0.306937 0.269177
+-0.854361 0.321559 -0.323885 0.248526
+-0.873563 0.264992 -0.339446 0.226811
+-0.889024 0.207291 -0.353553 0.204124
+-0.900678 0.148703 -0.366147 0.180564
+-0.908475 0.089477 -0.377172 0.15623
+-0.912382 0.0298684 -0.386583 0.131227
+0.933521 0.0305603 0.35609 -0.0283599
+0.929524 0.0915501 0.357182 -0.0050098
+0.921546 0.152148 0.356745 0.0183618
+0.909622 0.212094 0.35478 0.0416547
+0.893803 0.271132 0.351296 0.0647692
+0.874156 0.329009 0.346308 0.0876064
+0.850766 0.385477 0.339837 0.110069
+0.823733 0.440295 0.33191 0.132059
+0.793173 0.493227 0.322563 0.153484
+0.759216 0.544047 0.311834 0.174252
+0.722008 0.592537 0.299769 0.194274
+0.681709 0.63849 0.286421 0.213464
+0.63849 0.681709 0.271847 0.23174
+0.592537 0.722008 0.256108 0.249023
+0.544047 0.759216 0.239273 0.265241
+0.493227 0.793173 0.221413 0.280322
+0.440295 0.823733 0.202605 0.294203
+0.385477 0.850766 0.18293 0.306824
+0.329009 0.874156 0.162471 0.318131
+0.271132 0.893803 0.141316 0.328076
+0.212094 0.909622 0.119556 0.336616
+0.152148 0.921546 0.0972846 0.343715
+0.09155 0.929524 0.0745963 0.349342
+0.0305602 0.933521 0.0515885 0.353472
+-0.0305604 0.933521 0.0283599 0.35609
+-0.0915502 0.929524 0.00500977 0.357182
+-0.152148 0.921546 -0.0183618 0.356745
+-0.212094 0.909622 -0.0416547 0.35478
+-0.271132 0.893803 -0.0647693 0.351296
+-0.329009 0.874156 -0.0876065 0.346308
+-0.385477 0.850766 -0.110069 0.339837
+-0.440295 0.823733 -0.132059 0.33191
+-0.493227 0.793173 -0.153484 0.322563
+-0.544047 0.759216 -0.174252 0.311834
+-0.592537 0.722008 -0.194274 0.299769
+-0.63849 0.681709 -0.213464 0.286421
+-0.681709 0.63849 -0.23174 0.271847
+-0.722008 0.592537 -0.249023 0.256108
+-0.759216 0.544047 -0.265241 0.239273
+-0.793173 0.493227 -0.280322 0.221413
+-0.823733 0.440295 -0.294203 0.202605
+-0.850766 0.385477 -0.306824 0.18293
+-0.874156 0.329009 -0.318131 0.162471
+-0.893803 0.271132 -0.328076 0.141316
+-0.909622 0.212094 -0.336616 0.119556
+-0.921546 0.152148 -0.343715 0.0972846
+-0.929524 0.0915501 -0.349342 0.0745963
+-0.933521 0.0305604 -0.353472 0.0515886
+0.88928 0.029112 0.387606 -0.241029
+0.885472 0.0872114 0.40254 -0.215162
+0.877872 0.144937 0.415751 -0.188374
+0.866513 0.202043 0.427181 -0.160779
+0.851444 0.258283 0.436782 -0.132496
+0.832728 0.313417 0.444512 -0.103646
+0.810447 0.367209 0.450339 -0.0743513
+0.784695 0.419428 0.454238 -0.0447385
+0.755583 0.469852 0.456191 -0.0149341
+0.723236 0.518263 0.456191 0.0149341
+0.687791 0.564456 0.454238 0.0447385
+0.649401 0.608231 0.450339 0.0743513
+0.608231 0.649401 0.444512 0.103646
+0.564456 0.687791 0.436782 0.132496
+0.518263 0.723236 0.427181 0.160779
+0.469852 0.755583 0.415751 0.188374
+0.419428 0.784695 0.40254 0.215162
+0.367209 0.810447 0.387606 0.241029
+0.313417 0.832728 0.371012 0.265863
+0.258283 0.851444 0.352829 0.28956
+0.202043 0.866513 0.333136 0.312016
+0.144937 0.877872 0.312016 0.333136
+0.0872113 0.885472 0.28956 0.352829
+0.0291119 0.88928 0.265863 0.371012
+-0.0291121 0.88928 0.241029 0.387606
+-0.0872115 0.885472 0.215162 0.40254
+-0.144937 0.877872 0.188374 0.415751
+-0.202043 0.866513 0.160779 0.427181
+-0.258283 0.851444 0.132496 0.436782
+-0.313417 0.832728 0.103646 0.444512
+-0.367209 0.810447 0.0743512 0.450339
+-0.419428 0.784695 0.0447386 0.454238
+-0.469852 0.755583 0.0149342 0.456191
+-0.518263 0.723236 -0.0149342 0.456191
+-0.564456 0.687791 -0.0447385 0.454238
+-0.608231 0.649401 -0.0743513 0.450339
+-0.649401 0.608231 -0.103646 0.444512
+-0.687791 0.564456 -0.132496 0.436782
+-0.723236 0.518263 -0.160779 0.427181
+-0.755583 0.469852 -0.188374 0.415751
+-0.784695 0.419428 -0.215162 0.40254
+-0.810447 0.367209 -0.241029 0.387606
+-0.832728 0.313417 -0.265864 0.371012
+-0.851444 0.258283 -0.28956 0.352829
+-0.866513 0.202043 -0.312016 0.333136
+-0.877872 0.144937 -0.333136 0.312016
+-0.885472 0.0872113 -0.352829 0.28956
+-0.88928 0.0291121 -0.371012 0.265864
+0.912382 0.0298683 0.366147 -0.180564
+0.908475 0.089477 0.377172 -0.15623
+0.900678 0.148703 0.386583 -0.131227
+0.889024 0.207291 0.394338 -0.105662
+0.873563 0.264992 0.400404 -0.0796453
+0.854361 0.321559 0.404756 -0.0532871
+0.831501 0.376748 0.407374 -0.0267007
+0.80508 0.430324 0.408248 8.61828e-09
+0.775212 0.482058 0.407374 0.0267007
+0.742024 0.531727 0.404756 0.0532871
+0.705659 0.579119 0.400404 0.0796453
+0.666272 0.624032 0.394338 0.105662
+0.624032 0.666272 0.386583 0.131227
+0.579119 0.705659 0.377172 0.15623
+0.531727 0.742024 0.366147 0.180564
+0.482058 0.775212 0.353553 0.204124
+0.430324 0.80508 0.339446 0.226811
+0.376748 0.831501 0.323885 0.248526
+0.321559 0.854361 0.306937 0.269177
+0.264992 0.873563 0.288675 0.288675
+0.207291 0.889024 0.269177 0.306937
+0.148702 0.900678 0.248526 0.323885
+0.0894769 0.908475 0.226811 0.339446
+0.0298682 0.912382 0.204124 0.353553
+-0.0298684 0.912382 0.180564 0.366147
+-0.0894771 0.908475 0.15623 0.377172
+-0.148703 0.900678 0.131227 0.386583
+-0.207291 0.889024 0.105662 0.394338
+-0.264993 0.873563 0.0796452 0.400404
+-0.321559 0.854361 0.053287 0.404756
+-0.376748 0.831501 0.0267007 0.407374
+-0.430324 0.80508 4.65371e-08 0.408248
+-0.482058 0.775212 -0.0267007 0.407374
+-0.531727 0.742024 -0.0532871 0.404756
+-0.579119 0.705659 -0.0796453 0.400404
+-0.624032 0.666272 -0.105662 0.394338
+-0.666272 0.624032 -0.131227 0.386583
+-0.705659 0.579119 -0.15623 0.377172
+-0.742024 0.531727 -0.180564 0.366147
+-0.775212 0.482058 -0.204124 0.353553
+-0.80508 0.430324 -0.226811 0.339446
+-0.831501 0.376748 -0.248526 0.323885
+-0.854361 0.321559 -0.269177 0.306937
+-0.873563 0.264992 -0.288675 0.288675
+-0.889024 0.207291 -0.306937 0.269177
+-0.900678 0.148703 -0.323885 0.248526
+-0.908475 0.089477 -0.339446 0.226811
+-0.912382 0.0298684 -0.353553 0.204124
+0.912382 0.0298683 0.323885 -0.248526
+0.908475 0.089477 0.339446 -0.226811
+0.900678 0.148703 0.353553 -0.204124
+0.889024 0.207291 0.366147 -0.180564
+0.873563 0.264992 0.377172 -0.15623
+0.854361 0.321559 0.386583 -0.131227
+0.831501 0.376748 0.394338 -0.105662
+0.80508 0.430324 0.400404 -0.0796453
+0.775212 0.482058 0.404756 -0.0532871
+0.742024 0.531727 0.407374 -0.0267007
+0.705659 0.579119 0.408248 -7.4012e-09
+0.666272 0.624032 0.407374 0.0267007
+0.624032 0.666272 0.404756 0.0532871
+0.579119 0.705659 0.400404 0.0796453
+0.531727 0.742024 0.394338 0.105662
+0.482058 0.775212 0.386583 0.131227
+0.430324 0.80508 0.377172 0.15623
+0.376748 0.831501 0.366147 0.180564
+0.321559 0.854361 0.353553 0.204124
+0.264992 0.873563 0.339446 0.226811
+0.207291 0.889024 0.323885 0.248526
+0.148702 0.900678 0.306937 0.269177
+0.0894769 0.908475 0.288675 0.288675
+0.0298682 0.912382 0.269177 0.306937
+-0.0298684 0.912382 0.248526 0.323885
+-0.0894771 0.908475 0.226811 0.339446
+-0.148703 0.900678 0.204124 0.353553
+-0.207291 0.889024 0.180564 0.366147
+-0.264993 0.873563 0.15623 0.377172
+-0.321559 0.854361 0.131227 0.386583
+-0.376748 0.831501 0.105662 0.394338
+-0.430324 0.80508 0.0796453 0.400404
+-0.482058 0.775212 0.0532871 0.404756
+-0.531727 0.742024 0.0267007 0.407374
+-0.579119 0.705659 1.38896e-08 0.408248
+-0.624032 0.666272 -0.0267007 0.407374
+-0.666272 0.624032 -0.0532871 0.404756
+-0.705659 0.579119 -0.0796453 0.400404
+-0.742024 0.531727 -0.105662 0.394338
+-0.775212 0.482058 -0.131227 0.386583
+-0.80508 0.430324 -0.15623 0.377172
+-0.831501 0.376748 -0.180564 0.366147
+-0.854361 0.321559 -0.204124 0.353553
+-0.873563 0.264992 -0.226811 0.339446
+-0.889024 0.207291 -0.248526 0.323885
+-0.900678 0.148703 -0.269177 0.306937
+-0.908475 0.089477 -0.288675 0.288675
+-0.912382 0.0298684 -0.306937 0.269177
+0.933521 0.0305603 0.308521 -0.180053
+0.929524 0.0915501 0.319636 -0.159489
+0.921546 0.152148 0.329383 -0.138242
+0.909622 0.212094 0.337719 -0.116404
+0.893803 0.271132 0.344609 -0.0940667
+0.874156 0.329009 0.350024 -0.0713268
+0.850766 0.385477 0.353939 -0.0482814
+0.823733 0.440295 0.356339 -0.0250293
+0.793173 0.493227 0.357213 -0.00166998
+0.759216 0.544047 0.356558 0.0216965
+0.722008 0.592537 0.354375 0.04497
+0.681709 0.63849 0.350675 0.068051
+0.63849 0.681709 0.345474 0.0908405
+0.592537 0.722008 0.338793 0.113241
+0.544047 0.759216 0.330661 0.135157
+0.493227 0.793173 0.321114 0.156494
+0.440295 0.823733 0.310191 0.17716
+0.385477 0.850766 0.29794 0.197069
+0.329009 0.874156 0.284413 0.216133
+0.271132 0.893803 0.269668 0.234272
+0.212094 0.909622 0.253769 0.251407
+0.152148 0.921546 0.236783 0.267466
+0.09155 0.929524 0.218783 0.28238
+0.0305602 0.933521 0.199846 0.296084
+-0.0305604 0.933521 0.180053 0.308521
+-0.0915502 0.929524 0.159489 0.319636
+-0.152148 0.921546 0.138242 0.329383
+-0.212094 0.909622 0.116404 0.337719
+-0.271132 0.893803 0.0940666 0.344609
+-0.329009 0.874156 0.0713267 0.350024
+-0.385477 0.850766 0.0482813 0.353939
+-0.440295 0.823733 0.0250293 0.356339
+-0.493227 0.793173 0.00166998 0.357213
+-0.544047 0.759216 -0.0216965 0.356558
+-0.592537 0.722008 -0.04497 0.354375
+-0.63849 0.681709 -0.068051 0.350675
+-0.681709 0.63849 -0.0908405 0.345474
+-0.722008 0.592537 -0.113241 0.338793
+-0.759216 0.544047 -0.135157 0.330661
+-0.793173 0.493227 -0.156494 0.321114
+-0.823733 0.440295 -0.17716 0.310191
+-0.850766 0.385477 -0.197069 0.29794
+-0.874156 0.329009 -0.216133 0.284413
+-0.893803 0.271132 -0.234272 0.269668
+-0.909622 0.212094 -0.251407 0.253769
+-0.921546 0.152148 -0.267466 0.236783
+-0.929524 0.0915501 -0.28238 0.218783
+-0.933521 0.0305604 -0.296084 0.199846
+0.933521 0.0305603 0.340851 -0.106886
+0.929524 0.0915501 0.347112 -0.0843647
+0.921546 0.152148 0.351887 -0.0614818
+0.909622 0.212094 0.355154 -0.0383357
+0.893803 0.271132 0.356901 -0.0150254
+0.874156 0.329009 0.35712 0.00834917
+0.850766 0.385477 0.355809 0.031688
+0.823733 0.440295 0.352975 0.0548912
+0.793173 0.493227 0.348629 0.0778593
+0.759216 0.544047 0.34279 0.100494
+0.722008 0.592537 0.335484 0.122698
+0.681709 0.63849 0.32674 0.144377
+0.63849 0.681709 0.316598 0.165438
+0.592537 0.722008 0.3051 0.18579
+0.544047 0.759216 0.292296 0.205347
+0.493227 0.793173 0.278239 0.224025
+0.440295 0.823733 0.262992 0.241743
+0.385477 0.850766 0.246618 0.258426
+0.329009 0.874156 0.229188 0.274002
+0.271132 0.893803 0.210777 0.288405
+0.212094 0.909622 0.191463 0.301573
+0.152148 0.921546 0.171329 0.313449
+0.09155 0.929524 0.150462 0.323984
+0.0305602 0.933521 0.12895 0.333131
+-0.0305604 0.933521 0.106886 0.340851
+-0.0915502 0.929524 0.0843647 0.347112
+-0.152148 0.921546 0.0614818 0.351887
+-0.212094 0.909622 0.0383357 0.355154
+-0.271132 0.893803 0.0150254 0.356901
+-0.329009 0.874156 -0.00834923 0.35712
+-0.385477 0.850766 -0.0316881 0.355809
+-0.440295 0.823733 -0.0548912 0.352975
+-0.493227 0.793173 -0.0778593 0.348629
+-0.544047 0.759216 -0.100494 0.34279
+-0.592537 0.722008 -0.122698 0.335484
+-0.63849 0.681709 -0.144377 0.32674
+-0.681709 0.63849 -0.165438 0.316598
+-0.722008 0.592537 -0.18579 0.3051
+-0.759216 0.544047 -0.205347 0.292296
+-0.793173 0.493227 -0.224025 0.278239
+-0.823733 0.440295 -0.241743 0.262992
+-0.850766 0.385477 -0.258425 0.246618
+-0.874156 0.329009 -0.274002 0.229188
+-0.893803 0.271132 -0.288405 0.210777
+-0.909622 0.212094 -0.301573 0.191463
+-0.921546 0.152148 -0.313449 0.171329
+-0.929524 0.0915501 -0.323984 0.150462
+-0.933521 0.0305604 -0.333131 0.12895
+0.951462 0.0311476 0.304712 -0.0300115
+0.947388 0.0933095 0.306022 -0.0100181
+0.939256 0.155072 0.306022 0.0100181
+0.927103 0.21617 0.304712 0.0300115
+0.91098 0.276343 0.302097 0.0498763
+0.890956 0.335332 0.298188 0.0695276
+0.867117 0.392885 0.293002 0.0888812
+0.839564 0.448756 0.286561 0.107854
+0.808416 0.502706 0.278894 0.126365
+0.773807 0.554502 0.270032 0.144335
+0.735884 0.603924 0.260014 0.161687
+0.69481 0.650761 0.248882 0.178347
+0.65076 0.69481 0.236685 0.194242
+0.603924 0.735884 0.223474 0.209307
+0.554502 0.773807 0.209307 0.223474
+0.502706 0.808416 0.194242 0.236685
+0.448756 0.839564 0.178347 0.248882
+0.392885 0.867117 0.161687 0.260014
+0.335332 0.890956 0.144335 0.270032
+0.276343 0.91098 0.126365 0.278894
+0.21617 0.927103 0.107854 0.286561
+0.155072 0.939256 0.0888811 0.293002
+0.0933094 0.947388 0.0695276 0.298188
+0.0311475 0.951462 0.0498763 0.302097
+-0.0311477 0.951462 0.0300115 0.304712
+-0.0933096 0.947388 0.0100181 0.306022
+-0.155072 0.939256 -0.0100182 0.306022
+-0.21617 0.927103 -0.0300115 0.304712
+-0.276343 0.91098 -0.0498764 0.302097
+-0.335332 0.890956 -0.0695277 0.298188
+-0.392886 0.867116 -0.0888812 0.293002
+-0.448756 0.839564 -0.107854 0.286562
+-0.502706 0.808416 -0.126365 0.278894
+-0.554502 0.773807 -0.144335 0.270032
+-0.603924 0.735884 -0.161687 0.260014
+-0.650761 0.69481 -0.178347 0.248882
+-0.69481 0.650761 -0.194242 0.236685
+-0.735884 0.603924 -0.209307 0.223474
+-0.773807 0.554502 -0.223474 0.209307
+-0.808416 0.502706 -0.236685 0.194242
+-0.839564 0.448756 -0.248882 0.178347
+-0.867117 0.392885 -0.260014 0.161687
+-0.890956 0.335332 -0.270032 0.144335
+-0.91098 0.276343 -0.278894 0.126365
+-0.927103 0.21617 -0.286562 0.107854
+-0.939256 0.155072 -0.293002 0.0888812
+-0.947388 0.0933095 -0.298188 0.0695276
+-0.951462 0.0311477 -0.302097 0.0498764
+0.951462 0.0311476 0.286561 -0.107854
+0.947388 0.0933095 0.293002 -0.0888812
+0.939256 0.155072 0.298188 -0.0695276
+0.927103 0.21617 0.302097 -0.0498763
+0.91098 0.276343 0.304712 -0.0300115
+0.890956 0.335332 0.306022 -0.0100181
+0.867117 0.392885 0.306022 0.0100181
+0.839564 0.448756 0.304712 0.0300115
+0.808416 0.502706 0.302097 0.0498764
+0.773807 0.554502 0.298188 0.0695276
+0.735884 0.603924 0.293002 0.0888812
+0.69481 0.650761 0.286561 0.107854
+0.65076 0.69481 0.278894 0.126365
+0.603924 0.735884 0.270032 0.144335
+0.554502 0.773807 0.260014 0.161687
+0.502706 0.808416 0.248882 0.178347
+0.448756 0.839564 0.236685 0.194242
+0.392885 0.867117 0.223474 0.209307
+0.335332 0.890956 0.209307 0.223474
+0.276343 0.91098 0.194242 0.236685
+0.21617 0.927103 0.178347 0.248882
+0.155072 0.939256 0.161687 0.260014
+0.0933094 0.947388 0.144335 0.270032
+0.0311475 0.951462 0.126365 0.278894
+-0.0311477 0.951462 0.107854 0.286562
+-0.0933096 0.947388 0.0888811 0.293002
+-0.155072 0.939256 0.0695276 0.298188
+-0.21617 0.927103 0.0498763 0.302097
+-0.276343 0.91098 0.0300114 0.304712
+-0.335332 0.890956 0.0100181 0.306022
+-0.392886 0.867116 -0.0100182 0.306022
+-0.448756 0.839564 -0.0300115 0.304712
+-0.502706 0.808416 -0.0498763 0.302097
+-0.554502 0.773807 -0.0695277 0.298188
+-0.603924 0.735884 -0.0888812 0.293002
+-0.650761 0.69481 -0.107854 0.286561
+-0.69481 0.650761 -0.126365 0.278894
+-0.735884 0.603924 -0.144335 0.270032
+-0.773807 0.554502 -0.161687 0.260014
+-0.808416 0.502706 -0.178347 0.248882
+-0.839564 0.448756 -0.194242 0.236685
+-0.867117 0.392885 -0.209307 0.223474
+-0.890956 0.335332 -0.223474 0.209307
+-0.91098 0.276343 -0.236685 0.194242
+-0.927103 0.21617 -0.248882 0.178347
+-0.939256 0.155072 -0.260014 0.161687
+-0.947388 0.0933095 -0.270032 0.144335
+-0.951462 0.0311477 -0.278894 0.126365
+0.966382 0.0316361 0.253185 -0.031648
+0.962244 0.0947728 0.254713 -0.0150212
+0.953986 0.157504 0.25515 0.00166997
+0.941642 0.21956 0.254494 0.018354
+0.925266 0.280676 0.252749 0.0349594
+0.904928 0.340591 0.249921 0.0514151
+0.880714 0.399046 0.246023 0.0676507
+0.85273 0.455794 0.241072 0.0835965
+0.821094 0.510589 0.235089 0.0991844
+0.785942 0.563198 0.228098 0.114348
+0.747424 0.613395 0.220131 0.129021
+0.705706 0.660965 0.211221 0.143142
+0.660965 0.705706 0.201407 0.15665
+0.613395 0.747424 0.190731 0.169487
+0.563198 0.785942 0.179237 0.181599
+0.510589 0.821094 0.166976 0.192933
+0.455793 0.85273 0.154 0.203441
+0.399046 0.880714 0.140365 0.213077
+0.340591 0.904928 0.126129 0.221801
+0.280676 0.925266 0.111352 0.229575
+0.21956 0.941642 0.0960987 0.236367
+0.157504 0.953986 0.0804338 0.242146
+0.0947727 0.962244 0.0644245 0.246888
+0.031636 0.966382 0.0481393 0.250573
+-0.0316362 0.966382 0.031648 0.253185
+-0.0947729 0.962244 0.0150212 0.254713
+-0.157504 0.953986 -0.00166999 0.25515
+-0.21956 0.941642 -0.018354 0.254494
+-0.280676 0.925266 -0.0349595 0.252749
+-0.340591 0.904927 -0.0514152 0.249921
+-0.399047 0.880714 -0.0676507 0.246023
+-0.455793 0.85273 -0.0835965 0.241072
+-0.510589 0.821094 -0.0991844 0.235089
+-0.563198 0.785941 -0.114348 0.228098
+-0.613395 0.747424 -0.129021 0.220131
+-0.660966 0.705706 -0.143142 0.211221
+-0.705706 0.660966 -0.15665 0.201407
+-0.747424 0.613395 -0.169487 0.190731
+-0.785942 0.563198 -0.181599 0.179237
+-0.821094 0.510589 -0.192933 0.166976
+-0.85273 0.455794 -0.20344 0.154
+-0.880714 0.399046 -0.213077 0.140365
+-0.904928 0.340591 -0.221801 0.126129
+-0.925266 0.280676 -0.229575 0.111352
+-0.941642 0.21956 -0.236367 0.0960987
+-0.953986 0.157504 -0.242146 0.0804339
+-0.962244 0.0947727 -0.246888 0.0644245
+-0.966382 0.0316362 -0.250573 0.0481394
+0.841175 0.0275372 0.222887 -0.491923
+0.837573 0.0824937 0.254583 -0.476292
+0.830384 0.137097 0.285189 -0.458622
+0.81964 0.191113 0.314574 -0.438987
+0.805385 0.244311 0.342612 -0.417473
+0.787682 0.296463 0.369182 -0.394172
+0.766606 0.347345 0.394172 -0.369182
+0.742247 0.396739 0.417473 -0.342612
+0.71471 0.444435 0.438987 -0.314574
+0.684112 0.490228 0.458622 -0.285189
+0.650585 0.533921 0.476292 -0.254583
+0.614272 0.575329 0.491923 -0.222887
+0.575329 0.614272 0.505447 -0.190237
+0.533922 0.650585 0.516807 -0.156772
+0.490228 0.684112 0.525954 -0.122635
+0.444435 0.71471 0.532848 -0.0879736
+0.396739 0.742247 0.537461 -0.0529353
+0.347345 0.766606 0.539773 -0.0176703
+0.296463 0.787682 0.539773 0.0176704
+0.244311 0.805385 0.537461 0.0529353
+0.191113 0.81964 0.532848 0.0879736
+0.137097 0.830384 0.525954 0.122635
+0.0824936 0.837573 0.516807 0.156772
+0.0275371 0.841175 0.505447 0.190237
+-0.0275373 0.841175 0.491923 0.222887
+-0.0824938 0.837573 0.476292 0.254583
+-0.137097 0.830384 0.458622 0.285189
+-0.191113 0.81964 0.438987 0.314574
+-0.244311 0.805385 0.417473 0.342612
+-0.296463 0.787682 0.394172 0.369182
+-0.347345 0.766606 0.369182 0.394172
+-0.396739 0.742247 0.342612 0.417473
+-0.444435 0.71471 0.314574 0.438987
+-0.490228 0.684112 0.285189 0.458622
+-0.533921 0.650585 0.254583 0.476292
+-0.575329 0.614272 0.222887 0.491923
+-0.614272 0.575329 0.190237 0.505447
+-0.650585 0.533921 0.156772 0.516807
+-0.684112 0.490228 0.122635 0.525954
+-0.71471 0.444435 0.0879736 0.532848
+-0.742247 0.39674 0.0529354 0.537461
+-0.766606 0.347345 0.0176703 0.539773
+-0.787682 0.296463 -0.0176704 0.539773
+-0.805385 0.244311 -0.0529353 0.537461
+-0.81964 0.191113 -0.0879736 0.532848
+-0.830384 0.137097 -0.122635 0.525954
+-0.837573 0.0824937 -0.156772 0.516807
+-0.841175 0.0275373 -0.190237 0.505447
+0.865562 0.0283356 0.25 -0.433013
+0.861855 0.0848853 0.277785 -0.415735
+0.854458 0.141072 0.304381 -0.396677
+0.843402 0.196654 0.329673 -0.37592
+0.828735 0.251394 0.353553 -0.353553
+0.810518 0.305057 0.37592 -0.329673
+0.788831 0.357415 0.396677 -0.304381
+0.763766 0.408242 0.415735 -0.277785
+0.735431 0.45732 0.433013 -0.25
+0.703946 0.50444 0.448436 -0.221144
+0.669447 0.549401 0.46194 -0.191342
+0.632081 0.592008 0.473465 -0.16072
+0.592008 0.632081 0.482963 -0.12941
+0.549401 0.669447 0.490393 -0.0975452
+0.50444 0.703946 0.495722 -0.0652631
+0.45732 0.735431 0.498929 -0.0327015
+0.408241 0.763766 0.5 4.11028e-08
+0.357415 0.788831 0.498929 0.0327016
+0.305057 0.810518 0.495722 0.0652631
+0.251394 0.828735 0.490393 0.0975452
+0.196654 0.843402 0.482963 0.12941
+0.141072 0.854458 0.473465 0.16072
+0.0848852 0.861855 0.46194 0.191342
+0.0283355 0.865562 0.448436 0.221144
+-0.0283356 0.865562 0.433013 0.25
+-0.0848854 0.861855 0.415735 0.277785
+-0.141072 0.854458 0.396677 0.304381
+-0.196654 0.843402 0.37592 0.329673
+-0.251394 0.828735 0.353553 0.353553
+-0.305058 0.810518 0.329673 0.37592
+-0.357415 0.788831 0.304381 0.396677
+-0.408241 0.763766 0.277785 0.415735
+-0.45732 0.735431 0.25 0.433013
+-0.504441 0.703946 0.221144 0.448436
+-0.549401 0.669447 0.191342 0.46194
+-0.592008 0.632081 0.16072 0.473465
+-0.632081 0.592008 0.12941 0.482963
+-0.669447 0.549401 0.0975451 0.490393
+-0.703946 0.504441 0.0652631 0.495722
+-0.735431 0.45732 0.0327016 0.498929
+-0.763766 0.408242 5.62508e-08 0.5
+-0.788831 0.357415 -0.0327016 0.498929
+-0.810518 0.305057 -0.0652631 0.495722
+-0.828735 0.251394 -0.0975451 0.490393
+-0.843402 0.196654 -0.12941 0.482963
+-0.854458 0.141072 -0.16072 0.473465
+-0.861855 0.0848853 -0.191342 0.46194
+-0.865562 0.0283356 -0.221144 0.448436
+0.865562 0.0283356 0.16072 -0.473465
+0.861855 0.0848853 0.191342 -0.46194
+0.854458 0.141072 0.221144 -0.448436
+0.843402 0.196654 0.25 -0.433013
+0.828735 0.251394 0.277785 -0.415735
+0.810518 0.305057 0.304381 -0.396677
+0.788831 0.357415 0.329673 -0.37592
+0.763766 0.408242 0.353553 -0.353553
+0.735431 0.45732 0.37592 -0.329673
+0.703946 0.50444 0.396677 -0.304381
+0.669447 0.549401 0.415735 -0.277785
+0.632081 0.592008 0.433013 -0.25
+0.592008 0.632081 0.448436 -0.221144
+0.549401 0.669447 0.46194 -0.191342
+0.50444 0.703946 0.473465 -0.16072
+0.45732 0.735431 0.482963 -0.129409
+0.408241 0.763766 0.490393 -0.0975451
+0.357415 0.788831 0.495722 -0.0652631
+0.305057 0.810518 0.498929 -0.0327015
+0.251394 0.828735 0.5 2.1483e-08
+0.196654 0.843402 0.498929 0.0327016
+0.141072 0.854458 0.495722 0.0652632
+0.0848852 0.861855 0.490393 0.0975452
+0.0283355 0.865562 0.482963 0.12941
+-0.0283356 0.865562 0.473465 0.16072
+-0.0848854 0.861855 0.46194 0.191342
+-0.141072 0.854458 0.448436 0.221144
+-0.196654 0.843402 0.433013 0.25
+-0.251394 0.828735 0.415735 0.277785
+-0.305058 0.810518 0.396677 0.304381
+-0.357415 0.788831 0.37592 0.329673
+-0.408241 0.763766 0.353553 0.353553
+-0.45732 0.735431 0.329673 0.37592
+-0.504441 0.703946 0.304381 0.396677
+-0.549401 0.669447 0.277785 0.415735
+-0.592008 0.632081 0.25 0.433013
+-0.632081 0.592008 0.221144 0.448436
+-0.669447 0.549401 0.191342 0.46194
+-0.703946 0.504441 0.16072 0.473465
+-0.735431 0.45732 0.12941 0.482963
+-0.763766 0.408242 0.0975452 0.490393
+-0.788831 0.357415 0.0652631 0.495722
+-0.810518 0.305057 0.0327015 0.498929
+-0.828735 0.251394 1.62659e-08 0.5
+-0.843402 0.196654 -0.0327016 0.498929
+-0.854458 0.141072 -0.0652631 0.495722
+-0.861855 0.0848853 -0.0975452 0.490393
+-0.865562 0.0283356 -0.129409 0.482963
+0.88928 0.029112 0.188374 -0.415751
+0.885472 0.0872114 0.215162 -0.40254
+0.877872 0.144937 0.241029 -0.387606
+0.866513 0.202043 0.265863 -0.371012
+0.851444 0.258283 0.28956 -0.352829
+0.832728 0.313417 0.312016 -0.333136
+0.810447 0.367209 0.333136 -0.312016
+0.784695 0.419428 0.352829 -0.28956
+0.755583 0.469852 0.371012 -0.265863
+0.723236 0.518263 0.387606 -0.241029
+0.687791 0.564456 0.40254 -0.215162
+0.649401 0.608231 0.415751 -0.188374
+0.608231 0.649401 0.427181 -0.160779
+0.564456 0.687791 0.436782 -0.132496
+0.518263 0.723236 0.444512 -0.103646
+0.469852 0.755583 0.450339 -0.0743512
+0.419428 0.784695 0.454238 -0.0447385
+0.367209 0.810447 0.456191 -0.0149341
+0.313417 0.832728 0.456191 0.0149342
+0.258283 0.851444 0.454238 0.0447385
+0.202043 0.866513 0.450339 0.0743513
+0.144937 0.877872 0.444512 0.103646
+0.0872113 0.885472 0.436781 0.132496
+0.0291119 0.88928 0.427181 0.160779
+-0.0291121 0.88928 0.415751 0.188374
+-0.0872115 0.885472 0.40254 0.215162
+-0.144937 0.877872 0.387606 0.241029
+-0.202043 0.866513 0.371012 0.265863
+-0.258283 0.851444 0.352829 0.28956
+-0.313417 0.832728 0.333136 0.312016
+-0.367209 0.810447 0.312016 0.333136
+-0.419428 0.784695 0.28956 0.352829
+-0.469852 0.755583 0.265863 0.371012
+-0.518263 0.723236 0.241029 0.387606
+-0.564456 0.687791 0.215162 0.40254
+-0.608231 0.649401 0.188374 0.415751
+-0.649401 0.608231 0.160779 0.427181
+-0.687791 0.564456 0.132496 0.436782
+-0.723236 0.518263 0.103646 0.444512
+-0.755583 0.469852 0.0743513 0.450339
+-0.784695 0.419428 0.0447386 0.454238
+-0.810447 0.367209 0.0149342 0.456191
+-0.832728 0.313417 -0.0149342 0.456191
+-0.851444 0.258283 -0.0447385 0.454238
+-0.866513 0.202043 -0.0743513 0.450339
+-0.877872 0.144937 -0.103646 0.444512
+-0.885472 0.0872113 -0.132496 0.436782
+-0.88928 0.0291121 -0.160779 0.427181
+0.88928 0.029112 0.265863 -0.371012
+0.885472 0.0872114 0.28956 -0.352829
+0.877872 0.144937 0.312016 -0.333136
+0.866513 0.202043 0.333136 -0.312016
+0.851444 0.258283 0.352829 -0.28956
+0.832728 0.313417 0.371012 -0.265863
+0.810447 0.367209 0.387606 -0.241029
+0.784695 0.419428 0.40254 -0.215162
+0.755583 0.469852 0.415751 -0.188374
+0.723236 0.518263 0.427181 -0.160779
+0.687791 0.564456 0.436782 -0.132496
+0.649401 0.608231 0.444512 -0.103646
+0.608231 0.649401 0.450339 -0.0743513
+0.564456 0.687791 0.454238 -0.0447385
+0.518263 0.723236 0.456191 -0.0149341
+0.469852 0.755583 0.456191 0.0149342
+0.419428 0.784695 0.454238 0.0447385
+0.367209 0.810447 0.450339 0.0743513
+0.313417 0.832728 0.444512 0.103646
+0.258283 0.851444 0.436782 0.132496
+0.202043 0.866513 0.427181 0.160779
+0.144937 0.877872 0.415751 0.188374
+0.0872113 0.885472 0.40254 0.215162
+0.0291119 0.88928 0.387606 0.241029
+-0.0291121 0.88928 0.371012 0.265864
+-0.0872115 0.885472 0.352829 0.28956
+-0.144937 0.877872 0.333136 0.312016
+-0.202043 0.866513 0.312016 0.333136
+-0.258283 0.851444 0.28956 0.352829
+-0.313417 0.832728 0.265863 0.371012
+-0.367209 0.810447 0.241029 0.387606
+-0.419428 0.784695 0.215162 0.40254
+-0.469852 0.755583 0.188374 0.415751
+-0.518263 0.723236 0.160779 0.427181
+-0.564456 0.687791 0.132496 0.436782
+-0.608231 0.649401 0.103646 0.444512
+-0.649401 0.608231 0.0743513 0.450339
+-0.687791 0.564456 0.0447385 0.454238
+-0.723236 0.518263 0.0149342 0.456191
+-0.755583 0.469852 -0.0149342 0.456191
+-0.784695 0.419428 -0.0447384 0.454238
+-0.810447 0.367209 -0.0743513 0.450339
+-0.832728 0.313417 -0.103646 0.444512
+-0.851444 0.258283 -0.132496 0.436782
+-0.866513 0.202043 -0.160779 0.427181
+-0.877872 0.144937 -0.188374 0.415751
+-0.885472 0.0872113 -0.215162 0.40254
+-0.88928 0.0291121 -0.241029 0.387606
+0.912382 0.0298683 0.269177 -0.306937
+0.908475 0.089477 0.288675 -0.288675
+0.900678 0.148703 0.306937 -0.269177
+0.889024 0.207291 0.323885 -0.248526
+0.873563 0.264992 0.339446 -0.226811
+0.854361 0.321559 0.353553 -0.204124
+0.831501 0.376748 0.366147 -0.180564
+0.80508 0.430324 0.377172 -0.15623
+0.775212 0.482058 0.386583 -0.131227
+0.742024 0.531727 0.394338 -0.105662
+0.705659 0.579119 0.400404 -0.0796453
+0.666272 0.624032 0.404756 -0.0532871
+0.624032 0.666272 0.407374 -0.0267007
+0.579119 0.705659 0.408248 9.12809e-10
+0.531727 0.742024 0.407374 0.0267007
+0.482058 0.775212 0.404756 0.0532871
+0.430324 0.80508 0.400404 0.0796453
+0.376748 0.831501 0.394338 0.105662
+0.321559 0.854361 0.386583 0.131227
+0.264992 0.873563 0.377172 0.15623
+0.207291 0.889024 0.366147 0.180564
+0.148702 0.900678 0.353553 0.204124
+0.0894769 0.908475 0.339446 0.226811
+0.0298682 0.912382 0.323885 0.248526
+-0.0298684 0.912382 0.306937 0.269177
+-0.0894771 0.908475 0.288675 0.288675
+-0.148703 0.900678 0.269177 0.306937
+-0.207291 0.889024 0.248526 0.323885
+-0.264993 0.873563 0.226811 0.339446
+-0.321559 0.854361 0.204124 0.353553
+-0.376748 0.831501 0.180564 0.366147
+-0.430324 0.80508 0.15623 0.377172
+-0.482058 0.775212 0.131227 0.386583
+-0.531727 0.742024 0.105662 0.394338
+-0.579119 0.705659 0.0796453 0.400404
+-0.624032 0.666272 0.0532871 0.404756
+-0.666272 0.624032 0.0267007 0.407374
+-0.705659 0.579119 -1.87579e-08 0.408248
+-0.742024 0.531727 -0.0267007 0.407374
+-0.775212 0.482058 -0.0532871 0.404756
+-0.80508 0.430324 -0.0796452 0.400404
+-0.831501 0.376748 -0.105662 0.394338
+-0.854361 0.321559 -0.131227 0.386583
+-0.873563 0.264992 -0.15623 0.377172
+-0.889024 0.207291 -0.180564 0.366147
+-0.900678 0.148703 -0.204124 0.353553
+-0.908475 0.089477 -0.226811 0.339446
+-0.912382 0.0298684 -0.248526 0.323885
+0.912382 0.0298683 0.204124 -0.353553
+0.908475 0.089477 0.226811 -0.339446
+0.900678 0.148703 0.248526 -0.323885
+0.889024 0.207291 0.269177 -0.306937
+0.873563 0.264992 0.288675 -0.288675
+0.854361 0.321559 0.306937 -0.269177
+0.831501 0.376748 0.323885 -0.248526
+0.80508 0.430324 0.339446 -0.226811
+0.775212 0.482058 0.353553 -0.204124
+0.742024 0.531727 0.366147 -0.180564
+0.705659 0.579119 0.377172 -0.15623
+0.666272 0.624032 0.386583 -0.131227
+0.624032 0.666272 0.394338 -0.105662
+0.579119 0.705659 0.400404 -0.0796453
+0.531727 0.742024 0.404756 -0.0532871
+0.482058 0.775212 0.407374 -0.0267007
+0.430324 0.80508 0.408248 3.35603e-08
+0.376748 0.831501 0.407374 0.0267007
+0.321559 0.854361 0.404756 0.0532871
+0.264992 0.873563 0.400404 0.0796453
+0.207291 0.889024 0.394338 0.105662
+0.148702 0.900678 0.386583 0.131227
+0.0894769 0.908475 0.377172 0.15623
+0.0298682 0.912382 0.366147 0.180564
+-0.0298684 0.912382 0.353553 0.204124
+-0.0894771 0.908475 0.339446 0.226811
+-0.148703 0.900678 0.323885 0.248526
+-0.207291 0.889024 0.306937 0.269177
+-0.264993 0.873563 0.288675 0.288675
+-0.321559 0.854361 0.269177 0.306937
+-0.376748 0.831501 0.248526 0.323885
+-0.430324 0.80508 0.226811 0.339446
+-0.482058 0.775212 0.204124 0.353553
+-0.531727 0.742024 0.180564 0.366147
+-0.579119 0.705659 0.15623 0.377172
+-0.624032 0.666272 0.131227 0.386583
+-0.666272 0.624032 0.105662 0.394338
+-0.705659 0.579119 0.0796453 0.400404
+-0.742024 0.531727 0.0532871 0.404756
+-0.775212 0.482058 0.0267007 0.407374
+-0.80508 0.430324 4.59286e-08 0.408248
+-0.831501 0.376748 -0.0267007 0.407374
+-0.854361 0.321559 -0.0532871 0.404756
+-0.873563 0.264992 -0.0796453 0.400404
+-0.889024 0.207291 -0.105662 0.394338
+-0.900678 0.148703 -0.131227 0.386583
+-0.908475 0.089477 -0.15623 0.377172
+-0.912382 0.0298684 -0.180564 0.366147
+0.933521 0.0305603 0.199846 -0.296084
+0.929524 0.0915501 0.218783 -0.28238
+0.921546 0.152148 0.236783 -0.267466
+0.909622 0.212094 0.253769 -0.251407
+0.893803 0.271132 0.269668 -0.234272
+0.874156 0.329009 0.284413 -0.216133
+0.850766 0.385477 0.29794 -0.197069
+0.823733 0.440295 0.310191 -0.17716
+0.793173 0.493227 0.321114 -0.156494
+0.759216 0.544047 0.330661 -0.135157
+0.722008 0.592537 0.338793 -0.113241
+0.681709 0.63849 0.345474 -0.0908405
+0.63849 0.681709 0.350675 -0.068051
+0.592537 0.722008 0.354375 -0.04497
+0.544047 0.759216 0.356558 -0.0216964
+0.493227 0.793173 0.357213 0.00167001
+0.440295 0.823733 0.356339 0.0250293
+0.385477 0.850766 0.353939 0.0482814
+0.329009 0.874156 0.350024 0.0713268
+0.271132 0.893803 0.344609 0.0940667
+0.212094 0.909622 0.337719 0.116404
+0.152148 0.921546 0.329383 0.138243
+0.09155 0.929524 0.319636 0.159489
+0.0305602 0.933521 0.308521 0.180053
+-0.0305604 0.933521 0.296084 0.199846
+-0.0915502 0.929524 0.28238 0.218783
+-0.152148 0.921546 0.267466 0.236783
+-0.212094 0.909622 0.251407 0.253769
+-0.271132 0.893803 0.234272 0.269668
+-0.329009 0.874156 0.216133 0.284413
+-0.385477 0.850766 0.197069 0.29794
+-0.440295 0.823733 0.17716 0.310191
+-0.493227 0.793173 0.156494 0.321114
+-0.544047 0.759216 0.135157 0.330661
+-0.592537 0.722008 0.113241 0.338793
+-0.63849 0.681709 0.0908405 0.345474
+-0.681709 0.63849 0.068051 0.350675
+-0.722008 0.592537 0.04497 0.354375
+-0.759216 0.544047 0.0216965 0.356558
+-0.793173 0.493227 -0.00166999 0.357213
+-0.823733 0.440295 -0.0250292 0.356339
+-0.850766 0.385477 -0.0482814 0.353939
+-0.874156 0.329009 -0.0713268 0.350024
+-0.893803 0.271132 -0.0940667 0.344609
+-0.909622 0.212094 -0.116404 0.337719
+-0.921546 0.152148 -0.138242 0.329383
+-0.929524 0.0915501 -0.159489 0.319636
+-0.933521 0.0305604 -0.180053 0.308521
+0.88928 0.029112 0.103646 -0.444512
+0.885472 0.0872114 0.132496 -0.436782
+0.877872 0.144937 0.160779 -0.427181
+0.866513 0.202043 0.188374 -0.415751
+0.851444 0.258283 0.215162 -0.40254
+0.832728 0.313417 0.241029 -0.387606
+0.810447 0.367209 0.265863 -0.371012
+0.784695 0.419428 0.28956 -0.352829
+0.755583 0.469852 0.312016 -0.333136
+0.723236 0.518263 0.333136 -0.312016
+0.687791 0.564456 0.352829 -0.28956
+0.649401 0.608231 0.371012 -0.265863
+0.608231 0.649401 0.387606 -0.241029
+0.564456 0.687791 0.40254 -0.215162
+0.518263 0.723236 0.415751 -0.188374
+0.469852 0.755583 0.427181 -0.160779
+0.419428 0.784695 0.436782 -0.132496
+0.367209 0.810447 0.444512 -0.103646
+0.313417 0.832728 0.450339 -0.0743512
+0.258283 0.851444 0.454238 -0.0447385
+0.202043 0.866513 0.456191 -0.0149341
+0.144937 0.877872 0.456191 0.0149342
+0.0872113 0.885472 0.454238 0.0447386
+0.0291119 0.88928 0.450339 0.0743513
+-0.0291121 0.88928 0.444512 0.103646
+-0.0872115 0.885472 0.436781 0.132496
+-0.144937 0.877872 0.427181 0.160779
+-0.202043 0.866513 0.415751 0.188374
+-0.258283 0.851444 0.40254 0.215162
+-0.313417 0.832728 0.387606 0.241029
+-0.367209 0.810447 0.371012 0.265864
+-0.419428 0.784695 0.352829 0.28956
+-0.469852 0.755583 0.333136 0.312016
+-0.518263 0.723236 0.312016 0.333136
+-0.564456 0.687791 0.28956 0.352829
+-0.608231 0.649401 0.265863 0.371012
+-0.649401 0.608231 0.241029 0.387606
+-0.687791 0.564456 0.215162 0.40254
+-0.723236 0.518263 0.188374 0.415751
+-0.755583 0.469852 0.160779 0.427181
+-0.784695 0.419428 0.132496 0.436781
+-0.810447 0.367209 0.103646 0.444512
+-0.832728 0.313417 0.0743512 0.450339
+-0.851444 0.258283 0.0447385 0.454238
+-0.866513 0.202043 0.0149341 0.456191
+-0.877872 0.144937 -0.0149341 0.456191
+-0.885472 0.0872113 -0.0447385 0.454238
+-0.88928 0.0291121 -0.0743512 0.450339
+0.912382 0.0298683 0.131227 -0.386583
+0.908475 0.089477 0.15623 -0.377172
+0.900678 0.148703 0.180564 -0.366147
+0.889024 0.207291 0.204124 -0.353553
+0.873563 0.264992 0.226811 -0.339446
+0.854361 0.321559 0.248526 -0.323885
+0.831501 0.376748 0.269177 -0.306937
+0.80508 0.430324 0.288675 -0.288675
+0.775212 0.482058 0.306937 -0.269177
+0.742024 0.531727 0.323885 -0.248526
+0.705659 0.579119 0.339446 -0.226811
+0.666272 0.624032 0.353553 -0.204124
+0.624032 0.666272 0.366147 -0.180564
+0.579119 0.705659 0.377172 -0.15623
+0.531727 0.742024 0.386583 -0.131227
+0.482058 0.775212 0.394338 -0.105662
+0.430324 0.80508 0.400404 -0.0796453
+0.376748 0.831501 0.404756 -0.0532871
+0.321559 0.854361 0.407374 -0.0267007
+0.264992 0.873563 0.408248 1.75408e-08
+0.207291 0.889024 0.407374 0.0267007
+0.148702 0.900678 0.404756 0.0532871
+0.0894769 0.908475 0.400404 0.0796453
+0.0298682 0.912382 0.394338 0.105662
+-0.0298684 0.912382 0.386583 0.131227
+-0.0894771 0.908475 0.377172 0.15623
+-0.148703 0.900678 0.366147 0.180564
+-0.207291 0.889024 0.353553 0.204124
+-0.264993 0.873563 0.339446 0.226811
+-0.321559 0.854361 0.323885 0.248526
+-0.376748 0.831501 0.306937 0.269177
+-0.430324 0.80508 0.288675 0.288675
+-0.482058 0.775212 0.269177 0.306937
+-0.531727 0.742024 0.248526 0.323885
+-0.579119 0.705659 0.226811 0.339446
+-0.624032 0.666272 0.204124 0.353553
+-0.666272 0.624032 0.180564 0.366147
+-0.705659 0.579119 0.15623 0.377172
+-0.742024 0.531727 0.131227 0.386583
+-0.775212 0.482058 0.105662 0.394338
+-0.80508 0.430324 0.0796453 0.400404
+-0.831501 0.376748 0.0532871 0.404756
+-0.854361 0.321559 0.0267007 0.407374
+-0.873563 0.264992 1.32811e-08 0.408248
+-0.889024 0.207291 -0.0267007 0.407374
+-0.900678 0.148703 -0.0532871 0.404756
+-0.908475 0.089477 -0.0796453 0.400404
+-0.912382 0.0298684 -0.105662 0.394338
+0.912382 0.0298683 0.0532871 -0.404756
+0.908475 0.089477 0.0796453 -0.400404
+0.900678 0.148703 0.105662 -0.394338
+0.889024 0.207291 0.131227 -0.386583
+0.873563 0.264992 0.15623 -0.377172
+0.854361 0.321559 0.180564 -0.366147
+0.831501 0.376748 0.204124 -0.353553
+0.80508 0.430324 0.226811 -0.339446
+0.775212 0.482058 0.248526 -0.323885
+0.742024 0.531727 0.269177 -0.306937
+0.705659 0.579119 0.288675 -0.288675
+0.666272 0.624032 0.306937 -0.269177
+0.624032 0.666272 0.323885 -0.248526
+0.579119 0.705659 0.339446 -0.226811
+0.531727 0.742024 0.353553 -0.204124
+0.482058 0.775212 0.366147 -0.180564
+0.430324 0.80508 0.377172 -0.15623
+0.376748 0.831501 0.386583 -0.131227
+0.321559 0.854361 0.394338 -0.105662
+0.264992 0.873563 0.400404 -0.0796453
+0.207291 0.889024 0.404756 -0.0532871
+0.148702 0.900678 0.407374 -0.0267007
+0.0894769 0.908475 0.408248 5.01883e-08
+0.0298682 0.912382 0.407374 0.0267008
+-0.0298684 0.912382 0.404756 0.0532871
+-0.0894771 0.908475 0.400404 0.0796453
+-0.148703 0.900678 0.394338 0.105662
+-0.207291 0.889024 0.386583 0.131227
+-0.264993 0.873563 0.377172 0.15623
+-0.321559 0.854361 0.366147 0.180564
+-0.376748 0.831501 0.353553 0.204124
+-0.430324 0.80508 0.339446 0.226811
+-0.482058 0.775212 0.323885 0.248526
+-0.531727 0.742024 0.306937 0.269177
+-0.579119 0.705659 0.288675 0.288675
+-0.624032 0.666272 0.269177 0.306937
+-0.666272 0.624032 0.248526 0.323885
+-0.705659 0.579119 0.226811 0.339446
+-0.742024 0.531727 0.204124 0.353553
+-0.775212 0.482058 0.180564 0.366147
+-0.80508 0.430324 0.15623 0.377172
+-0.831501 0.376748 0.131227 0.386583
+-0.854361 0.321559 0.105662 0.394338
+-0.873563 0.264992 0.0796453 0.400404
+-0.889024 0.207291 0.0532871 0.404756
+-0.900678 0.148703 0.0267007 0.407374
+-0.908475 0.089477 -1.93664e-08 0.408248
+-0.912382 0.0298684 -0.0267007 0.407374
+0.933521 0.0305603 0.0515886 -0.353472
+0.929524 0.0915501 0.0745963 -0.349342
+0.921546 0.152148 0.0972846 -0.343715
+0.909622 0.212094 0.119556 -0.336616
+0.893803 0.271132 0.141316 -0.328076
+0.874156 0.329009 0.162471 -0.318131
+0.850766 0.385477 0.18293 -0.306824
+0.823733 0.440295 0.202605 -0.294203
+0.793173 0.493227 0.221413 -0.280322
+0.759216 0.544047 0.239273 -0.265241
+0.722008 0.592537 0.256108 -0.249023
+0.681709 0.63849 0.271847 -0.23174
+0.63849 0.681709 0.286421 -0.213464
+0.592537 0.722008 0.299769 -0.194274
+0.544047 0.759216 0.311834 -0.174252
+0.493227 0.793173 0.322563 -0.153484
+0.440295 0.823733 0.33191 -0.132059
+0.385477 0.850766 0.339837 -0.110068
+0.329009 0.874156 0.346308 -0.0876064
+0.271132 0.893803 0.351296 -0.0647692
+0.212094 0.909622 0.35478 -0.0416547
+0.152148 0.921546 0.356745 -0.0183617
+0.09155 0.929524 0.357182 0.00500984
+0.0305602 0.933521 0.35609 0.0283599
+-0.0305604 0.933521 0.353472 0.0515886
+-0.0915502 0.929524 0.349342 0.0745963
+-0.152148 0.921546 0.343715 0.0972847
+-0.212094 0.909622 0.336616 0.119556
+-0.271132 0.893803 0.328076 0.141316
+-0.329009 0.874156 0.318131 0.162471
+-0.385477 0.850766 0.306824 0.18293
+-0.440295 0.823733 0.294203 0.202605
+-0.493227 0.793173 0.280322 0.221413
+-0.544047 0.759216 0.265241 0.239273
+-0.592537 0.722008 0.249023 0.256108
+-0.63849 0.681709 0.23174 0.271847
+-0.681709 0.63849 0.213464 0.286421
+-0.722008 0.592537 0.194274 0.299769
+-0.759216 0.544047 0.174252 0.311834
+-0.793173 0.493227 0.153484 0.322563
+-0.823733 0.440295 0.132059 0.33191
+-0.850766 0.385477 0.110069 0.339837
+-0.874156 0.329009 0.0876064 0.346308
+-0.893803 0.271132 0.0647693 0.351296
+-0.909622 0.212094 0.0416547 0.35478
+-0.921546 0.152148 0.0183618 0.356745
+-0.929524 0.0915501 -0.00500981 0.357182
+-0.933521 0.0305604 -0.0283599 0.35609
+0.933521 0.0305603 0.12895 -0.333131
+0.929524 0.0915501 0.150462 -0.323984
+0.921546 0.152148 0.171329 -0.313449
+0.909622 0.212094 0.191463 -0.301573
+0.893803 0.271132 0.210777 -0.288405
+0.874156 0.329009 0.229188 -0.274002
+0.850766 0.385477 0.246618 -0.258425
+0.823733 0.440295 0.262992 -0.241743
+0.793173 0.493227 0.278239 -0.224025
+0.759216 0.544047 0.292296 -0.205347
+0.722008 0.592537 0.3051 -0.18579
+0.681709 0.63849 0.316598 -0.165438
+0.63849 0.681709 0.32674 -0.144377
+0.592537 0.722008 0.335484 -0.122698
+0.544047 0.759216 0.34279 -0.100494
+0.493227 0.793173 0.348629 -0.0778593
+0.440295 0.823733 0.352975 -0.0548912
+0.385477 0.850766 0.355809 -0.031688
+0.329009 0.874156 0.35712 -0.00834915
+0.271132 0.893803 0.356901 0.0150255
+0.212094 0.909622 0.355154 0.0383357
+0.152148 0.921546 0.351887 0.0614819
+0.09155 0.929524 0.347112 0.0843647
+0.0305602 0.933521 0.340851 0.106886
+-0.0305604 0.933521 0.333131 0.12895
+-0.0915502 0.929524 0.323984 0.150462
+-0.152148 0.921546 0.313449 0.171329
+-0.212094 0.909622 0.301573 0.191463
+-0.271132 0.893803 0.288405 0.210777
+-0.329009 0.874156 0.274002 0.229188
+-0.385477 0.850766 0.258425 0.246618
+-0.440295 0.823733 0.241743 0.262992
+-0.493227 0.793173 0.224025 0.278239
+-0.544047 0.759216 0.205347 0.292296
+-0.592537 0.722008 0.18579 0.3051
+-0.63849 0.681709 0.165438 0.316598
+-0.681709 0.63849 0.144377 0.32674
+-0.722008 0.592537 0.122698 0.335484
+-0.759216 0.544047 0.100494 0.34279
+-0.793173 0.493227 0.0778593 0.348629
+-0.823733 0.440295 0.0548913 0.352975
+-0.850766 0.385477 0.031688 0.355809
+-0.874156 0.329009 0.00834914 0.35712
+-0.893803 0.271132 -0.0150254 0.356901
+-0.909622 0.212094 -0.0383358 0.355154
+-0.921546 0.152148 -0.0614818 0.351887
+-0.929524 0.0915501 -0.0843647 0.347112
+-0.933521 0.0305604 -0.106886 0.340851
+0.951462 0.0311476 0.126365 -0.278894
+0.947388 0.0933095 0.144335 -0.270032
+0.939256 0.155072 0.161687 -0.260014
+0.927103 0.21617 0.178347 -0.248882
+0.91098 0.276343 0.194242 -0.236685
+0.890956 0.335332 0.209307 -0.223474
+0.867117 0.392885 0.223474 -0.209307
+0.839564 0.448756 0.236685 -0.194242
+0.808416 0.502706 0.248882 -0.178347
+0.773807 0.554502 0.260014 -0.161687
+0.735884 0.603924 0.270032 -0.144335
+0.69481 0.650761 0.278894 -0.126365
+0.65076 0.69481 0.286561 -0.107854
+0.603924 0.735884 0.293002 -0.0888812
+0.554502 0.773807 0.298188 -0.0695276
+0.502706 0.808416 0.302097 -0.0498763
+0.448756 0.839564 0.304712 -0.0300115
+0.392885 0.867117 0.306022 -0.0100181
+0.335332 0.890956 0.306022 0.0100181
+0.276343 0.91098 0.304712 0.0300115
+0.21617 0.927103 0.302097 0.0498764
+0.155072 0.939256 0.298188 0.0695277
+0.0933094 0.947388 0.293002 0.0888812
+0.0311475 0.951462 0.286561 0.107854
+-0.0311477 0.951462 0.278894 0.126365
+-0.0933096 0.947388 0.270032 0.144335
+-0.155072 0.939256 0.260014 0.161687
+-0.21617 0.927103 0.248882 0.178347
+-0.276343 0.91098 0.236685 0.194243
+-0.335332 0.890956 0.223474 0.209307
+-0.392886 0.867116 0.209307 0.223474
+-0.448756 0.839564 0.194243 0.236685
+-0.502706 0.808416 0.178347 0.248882
+-0.554502 0.773807 0.161687 0.260014
+-0.603924 0.735884 0.144335 0.270032
+-0.650761 0.69481 0.126365 0.278894
+-0.69481 0.650761 0.107854 0.286561
+-0.735884 0.603924 0.0888812 0.293002
+-0.773807 0.554502 0.0695276 0.298188
+-0.808416 0.502706 0.0498763 0.302097
+-0.839564 0.448756 0.0300115 0.304712
+-0.867117 0.392885 0.0100181 0.306022
+-0.890956 0.335332 -0.0100182 0.306022
+-0.91098 0.276343 -0.0300115 0.304712
+-0.927103 0.21617 -0.0498764 0.302097
+-0.939256 0.155072 -0.0695276 0.298188
+-0.947388 0.0933095 -0.0888812 0.293002
+-0.951462 0.0311477 -0.107854 0.286562
+0.951462 0.0311476 0.0498763 -0.302097
+0.947388 0.0933095 0.0695276 -0.298188
+0.939256 0.155072 0.0888812 -0.293002
+0.927103 0.21617 0.107854 -0.286561
+0.91098 0.276343 0.126365 -0.278894
+0.890956 0.335332 0.144335 -0.270032
+0.867117 0.392885 0.161687 -0.260014
+0.839564 0.448756 0.178347 -0.248882
+0.808416 0.502706 0.194242 -0.236685
+0.773807 0.554502 0.209307 -0.223474
+0.735884 0.603924 0.223474 -0.209307
+0.69481 0.650761 0.236685 -0.194242
+0.65076 0.69481 0.248882 -0.178347
+0.603924 0.735884 0.260014 -0.161687
+0.554502 0.773807 0.270032 -0.144335
+0.502706 0.808416 0.278894 -0.126365
+0.448756 0.839564 0.286562 -0.107854
+0.392885 0.867117 0.293002 -0.0888811
+0.335332 0.890956 0.298188 -0.0695276
+0.276343 0.91098 0.302097 -0.0498763
+0.21617 0.927103 0.304712 -0.0300115
+0.155072 0.939256 0.306022 -0.0100181
+0.0933094 0.947388 0.306022 0.0100182
+0.0311475 0.951462 0.304712 0.0300115
+-0.0311477 0.951462 0.302097 0.0498764
+-0.0933096 0.947388 0.298188 0.0695276
+-0.155072 0.939256 0.293002 0.0888812
+-0.21617 0.927103 0.286561 0.107854
+-0.276343 0.91098 0.278894 0.126365
+-0.335332 0.890956 0.270032 0.144335
+-0.392886 0.867116 0.260014 0.161687
+-0.448756 0.839564 0.248882 0.178347
+-0.502706 0.808416 0.236685 0.194242
+-0.554502 0.773807 0.223474 0.209307
+-0.603924 0.735884 0.209307 0.223474
+-0.650761 0.69481 0.194242 0.236685
+-0.69481 0.650761 0.178347 0.248882
+-0.735884 0.603924 0.161687 0.260014
+-0.773807 0.554502 0.144335 0.270032
+-0.808416 0.502706 0.126365 0.278894
+-0.839564 0.448756 0.107854 0.286561
+-0.867117 0.392885 0.0888812 0.293002
+-0.890956 0.335332 0.0695276 0.298188
+-0.91098 0.276343 0.0498764 0.302097
+-0.927103 0.21617 0.0300115 0.304712
+-0.939256 0.155072 0.0100182 0.306022
+-0.947388 0.0933095 -0.0100181 0.306022
+-0.951462 0.0311477 -0.0300115 0.304712
+0.966382 0.0316361 0.0481394 -0.250573
+0.962244 0.0947728 0.0644245 -0.246888
+0.953986 0.157504 0.0804338 -0.242146
+0.941642 0.21956 0.0960987 -0.236367
+0.925266 0.280676 0.111352 -0.229575
+0.904928 0.340591 0.126129 -0.221801
+0.880714 0.399046 0.140365 -0.213077
+0.85273 0.455794 0.154 -0.20344
+0.821094 0.510589 0.166976 -0.192933
+0.785942 0.563198 0.179237 -0.181599
+0.747424 0.613395 0.190731 -0.169487
+0.705706 0.660965 0.201407 -0.15665
+0.660965 0.705706 0.211221 -0.143142
+0.613395 0.747424 0.220131 -0.129021
+0.563198 0.785942 0.228098 -0.114348
+0.510589 0.821094 0.235089 -0.0991844
+0.455793 0.85273 0.241072 -0.0835965
+0.399046 0.880714 0.246023 -0.0676507
+0.340591 0.904928 0.249921 -0.0514151
+0.280676 0.925266 0.252749 -0.0349594
+0.21956 0.941642 0.254494 -0.018354
+0.157504 0.953986 0.25515 -0.00166994
+0.0947727 0.962244 0.254713 0.0150212
+0.031636 0.966382 0.253185 0.0316481
+-0.0316362 0.966382 0.250573 0.0481394
+-0.0947729 0.962244 0.246888 0.0644246
+-0.157504 0.953986 0.242146 0.0804339
+-0.21956 0.941642 0.236367 0.0960987
+-0.280676 0.925266 0.229575 0.111352
+-0.340591 0.904927 0.221801 0.126129
+-0.399047 0.880714 0.213077 0.140365
+-0.455793 0.85273 0.203441 0.154
+-0.510589 0.821094 0.192933 0.166976
+-0.563198 0.785941 0.181599 0.179237
+-0.613395 0.747424 0.169487 0.190731
+-0.660966 0.705706 0.15665 0.201407
+-0.705706 0.660966 0.143142 0.211221
+-0.747424 0.613395 0.129021 0.220131
+-0.785942 0.563198 0.114348 0.228098
+-0.821094 0.510589 0.0991844 0.235089
+-0.85273 0.455794 0.0835966 0.241072
+-0.880714 0.399046 0.0676507 0.246023
+-0.904928 0.340591 0.0514151 0.249921
+-0.925266 0.280676 0.0349594 0.252749
+-0.941642 0.21956 0.018354 0.254494
+-0.953986 0.157504 0.00166999 0.25515
+-0.962244 0.0947727 -0.0150212 0.254713
+-0.966382 0.0316362 -0.031648 0.253185
+0.933521 0.0305603 0.26072 -0.244191
+0.929524 0.0915501 0.276133 -0.226616
+0.921546 0.152148 0.290363 -0.208071
+0.909622 0.212094 0.30335 -0.188635
+0.893803 0.271132 0.315037 -0.168391
+0.874156 0.329009 0.325376 -0.147426
+0.850766 0.385477 0.334322 -0.12583
+0.823733 0.440295 0.341836 -0.103695
+0.793173 0.493227 0.347886 -0.0811156
+0.759216 0.544047 0.352446 -0.0581891
+0.722008 0.592537 0.355497 -0.0350134
+0.681709 0.63849 0.357026 -0.0116878
+0.63849 0.681709 0.357026 0.0116878
+0.592537 0.722008 0.355497 0.0350134
+0.544047 0.759216 0.352446 0.0581891
+0.493227 0.793173 0.347886 0.0811156
+0.440295 0.823733 0.341836 0.103695
+0.385477 0.850766 0.334322 0.12583
+0.329009 0.874156 0.325376 0.147426
+0.271132 0.893803 0.315037 0.168391
+0.212094 0.909622 0.30335 0.188635
+0.152148 0.921546 0.290363 0.208071
+0.09155 0.929524 0.276133 0.226616
+0.0305602 0.933521 0.26072 0.244191
+-0.0305604 0.933521 0.244191 0.26072
+-0.0915502 0.929524 0.226616 0.276133
+-0.152148 0.921546 0.208071 0.290363
+-0.212094 0.909622 0.188635 0.30335
+-0.271132 0.893803 0.168391 0.315038
+-0.329009 0.874156 0.147426 0.325376
+-0.385477 0.850766 0.12583 0.334322
+-0.440295 0.823733 0.103695 0.341836
+-0.493227 0.793173 0.0811156 0.347886
+-0.544047 0.759216 0.058189 0.352446
+-0.592537 0.722008 0.0350134 0.355497
+-0.63849 0.681709 0.0116878 0.357026
+-0.681709 0.63849 -0.0116878 0.357026
+-0.722008 0.592537 -0.0350134 0.355497
+-0.759216 0.544047 -0.058189 0.352446
+-0.793173 0.493227 -0.0811156 0.347886
+-0.823733 0.440295 -0.103695 0.341836
+-0.850766 0.385477 -0.12583 0.334322
+-0.874156 0.329009 -0.147426 0.325376
+-0.893803 0.271132 -0.168391 0.315037
+-0.909622 0.212094 -0.188635 0.30335
+-0.921546 0.152148 -0.208071 0.290363
+-0.929524 0.0915501 -0.226616 0.276133
+-0.933521 0.0305604 -0.244191 0.26072
+0.951462 0.0311476 0.248882 -0.178347
+0.947388 0.0933095 0.260014 -0.161687
+0.939256 0.155072 0.270032 -0.144335
+0.927103 0.21617 0.278894 -0.126365
+0.91098 0.276343 0.286561 -0.107854
+0.890956 0.335332 0.293002 -0.0888812
+0.867117 0.392885 0.298188 -0.0695276
+0.839564 0.448756 0.302097 -0.0498763
+0.808416 0.502706 0.304712 -0.0300115
+0.773807 0.554502 0.306022 -0.0100181
+0.735884 0.603924 0.306022 0.0100181
+0.69481 0.650761 0.304712 0.0300115
+0.65076 0.69481 0.302097 0.0498764
+0.603924 0.735884 0.298188 0.0695276
+0.554502 0.773807 0.293002 0.0888812
+0.502706 0.808416 0.286561 0.107854
+0.448756 0.839564 0.278894 0.126365
+0.392885 0.867117 0.270032 0.144335
+0.335332 0.890956 0.260014 0.161687
+0.276343 0.91098 0.248882 0.178347
+0.21617 0.927103 0.236685 0.194242
+0.155072 0.939256 0.223474 0.209307
+0.0933094 0.947388 0.209307 0.223474
+0.0311475 0.951462 0.194242 0.236685
+-0.0311477 0.951462 0.178347 0.248882
+-0.0933096 0.947388 0.161687 0.260014
+-0.155072 0.939256 0.144335 0.270032
+-0.21617 0.927103 0.126365 0.278894
+-0.276343 0.91098 0.107854 0.286562
+-0.335332 0.890956 0.0888811 0.293002
+-0.392886 0.867116 0.0695276 0.298188
+-0.448756 0.839564 0.0498764 0.302097
+-0.502706 0.808416 0.0300115 0.304712
+-0.554502 0.773807 0.0100181 0.306022
+-0.603924 0.735884 -0.0100181 0.306022
+-0.650761 0.69481 -0.0300115 0.304712
+-0.69481 0.650761 -0.0498763 0.302097
+-0.735884 0.603924 -0.0695276 0.298188
+-0.773807 0.554502 -0.0888811 0.293002
+-0.808416 0.502706 -0.107854 0.286561
+-0.839564 0.448756 -0.126365 0.278894
+-0.867117 0.392885 -0.144335 0.270032
+-0.890956 0.335332 -0.161687 0.260014
+-0.91098 0.276343 -0.178347 0.248882
+-0.927103 0.21617 -0.194242 0.236685
+-0.939256 0.155072 -0.209307 0.223474
+-0.947388 0.0933095 -0.223474 0.209307
+-0.951462 0.0311477 -0.236685 0.194243
+0.951462 0.0311476 0.194242 -0.236685
+0.947388 0.0933095 0.209307 -0.223474
+0.939256 0.155072 0.223474 -0.209307
+0.927103 0.21617 0.236685 -0.194242
+0.91098 0.276343 0.248882 -0.178347
+0.890956 0.335332 0.260014 -0.161687
+0.867117 0.392885 0.270032 -0.144335
+0.839564 0.448756 0.278894 -0.126365
+0.808416 0.502706 0.286561 -0.107854
+0.773807 0.554502 0.293002 -0.0888812
+0.735884 0.603924 0.298188 -0.0695276
+0.69481 0.650761 0.302097 -0.0498763
+0.65076 0.69481 0.304712 -0.0300115
+0.603924 0.735884 0.306022 -0.0100181
+0.554502 0.773807 0.306022 0.0100181
+0.502706 0.808416 0.304712 0.0300115
+0.448756 0.839564 0.302097 0.0498764
+0.392885 0.867117 0.298188 0.0695276
+0.335332 0.890956 0.293002 0.0888812
+0.276343 0.91098 0.286561 0.107854
+0.21617 0.927103 0.278894 0.126365
+0.155072 0.939256 0.270032 0.144335
+0.0933094 0.947388 0.260014 0.161687
+0.0311475 0.951462 0.248882 0.178347
+-0.0311477 0.951462 0.236685 0.194243
+-0.0933096 0.947388 0.223474 0.209307
+-0.155072 0.939256 0.209307 0.223474
+-0.21617 0.927103 0.194242 0.236685
+-0.276343 0.91098 0.178347 0.248882
+-0.335332 0.890956 0.161687 0.260014
+-0.392886 0.867116 0.144335 0.270032
+-0.448756 0.839564 0.126365 0.278894
+-0.502706 0.808416 0.107854 0.286561
+-0.554502 0.773807 0.0888811 0.293002
+-0.603924 0.735884 0.0695276 0.298188
+-0.650761 0.69481 0.0498763 0.302097
+-0.69481 0.650761 0.0300115 0.304712
+-0.735884 0.603924 0.0100181 0.306022
+-0.773807 0.554502 -0.0100181 0.306022
+-0.808416 0.502706 -0.0300115 0.304712
+-0.839564 0.448756 -0.0498763 0.302097
+-0.867117 0.392885 -0.0695276 0.298188
+-0.890956 0.335332 -0.0888812 0.293002
+-0.91098 0.276343 -0.107854 0.286561
+-0.927103 0.21617 -0.126365 0.278894
+-0.939256 0.155072 -0.144335 0.270032
+-0.947388 0.0933095 -0.161687 0.260014
+-0.951462 0.0311477 -0.178347 0.248882
+0.966382 0.0316361 0.186229 -0.174422
+0.962244 0.0947728 0.197238 -0.161869
+0.953986 0.157504 0.207402 -0.148622
+0.941642 0.21956 0.216678 -0.134739
+0.925266 0.280676 0.225027 -0.120279
+0.904928 0.340591 0.232412 -0.105304
+0.880714 0.399046 0.238801 -0.0898784
+0.85273 0.455794 0.244168 -0.0740676
+0.821094 0.510589 0.24849 -0.0579397
+0.785942 0.563198 0.251747 -0.0415636
+0.747424 0.613395 0.253927 -0.0250096
+0.705706 0.660965 0.255019 -0.00834844
+0.660965 0.705706 0.255019 0.00834845
+0.613395 0.747424 0.253927 0.0250096
+0.563198 0.785942 0.251747 0.0415636
+0.510589 0.821094 0.24849 0.0579397
+0.455793 0.85273 0.244168 0.0740677
+0.399046 0.880714 0.238801 0.0898784
+0.340591 0.904928 0.232412 0.105304
+0.280676 0.925266 0.225027 0.120279
+0.21956 0.941642 0.216678 0.134739
+0.157504 0.953986 0.207402 0.148622
+0.0947727 0.962244 0.197238 0.161869
+0.031636 0.966382 0.186229 0.174422
+-0.0316362 0.966382 0.174422 0.186229
+-0.0947729 0.962244 0.161869 0.197238
+-0.157504 0.953986 0.148622 0.207402
+-0.21956 0.941642 0.134739 0.216678
+-0.280676 0.925266 0.120279 0.225027
+-0.340591 0.904927 0.105304 0.232412
+-0.399047 0.880714 0.0898784 0.238801
+-0.455793 0.85273 0.0740677 0.244168
+-0.510589 0.821094 0.0579397 0.24849
+-0.563198 0.785941 0.0415636 0.251747
+-0.613395 0.747424 0.0250096 0.253927
+-0.660966 0.705706 0.00834843 0.255019
+-0.705706 0.660966 -0.00834843 0.255019
+-0.747424 0.613395 -0.0250096 0.253927
+-0.785942 0.563198 -0.0415636 0.251747
+-0.821094 0.510589 -0.0579397 0.24849
+-0.85273 0.455794 -0.0740676 0.244168
+-0.880714 0.399046 -0.0898784 0.238801
+-0.904928 0.340591 -0.105304 0.232412
+-0.925266 0.280676 -0.120279 0.225027
+-0.941642 0.21956 -0.134739 0.216678
+-0.953986 0.157504 -0.148622 0.207402
+-0.962244 0.0947727 -0.161869 0.197238
+-0.966382 0.0316362 -0.174422 0.186229
+0.966382 0.0316361 0.231013 -0.108337
+0.962244 0.0947728 0.237604 -0.0929965
+0.953986 0.157504 0.243178 -0.0772574
+0.941642 0.21956 0.24771 -0.0611873
+0.925266 0.280676 0.251182 -0.0448553
+0.904928 0.340591 0.253577 -0.0283312
+0.880714 0.399046 0.254887 -0.0116858
+0.85273 0.455794 0.255106 0.00500964
+0.821094 0.510589 0.254232 0.0216836
+0.785942 0.563198 0.25227 0.0382648
+0.747424 0.613395 0.249227 0.0546821
+0.705706 0.660965 0.245117 0.0708652
+0.660965 0.705706 0.239957 0.0867449
+0.613395 0.747424 0.23377 0.102253
+0.563198 0.785942 0.226582 0.117324
+0.510589 0.821094 0.218423 0.131891
+0.455793 0.85273 0.20933 0.145895
+0.399046 0.880714 0.19934 0.159273
+0.340591 0.904928 0.188496 0.17197
+0.280676 0.925266 0.176845 0.18393
+0.21956 0.941642 0.164437 0.195102
+0.157504 0.953986 0.151324 0.205439
+0.0947727 0.962244 0.137564 0.214896
+0.031636 0.966382 0.123215 0.223433
+-0.0316362 0.966382 0.108337 0.231013
+-0.0947729 0.962244 0.0929965 0.237604
+-0.157504 0.953986 0.0772573 0.243178
+-0.21956 0.941642 0.0611873 0.24771
+-0.280676 0.925266 0.0448553 0.251182
+-0.340591 0.904927 0.0283312 0.253577
+-0.399047 0.880714 0.0116858 0.254887
+-0.455793 0.85273 -0.00500961 0.255106
+-0.510589 0.821094 -0.0216836 0.254232
+-0.563198 0.785941 -0.0382648 0.25227
+-0.613395 0.747424 -0.0546821 0.249227
+-0.660966 0.705706 -0.0708652 0.245117
+-0.705706 0.660966 -0.0867449 0.239957
+-0.747424 0.613395 -0.102253 0.23377
+-0.785942 0.563198 -0.117323 0.226582
+-0.821094 0.510589 -0.131891 0.218423
+-0.85273 0.455794 -0.145895 0.20933
+-0.880714 0.399046 -0.159273 0.19934
+-0.904928 0.340591 -0.17197 0.188496
+-0.925266 0.280676 -0.18393 0.176845
+-0.941642 0.21956 -0.195102 0.164437
+-0.953986 0.157504 -0.205439 0.151324
+-0.962244 0.0947727 -0.214896 0.137564
+-0.966382 0.0316362 -0.223433 0.123215
+0.978421 0.0320302 0.201398 -0.0332509
+0.974231 0.0959534 0.203141 -0.0200077
+0.96587 0.159466 0.204015 -0.00667876
+0.953372 0.222295 0.204015 0.00667876
+0.936792 0.284173 0.203141 0.0200077
+0.9162 0.344833 0.201398 0.0332509
+0.891686 0.404017 0.198792 0.0463517
+0.863352 0.461472 0.195335 0.0592541
+0.831322 0.516949 0.191041 0.0719027
+0.795732 0.570214 0.185929 0.0842435
+0.756735 0.621036 0.180021 0.0962235
+0.714497 0.669199 0.173343 0.107791
+0.669199 0.714497 0.165922 0.118898
+0.621036 0.756735 0.15779 0.129495
+0.570214 0.795732 0.148983 0.139538
+0.516949 0.831322 0.139538 0.148983
+0.461471 0.863352 0.129495 0.15779
+0.404017 0.891686 0.118898 0.165922
+0.344833 0.9162 0.107791 0.173343
+0.284173 0.936792 0.0962234 0.180021
+0.222295 0.953372 0.0842435 0.185929
+0.159466 0.96587 0.0719027 0.191041
+0.0959533 0.974231 0.0592541 0.195335
+0.0320301 0.978421 0.0463517 0.198792
+-0.0320303 0.978421 0.0332509 0.201398
+-0.0959535 0.974231 0.0200076 0.203141
+-0.159466 0.96587 0.00667874 0.204015
+-0.222295 0.953372 -0.00667877 0.204015
+-0.284173 0.936792 -0.0200077 0.203141
+-0.344834 0.9162 -0.0332509 0.201398
+-0.404018 0.891686 -0.0463518 0.198792
+-0.461471 0.863352 -0.0592541 0.195335
+-0.516949 0.831322 -0.0719027 0.191041
+-0.570214 0.795732 -0.0842435 0.185929
+-0.621036 0.756735 -0.0962234 0.180021
+-0.669199 0.714497 -0.107791 0.173343
+-0.714497 0.669199 -0.118898 0.165922
+-0.756735 0.621036 -0.129495 0.15779
+-0.795732 0.570214 -0.139538 0.148983
+-0.831322 0.516949 -0.148983 0.139538
+-0.863352 0.461472 -0.15779 0.129495
+-0.891686 0.404017 -0.165922 0.118898
+-0.9162 0.344833 -0.173343 0.107791
+-0.936792 0.284173 -0.180021 0.0962235
+-0.953372 0.222295 -0.185929 0.0842435
+-0.96587 0.159466 -0.191041 0.0719028
+-0.974231 0.0959533 -0.195335 0.0592541
+-0.978421 0.0320303 -0.198792 0.0463518
+0.978421 0.0320302 0.173343 -0.107791
+0.974231 0.0959534 0.180021 -0.0962235
+0.96587 0.159466 0.185929 -0.0842435
+0.953372 0.222295 0.191041 -0.0719027
+0.936792 0.284173 0.195335 -0.0592541
+0.9162 0.344833 0.198792 -0.0463518
+0.891686 0.404017 0.201398 -0.0332509
+0.863352 0.461472 0.203141 -0.0200077
+0.831322 0.516949 0.204015 -0.00667875
+0.795732 0.570214 0.204015 0.00667875
+0.756735 0.621036 0.203141 0.0200077
+0.714497 0.669199 0.201398 0.0332509
+0.669199 0.714497 0.198792 0.0463518
+0.621036 0.756735 0.195335 0.0592541
+0.570214 0.795732 0.191041 0.0719027
+0.516949 0.831322 0.185929 0.0842435
+0.461471 0.863352 0.180021 0.0962235
+0.404017 0.891686 0.173343 0.107791
+0.344833 0.9162 0.165922 0.118898
+0.284173 0.936792 0.15779 0.129495
+0.222295 0.953372 0.148983 0.139538
+0.159466 0.96587 0.139538 0.148983
+0.0959533 0.974231 0.129495 0.15779
+0.0320301 0.978421 0.118898 0.165922
+-0.0320303 0.978421 0.107791 0.173343
+-0.0959535 0.974231 0.0962234 0.180021
+-0.159466 0.96587 0.0842435 0.185929
+-0.222295 0.953372 0.0719027 0.191041
+-0.284173 0.936792 0.0592541 0.195335
+-0.344834 0.9162 0.0463517 0.198792
+-0.404018 0.891686 0.0332509 0.201398
+-0.461471 0.863352 0.0200077 0.203141
+-0.516949 0.831322 0.00667876 0.204015
+-0.570214 0.795732 -0.00667877 0.204015
+-0.621036 0.756735 -0.0200077 0.203141
+-0.669199 0.714497 -0.0332509 0.201398
+-0.714497 0.669199 -0.0463517 0.198792
+-0.756735 0.621036 -0.0592541 0.195335
+-0.795732 0.570214 -0.0719027 0.191041
+-0.831322 0.516949 -0.0842435 0.185929
+-0.863352 0.461472 -0.0962234 0.180021
+-0.891686 0.404017 -0.107791 0.173343
+-0.9162 0.344833 -0.118898 0.165922
+-0.936792 0.284173 -0.129495 0.15779
+-0.953372 0.222295 -0.139538 0.148983
+-0.96587 0.159466 -0.148983 0.139538
+-0.974231 0.0959533 -0.15779 0.129495
+-0.978421 0.0320303 -0.165922 0.118898
+0.987683 0.0323334 0.149094 -0.0347638
+0.983453 0.0968617 0.151048 -0.0249382
+0.975013 0.160975 0.152356 -0.0150057
+0.962397 0.224399 0.153011 -0.00500906
+0.94566 0.286863 0.153011 0.00500907
+0.924873 0.348098 0.152356 0.0150057
+0.900126 0.407842 0.151048 0.0249382
+0.871525 0.46584 0.149094 0.0347638
+0.839192 0.521843 0.146501 0.0444406
+0.803265 0.575611 0.143281 0.0539271
+0.763898 0.626915 0.139447 0.0631826
+0.72126 0.675534 0.135016 0.0721676
+0.675534 0.72126 0.130007 0.0808436
+0.626915 0.763898 0.124441 0.0891733
+0.575611 0.803265 0.118343 0.0971212
+0.521843 0.839192 0.111737 0.104653
+0.46584 0.871525 0.104653 0.111737
+0.407842 0.900126 0.0971212 0.118343
+0.348098 0.924873 0.0891733 0.124441
+0.286863 0.94566 0.0808435 0.130007
+0.224399 0.962397 0.0721676 0.135016
+0.160975 0.975013 0.0631826 0.139447
+0.0968616 0.983453 0.053927 0.143281
+0.0323333 0.987683 0.0444406 0.146501
+-0.0323335 0.987683 0.0347638 0.149094
+-0.0968618 0.983453 0.0249382 0.151048
+-0.160975 0.975013 0.0150057 0.152356
+-0.224399 0.962397 0.00500906 0.153011
+-0.286863 0.94566 -0.00500909 0.153011
+-0.348098 0.924873 -0.0150058 0.152356
+-0.407842 0.900126 -0.0249382 0.151048
+-0.46584 0.871525 -0.0347638 0.149094
+-0.521843 0.839192 -0.0444406 0.146501
+-0.575611 0.803265 -0.0539271 0.143281
+-0.626915 0.763898 -0.0631826 0.139447
+-0.675534 0.72126 -0.0721676 0.135016
+-0.72126 0.675534 -0.0808435 0.130007
+-0.763898 0.626915 -0.0891733 0.124441
+-0.803265 0.575611 -0.0971212 0.118343
+-0.839192 0.521843 -0.104653 0.111737
+-0.871525 0.46584 -0.111737 0.104653
+-0.900126 0.407842 -0.118343 0.0971212
+-0.924873 0.348098 -0.124441 0.0891733
+-0.94566 0.286863 -0.130007 0.0808436
+-0.962397 0.224399 -0.135016 0.0721676
+-0.975013 0.160975 -0.139447 0.0631826
+-0.983453 0.0968616 -0.143281 0.053927
+-0.987683 0.0323335 -0.146501 0.0444406
+0.966382 0.0316361 0.123215 -0.223433
+0.962244 0.0947728 0.137564 -0.214896
+0.953986 0.157504 0.151324 -0.205439
+0.941642 0.21956 0.164437 -0.195102
+0.925266 0.280676 0.176845 -0.18393
+0.904928 0.340591 0.188496 -0.17197
+0.880714 0.399046 0.19934 -0.159273
+0.85273 0.455794 0.20933 -0.145895
+0.821094 0.510589 0.218423 -0.131891
+0.785942 0.563198 0.226582 -0.117324
+0.747424 0.613395 0.23377 -0.102253
+0.705706 0.660965 0.239957 -0.0867449
+0.660965 0.705706 0.245117 -0.0708652
+0.613395 0.747424 0.249227 -0.0546821
+0.563198 0.785942 0.25227 -0.0382648
+0.510589 0.821094 0.254232 -0.0216836
+0.455793 0.85273 0.255106 -0.00500962
+0.399046 0.880714 0.254887 0.0116858
+0.340591 0.904928 0.253577 0.0283312
+0.280676 0.925266 0.251182 0.0448553
+0.21956 0.941642 0.24771 0.0611874
+0.157504 0.953986 0.243178 0.0772574
+0.0947727 0.962244 0.237604 0.0929966
+0.031636 0.966382 0.231013 0.108338
+-0.0316362 0.966382 0.223433 0.123215
+-0.0947729 0.962244 0.214896 0.137564
+-0.157504 0.953986 0.205439 0.151324
+-0.21956 0.941642 0.195102 0.164437
+-0.280676 0.925266 0.18393 0.176845
+-0.340591 0.904927 0.171969 0.188496
+-0.399047 0.880714 0.159273 0.19934
+-0.455793 0.85273 0.145895 0.20933
+-0.510589 0.821094 0.131891 0.218423
+-0.563198 0.785941 0.117323 0.226582
+-0.613395 0.747424 0.102253 0.23377
+-0.660966 0.705706 0.0867449 0.239957
+-0.705706 0.660966 0.0708652 0.245117
+-0.747424 0.613395 0.0546821 0.249227
+-0.785942 0.563198 0.0382648 0.25227
+-0.821094 0.510589 0.0216836 0.254232
+-0.85273 0.455794 0.00500967 0.255106
+-0.880714 0.399046 -0.0116858 0.254887
+-0.904928 0.340591 -0.0283313 0.253577
+-0.925266 0.280676 -0.0448553 0.251182
+-0.941642 0.21956 -0.0611874 0.24771
+-0.953986 0.157504 -0.0772573 0.243178
+-0.962244 0.0947727 -0.0929965 0.237604
+-0.966382 0.0316362 -0.108337 0.231013
+0.978421 0.0320302 0.118898 -0.165922
+0.974231 0.0959534 0.129495 -0.15779
+0.96587 0.159466 0.139538 -0.148983
+0.953372 0.222295 0.148983 -0.139538
+0.936792 0.284173 0.15779 -0.129495
+0.9162 0.344833 0.165922 -0.118898
+0.891686 0.404017 0.173343 -0.107791
+0.863352 0.461472 0.180021 -0.0962235
+0.831322 0.516949 0.185929 -0.0842435
+0.795732 0.570214 0.191041 -0.0719027
+0.756735 0.621036 0.195335 -0.0592541
+0.714497 0.669199 0.198792 -0.0463517
+0.669199 0.714497 0.201398 -0.0332509
+0.621036 0.756735 0.203141 -0.0200077
+0.570214 0.795732 0.204015 -0.00667874
+0.516949 0.831322 0.204015 0.00667877
+0.461471 0.863352 0.203141 0.0200077
+0.404017 0.891686 0.201398 0.0332509
+0.344833 0.9162 0.198792 0.0463518
+0.284173 0.936792 0.195335 0.0592541
+0.222295 0.953372 0.191041 0.0719027
+0.159466 0.96587 0.185929 0.0842435
+0.0959533 0.974231 0.180021 0.0962235
+0.0320301 0.978421 0.173343 0.107791
+-0.0320303 0.978421 0.165922 0.118898
+-0.0959535 0.974231 0.15779 0.129495
+-0.159466 0.96587 0.148983 0.139538
+-0.222295 0.953372 0.139538 0.148983
+-0.284173 0.936792 0.129495 0.15779
+-0.344834 0.9162 0.118898 0.165922
+-0.404018 0.891686 0.107791 0.173343
+-0.461471 0.863352 0.0962235 0.180021
+-0.516949 0.831322 0.0842435 0.185929
+-0.570214 0.795732 0.0719027 0.191041
+-0.621036 0.756735 0.0592541 0.195335
+-0.669199 0.714497 0.0463517 0.198792
+-0.714497 0.669199 0.0332509 0.201398
+-0.756735 0.621036 0.0200077 0.203141
+-0.795732 0.570214 0.00667877 0.204015
+-0.831322 0.516949 -0.00667876 0.204015
+-0.863352 0.461472 -0.0200076 0.203141
+-0.891686 0.404017 -0.0332509 0.201398
+-0.9162 0.344833 -0.0463518 0.198792
+-0.936792 0.284173 -0.0592541 0.195335
+-0.953372 0.222295 -0.0719028 0.191041
+-0.96587 0.159466 -0.0842435 0.185929
+-0.974231 0.0959533 -0.0962235 0.180021
+-0.978421 0.0320303 -0.107791 0.173343
+0.978421 0.0320302 0.0463517 -0.198792
+0.974231 0.0959534 0.0592541 -0.195335
+0.96587 0.159466 0.0719027 -0.191041
+0.953372 0.222295 0.0842435 -0.185929
+0.936792 0.284173 0.0962235 -0.180021
+0.9162 0.344833 0.107791 -0.173343
+0.891686 0.404017 0.118898 -0.165922
+0.863352 0.461472 0.129495 -0.15779
+0.831322 0.516949 0.139538 -0.148983
+0.795732 0.570214 0.148983 -0.139538
+0.756735 0.621036 0.15779 -0.129495
+0.714497 0.669199 0.165922 -0.118898
+0.669199 0.714497 0.173343 -0.107791
+0.621036 0.756735 0.180021 -0.0962235
+0.570214 0.795732 0.185929 -0.0842435
+0.516949 0.831322 0.191041 -0.0719027
+0.461471 0.863352 0.195335 -0.0592541
+0.404017 0.891686 0.198792 -0.0463517
+0.344833 0.9162 0.201398 -0.0332509
+0.284173 0.936792 0.203141 -0.0200077
+0.222295 0.953372 0.204015 -0.00667875
+0.159466 0.96587 0.204015 0.00667878
+0.0959533 0.974231 0.203141 0.0200077
+0.0320301 0.978421 0.201398 0.0332509
+-0.0320303 0.978421 0.198792 0.0463518
+-0.0959535 0.974231 0.195335 0.0592541
+-0.159466 0.96587 0.191041 0.0719028
+-0.222295 0.953372 0.185929 0.0842435
+-0.284173 0.936792 0.180021 0.0962235
+-0.344834 0.9162 0.173343 0.107791
+-0.404018 0.891686 0.165922 0.118898
+-0.461471 0.863352 0.15779 0.129495
+-0.516949 0.831322 0.148983 0.139538
+-0.570214 0.795732 0.139538 0.148983
+-0.621036 0.756735 0.129495 0.15779
+-0.669199 0.714497 0.118898 0.165922
+-0.714497 0.669199 0.107791 0.173343
+-0.756735 0.621036 0.0962234 0.180021
+-0.795732 0.570214 0.0842435 0.185929
+-0.831322 0.516949 0.0719027 0.191041
+-0.863352 0.461472 0.0592541 0.195335
+-0.891686 0.404017 0.0463517 0.198792
+-0.9162 0.344833 0.0332509 0.201398
+-0.936792 0.284173 0.0200077 0.203141
+-0.953372 0.222295 0.00667874 0.204015
+-0.96587 0.159466 -0.00667874 0.204015
+-0.974231 0.0959533 -0.0200077 0.203141
+-0.978421 0.0320303 -0.0332509 0.201398
+0.987683 0.0323334 0.0444406 -0.146501
+0.983453 0.0968617 0.0539271 -0.143281
+0.975013 0.160975 0.0631826 -0.139447
+0.962397 0.224399 0.0721676 -0.135016
+0.94566 0.286863 0.0808435 -0.130007
+0.924873 0.348098 0.0891733 -0.124441
+0.900126 0.407842 0.0971212 -0.118343
+0.871525 0.46584 0.104653 -0.111737
+0.839192 0.521843 0.111737 -0.104653
+0.803265 0.575611 0.118343 -0.0971212
+0.763898 0.626915 0.124441 -0.0891733
+0.72126 0.675534 0.130007 -0.0808435
+0.675534 0.72126 0.135016 -0.0721676
+0.626915 0.763898 0.139447 -0.0631826
+0.575611 0.803265 0.143281 -0.053927
+0.521843 0.839192 0.146501 -0.0444406
+0.46584 0.871525 0.149094 -0.0347638
+0.407842 0.900126 0.151048 -0.0249382
+0.348098 0.924873 0.152356 -0.0150057
+0.286863 0.94566 0.153011 -0.00500906
+0.224399 0.962397 0.153011 0.00500907
+0.160975 0.975013 0.152356 0.0150058
+0.0968616 0.983453 0.151048 0.0249382
+0.0323333 0.987683 0.149094 0.0347638
+-0.0323335 0.987683 0.146501 0.0444406
+-0.0968618 0.983453 0.143281 0.0539271
+-0.160975 0.975013 0.139447 0.0631826
+-0.224399 0.962397 0.135016 0.0721676
+-0.286863 0.94566 0.130007 0.0808436
+-0.348098 0.924873 0.124441 0.0891733
+-0.407842 0.900126 0.118343 0.0971213
+-0.46584 0.871525 0.111737 0.104653
+-0.521843 0.839192 0.104653 0.111737
+-0.575611 0.803265 0.0971212 0.118343
+-0.626915 0.763898 0.0891733 0.124441
+-0.675534 0.72126 0.0808435 0.130007
+-0.72126 0.675534 0.0721676 0.135016
+-0.763898 0.626915 0.0631826 0.139447
+-0.803265 0.575611 0.0539271 0.143281
+-0.839192 0.521843 0.0444406 0.146501
+-0.871525 0.46584 0.0347638 0.149094
+-0.900126 0.407842 0.0249382 0.151048
+-0.924873 0.348098 0.0150057 0.152356
+-0.94566 0.286863 0.00500907 0.153011
+-0.962397 0.224399 -0.00500908 0.153011
+-0.975013 0.160975 -0.0150057 0.152356
+-0.983453 0.0968616 -0.0249382 0.151048
+-0.987683 0.0323335 -0.0347638 0.149094
+0.987683 0.0323334 0.111737 -0.104653
+0.983453 0.0968617 0.118343 -0.0971212
+0.975013 0.160975 0.124441 -0.0891733
+0.962397 0.224399 0.130007 -0.0808435
+0.94566 0.286863 0.135016 -0.0721676
+0.924873 0.348098 0.139447 -0.0631826
+0.900126 0.407842 0.143281 -0.0539271
+0.871525 0.46584 0.146501 -0.0444406
+0.839192 0.521843 0.149094 -0.0347638
+0.803265 0.575611 0.151048 -0.0249382
+0.763898 0.626915 0.152356 -0.0150058
+0.72126 0.675534 0.153011 -0.00500906
+0.675534 0.72126 0.153011 0.00500907
+0.626915 0.763898 0.152356 0.0150057
+0.575611 0.803265 0.151048 0.0249382
+0.521843 0.839192 0.149094 0.0347638
+0.46584 0.871525 0.146501 0.0444406
+0.407842 0.900126 0.143281 0.0539271
+0.348098 0.924873 0.139447 0.0631826
+0.286863 0.94566 0.135016 0.0721676
+0.224399 0.962397 0.130007 0.0808436
+0.160975 0.975013 0.124441 0.0891733
+0.0968616 0.983453 0.118343 0.0971213
+0.0323333 0.987683 0.111737 0.104653
+-0.0323335 0.987683 0.104653 0.111737
+-0.0968618 0.983453 0.0971212 0.118343
+-0.160975 0.975013 0.0891733 0.124441
+-0.224399 0.962397 0.0808435 0.130007
+-0.286863 0.94566 0.0721676 0.135016
+-0.348098 0.924873 0.0631826 0.139447
+-0.407842 0.900126 0.053927 0.143281
+-0.46584 0.871525 0.0444406 0.146501
+-0.521843 0.839192 0.0347638 0.149094
+-0.575611 0.803265 0.0249382 0.151048
+-0.626915 0.763898 0.0150058 0.152356
+-0.675534 0.72126 0.00500906 0.153011
+-0.72126 0.675534 -0.00500906 0.153011
+-0.763898 0.626915 -0.0150058 0.152356
+-0.803265 0.575611 -0.0249382 0.151048
+-0.839192 0.521843 -0.0347638 0.149094
+-0.871525 0.46584 -0.0444406 0.146501
+-0.900126 0.407842 -0.0539271 0.143281
+-0.924873 0.348098 -0.0631826 0.139447
+-0.94566 0.286863 -0.0721676 0.135016
+-0.962397 0.224399 -0.0808436 0.130007
+-0.975013 0.160975 -0.0891733 0.124441
+-0.983453 0.0968616 -0.0971212 0.118343
+-0.987683 0.0323335 -0.104653 0.111737
+0.994245 0.0325482 0.0955205 -0.0359514
+0.989988 0.0975053 0.0976673 -0.0296271
+0.981491 0.162045 0.0993959 -0.0231759
+0.968791 0.22589 0.100699 -0.0166254
+0.951943 0.288769 0.101571 -0.0100038
+0.931019 0.350411 0.102007 -0.00333938
+0.906107 0.410552 0.102007 0.00333938
+0.877316 0.468935 0.101571 0.0100038
+0.844768 0.52531 0.100699 0.0166255
+0.808602 0.579436 0.0993959 0.0231759
+0.768974 0.63108 0.0976673 0.0296271
+0.726053 0.680023 0.0955205 0.0359514
+0.680023 0.726053 0.0929646 0.0421217
+0.631081 0.768974 0.0900107 0.0481117
+0.579436 0.808602 0.0866713 0.0538957
+0.52531 0.844768 0.0829608 0.0594489
+0.468935 0.877316 0.078895 0.0647475
+0.410552 0.906107 0.0744914 0.0697689
+0.350411 0.931019 0.0697688 0.0744914
+0.288769 0.951943 0.0647475 0.0788951
+0.22589 0.968791 0.0594489 0.0829608
+0.162045 0.981491 0.0538957 0.0866713
+0.0975052 0.989988 0.0481117 0.0900107
+0.0325481 0.994245 0.0421217 0.0929647
+-0.0325483 0.994245 0.0359514 0.0955205
+-0.0975054 0.989988 0.029627 0.0976673
+-0.162045 0.981491 0.0231759 0.0993959
+-0.225891 0.968791 0.0166254 0.100699
+-0.288769 0.951943 0.0100038 0.101571
+-0.350411 0.931019 0.00333936 0.102007
+-0.410552 0.906107 -0.00333939 0.102007
+-0.468935 0.877316 -0.0100038 0.101571
+-0.52531 0.844768 -0.0166254 0.100699
+-0.579436 0.808602 -0.0231759 0.0993959
+-0.63108 0.768974 -0.0296271 0.0976673
+-0.680023 0.726053 -0.0359514 0.0955205
+-0.726053 0.680023 -0.0421217 0.0929647
+-0.768974 0.63108 -0.0481117 0.0900107
+-0.808602 0.579436 -0.0538957 0.0866713
+-0.844768 0.52531 -0.0594489 0.0829608
+-0.877316 0.468935 -0.0647475 0.0788951
+-0.906107 0.410552 -0.0697688 0.0744914
+-0.931019 0.350411 -0.0744914 0.0697688
+-0.951943 0.288769 -0.078895 0.0647475
+-0.968791 0.22589 -0.0829608 0.0594489
+-0.981491 0.162045 -0.0866713 0.0538957
+-0.989988 0.0975053 -0.0900107 0.0481117
+-0.994245 0.0325483 -0.0929646 0.0421217
+0.994245 0.0325482 0.0421217 -0.0929646
+0.989988 0.0975053 0.0481117 -0.0900107
+0.981491 0.162045 0.0538957 -0.0866713
+0.968791 0.22589 0.0594489 -0.0829608
+0.951943 0.288769 0.0647475 -0.078895
+0.931019 0.350411 0.0697688 -0.0744914
+0.906107 0.410552 0.0744914 -0.0697688
+0.877316 0.468935 0.0788951 -0.0647475
+0.844768 0.52531 0.0829608 -0.0594489
+0.808602 0.579436 0.0866713 -0.0538957
+0.768974 0.63108 0.0900107 -0.0481117
+0.726053 0.680023 0.0929647 -0.0421217
+0.680023 0.726053 0.0955205 -0.0359514
+0.631081 0.768974 0.0976673 -0.0296271
+0.579436 0.808602 0.0993959 -0.0231759
+0.52531 0.844768 0.100699 -0.0166254
+0.468935 0.877316 0.101571 -0.0100038
+0.410552 0.906107 0.102007 -0.00333937
+0.350411 0.931019 0.102007 0.00333938
+0.288769 0.951943 0.101571 0.0100038
+0.22589 0.968791 0.100699 0.0166255
+0.162045 0.981491 0.0993959 0.0231759
+0.0975052 0.989988 0.0976673 0.0296271
+0.0325481 0.994245 0.0955205 0.0359514
+-0.0325483 0.994245 0.0929646 0.0421217
+-0.0975054 0.989988 0.0900107 0.0481117
+-0.162045 0.981491 0.0866713 0.0538957
+-0.225891 0.968791 0.0829608 0.0594489
+-0.288769 0.951943 0.078895 0.0647475
+-0.350411 0.931019 0.0744914 0.0697689
+-0.410552 0.906107 0.0697688 0.0744914
+-0.468935 0.877316 0.0647475 0.078895
+-0.52531 0.844768 0.0594489 0.0829608
+-0.579436 0.808602 0.0538957 0.0866713
+-0.63108 0.768974 0.0481117 0.0900107
+-0.680023 0.726053 0.0421217 0.0929647
+-0.726053 0.680023 0.0359514 0.0955205
+-0.768974 0.63108 0.0296271 0.0976673
+-0.808602 0.579436 0.0231759 0.0993959
+-0.844768 0.52531 0.0166254 0.100699
+-0.877316 0.468935 0.0100038 0.101571
+-0.906107 0.410552 0.00333938 0.102007
+-0.931019 0.350411 -0.00333939 0.102007
+-0.951943 0.288769 -0.0100038 0.101571
+-0.968791 0.22589 -0.0166255 0.100699
+-0.981491 0.162045 -0.0231759 0.0993959
+-0.989988 0.0975053 -0.0296271 0.0976673
+-0.994245 0.0325483 -0.0359514 0.0955205
+0.998162 0.0326765 0.0372457 -0.0348844
+0.993888 0.0978894 0.0394475 -0.0323737
+0.985358 0.162683 0.0414804 -0.0297244
+0.972608 0.22678 0.0433357 -0.0269478
+0.955694 0.289906 0.0450054 -0.0240559
+0.934687 0.351791 0.0464823 -0.0210609
+0.909677 0.412169 0.0477602 -0.0179757
+0.880772 0.470783 0.0488337 -0.0148135
+0.848096 0.52738 0.049698 -0.0115879
+0.811788 0.581719 0.0503494 -0.00831273
+0.772003 0.633567 0.0507853 -0.00500192
+0.728913 0.682702 0.0510037 -0.00166969
+0.682702 0.728913 0.0510037 0.00166969
+0.633567 0.772003 0.0507853 0.00500192
+0.581719 0.811788 0.0503494 0.00831273
+0.52738 0.848096 0.049698 0.0115879
+0.470782 0.880772 0.0488337 0.0148135
+0.412169 0.909677 0.0477602 0.0179757
+0.351791 0.934687 0.0464823 0.0210609
+0.289906 0.955694 0.0450054 0.0240559
+0.22678 0.972608 0.0433357 0.0269479
+0.162683 0.985358 0.0414804 0.0297244
+0.0978893 0.993888 0.0394475 0.0323738
+0.0326763 0.998162 0.0372457 0.0348844
+-0.0326765 0.998162 0.0348844 0.0372457
+-0.0978895 0.993888 0.0323737 0.0394475
+-0.162683 0.985358 0.0297244 0.0414804
+-0.22678 0.972608 0.0269478 0.0433357
+-0.289907 0.955693 0.0240559 0.0450054
+-0.351791 0.934686 0.0210609 0.0464823
+-0.412169 0.909677 0.0179757 0.0477603
+-0.470782 0.880772 0.0148135 0.0488337
+-0.52738 0.848096 0.0115879 0.049698
+-0.581719 0.811788 0.00831272 0.0503494
+-0.633567 0.772003 0.00500192 0.0507853
+-0.682702 0.728913 0.00166969 0.0510037
+-0.728913 0.682702 -0.00166969 0.0510037
+-0.772003 0.633567 -0.00500192 0.0507853
+-0.811788 0.581719 -0.00831272 0.0503494
+-0.848096 0.52738 -0.0115879 0.049698
+-0.880772 0.470783 -0.0148135 0.0488337
+-0.909677 0.412169 -0.0179757 0.0477602
+-0.934687 0.351791 -0.0210609 0.0464823
+-0.955693 0.289906 -0.0240559 0.0450054
+-0.972608 0.22678 -0.0269479 0.0433357
+-0.985358 0.162683 -0.0297244 0.0414804
+-0.993888 0.0978894 -0.0323737 0.0394475
+-0.998162 0.0326765 -0.0348844 0.0372457
+0.456191 0.0149342 0.88928 0.029112
+0.454238 0.0447385 0.885472 0.0872114
+0.450339 0.0743513 0.877872 0.144937
+0.444512 0.103646 0.866513 0.202043
+0.436782 0.132496 0.851444 0.258283
+0.427181 0.160779 0.832728 0.313417
+0.415751 0.188374 0.810447 0.367209
+0.40254 0.215162 0.784695 0.419428
+0.387606 0.241029 0.755583 0.469852
+0.371012 0.265863 0.723236 0.518263
+0.352829 0.28956 0.687791 0.564456
+0.333136 0.312016 0.649401 0.608231
+0.312016 0.333136 0.608231 0.649401
+0.28956 0.352829 0.564456 0.687791
+0.265863 0.371012 0.518263 0.723236
+0.241029 0.387606 0.469852 0.755583
+0.215162 0.40254 0.419428 0.784695
+0.188374 0.415751 0.367209 0.810447
+0.160779 0.427181 0.313417 0.832728
+0.132496 0.436782 0.258283 0.851444
+0.103646 0.444512 0.202043 0.866513
+0.0743512 0.450339 0.144937 0.877872
+0.0447384 0.454238 0.0872113 0.885472
+0.0149341 0.456191 0.0291119 0.88928
+-0.0149342 0.456191 -0.0291121 0.88928
+-0.0447385 0.454238 -0.0872115 0.885472
+-0.0743513 0.450339 -0.144937 0.877872
+-0.103646 0.444512 -0.202043 0.866513
+-0.132496 0.436781 -0.258283 0.851444
+-0.160779 0.427181 -0.313417 0.832728
+-0.188374 0.415751 -0.367209 0.810447
+-0.215162 0.40254 -0.419428 0.784695
+-0.241029 0.387606 -0.469852 0.755583
+-0.265864 0.371012 -0.518263 0.723236
+-0.28956 0.352829 -0.564456 0.687791
+-0.312016 0.333136 -0.608231 0.649401
+-0.333136 0.312016 -0.649401 0.608231
+-0.352829 0.28956 -0.687791 0.564456
+-0.371012 0.265864 -0.723236 0.518263
+-0.387606 0.241029 -0.755583 0.469852
+-0.40254 0.215162 -0.784695 0.419428
+-0.415751 0.188374 -0.810447 0.367209
+-0.427181 0.160779 -0.832728 0.313417
+-0.436782 0.132496 -0.851444 0.258283
+-0.444512 0.103646 -0.866513 0.202043
+-0.450339 0.0743513 -0.877872 0.144937
+-0.454238 0.0447385 -0.885472 0.0872113
+-0.456191 0.0149342 -0.88928 0.0291121
+0.499732 0.0163595 0.858616 0.113039
+0.497592 0.0490086 0.849385 0.168953
+0.493322 0.0814477 0.836516 0.224144
+0.486938 0.113538 0.820066 0.278375
+0.47847 0.145142 0.800103 0.331414
+0.467953 0.176125 0.776715 0.383033
+0.455432 0.206354 0.75 0.433013
+0.440961 0.235698 0.720074 0.481138
+0.424601 0.264034 0.687064 0.527203
+0.406423 0.291239 0.651112 0.57101
+0.386505 0.317197 0.612372 0.612372
+0.364932 0.341796 0.57101 0.651112
+0.341796 0.364932 0.527203 0.687064
+0.317197 0.386505 0.481138 0.720074
+0.291239 0.406423 0.433013 0.75
+0.264034 0.424601 0.383033 0.776715
+0.235698 0.440961 0.331414 0.800103
+0.206353 0.455432 0.278375 0.820066
+0.176125 0.467953 0.224144 0.836516
+0.145142 0.47847 0.168953 0.849385
+0.113538 0.486938 0.113039 0.858616
+0.0814477 0.493322 0.0566407 0.864171
+0.0490085 0.497592 -1.06466e-07 0.866025
+0.0163595 0.499732 -0.0566409 0.864171
+-0.0163596 0.499732 -0.113039 0.858616
+-0.0490086 0.497592 -0.168953 0.849385
+-0.0814478 0.493322 -0.224144 0.836516
+-0.113538 0.486938 -0.278375 0.820066
+-0.145142 0.47847 -0.331414 0.800103
+-0.176125 0.467953 -0.383033 0.776715
+-0.206354 0.455432 -0.433013 0.75
+-0.235698 0.440961 -0.481138 0.720074
+-0.264034 0.424601 -0.527203 0.687064
+-0.291239 0.406423 -0.57101 0.651112
+-0.317197 0.386505 -0.612372 0.612372
+-0.341796 0.364932 -0.651112 0.57101
+-0.364932 0.341796 -0.687064 0.527203
+-0.386505 0.317197 -0.720074 0.481138
+-0.406423 0.291239 -0.75 0.433013
+-0.424601 0.264034 -0.776715 0.383033
+-0.440961 0.235698 -0.800103 0.331414
+-0.455432 0.206354 -0.820066 0.278375
+-0.467953 0.176125 -0.836516 0.224144
+-0.47847 0.145142 -0.849385 0.168953
+-0.486938 0.113538 -0.858616 0.113039
+-0.493322 0.0814478 -0.864171 0.0566408
+-0.497592 0.0490085 -0.866025 -4.10824e-08
+-0.499732 0.0163596 -0.864171 -0.0566407
+0.499732 0.0163595 0.864171 -0.0566408
+0.497592 0.0490086 0.866025 2.36595e-09
+0.493322 0.0814477 0.864171 0.0566408
+0.486938 0.113538 0.858616 0.113039
+0.47847 0.145142 0.849385 0.168953
+0.467953 0.176125 0.836516 0.224144
+0.455432 0.206354 0.820066 0.278375
+0.440961 0.235698 0.800103 0.331414
+0.424601 0.264034 0.776715 0.383033
+0.406423 0.291239 0.75 0.433013
+0.386505 0.317197 0.720074 0.481138
+0.364932 0.341796 0.687064 0.527203
+0.341796 0.364932 0.651112 0.57101
+0.317197 0.386505 0.612372 0.612372
+0.291239 0.406423 0.57101 0.651112
+0.264034 0.424601 0.527203 0.687064
+0.235698 0.440961 0.481138 0.720074
+0.206353 0.455432 0.433013 0.75
+0.176125 0.467953 0.383033 0.776715
+0.145142 0.47847 0.331414 0.800103
+0.113538 0.486938 0.278375 0.820066
+0.0814477 0.493322 0.224144 0.836516
+0.0490085 0.497592 0.168953 0.849385
+0.0163595 0.499732 0.113039 0.858616
+-0.0163596 0.499732 0.0566407 0.864171
+-0.0490086 0.497592 -7.24831e-08 0.866025
+-0.0814478 0.493322 -0.0566408 0.864171
+-0.113538 0.486938 -0.113039 0.858616
+-0.145142 0.47847 -0.168953 0.849385
+-0.176125 0.467953 -0.224144 0.836516
+-0.206354 0.455432 -0.278375 0.820066
+-0.235698 0.440961 -0.331413 0.800103
+-0.264034 0.424601 -0.383033 0.776715
+-0.291239 0.406423 -0.433013 0.75
+-0.317197 0.386505 -0.481138 0.720074
+-0.341796 0.364932 -0.527203 0.687064
+-0.364932 0.341796 -0.57101 0.651112
+-0.386505 0.317197 -0.612372 0.612372
+-0.406423 0.291239 -0.651112 0.57101
+-0.424601 0.264034 -0.687064 0.527203
+-0.440961 0.235698 -0.720074 0.481138
+-0.455432 0.206354 -0.75 0.433013
+-0.467953 0.176125 -0.776715 0.383033
+-0.47847 0.145142 -0.800103 0.331414
+-0.486938 0.113538 -0.820066 0.278375
+-0.493322 0.0814478 -0.836516 0.224144
+-0.497592 0.0490085 -0.849385 0.168953
+-0.499732 0.0163596 -0.858616 0.113039
+0.539773 0.0176703 0.841175 0.0275372
+0.537461 0.0529353 0.837573 0.0824937
+0.532848 0.0879736 0.830384 0.137097
+0.525954 0.122635 0.81964 0.191113
+0.516807 0.156772 0.805385 0.244311
+0.505447 0.190237 0.787682 0.296463
+0.491923 0.222887 0.766606 0.347345
+0.476292 0.254583 0.742247 0.396739
+0.458622 0.285189 0.71471 0.444435
+0.438987 0.314574 0.684112 0.490228
+0.417473 0.342612 0.650585 0.533921
+0.394172 0.369182 0.614272 0.575329
+0.369182 0.394172 0.575329 0.614272
+0.342612 0.417473 0.533922 0.650585
+0.314574 0.438987 0.490228 0.684112
+0.285189 0.458622 0.444435 0.71471
+0.254583 0.476292 0.396739 0.742247
+0.222887 0.491923 0.347345 0.766606
+0.190237 0.505447 0.296463 0.787682
+0.156772 0.516807 0.244311 0.805385
+0.122635 0.525954 0.191113 0.81964
+0.0879735 0.532848 0.137097 0.830384
+0.0529352 0.537461 0.0824936 0.837573
+0.0176703 0.539773 0.0275371 0.841175
+-0.0176704 0.539773 -0.0275373 0.841175
+-0.0529354 0.537461 -0.0824938 0.837573
+-0.0879736 0.532848 -0.137097 0.830384
+-0.122635 0.525954 -0.191113 0.81964
+-0.156772 0.516807 -0.244311 0.805385
+-0.190237 0.505447 -0.296463 0.787682
+-0.222887 0.491923 -0.347345 0.766606
+-0.254583 0.476292 -0.396739 0.742247
+-0.285189 0.458622 -0.444435 0.71471
+-0.314574 0.438987 -0.490228 0.684112
+-0.342612 0.417473 -0.533921 0.650585
+-0.369182 0.394172 -0.575329 0.614272
+-0.394172 0.369182 -0.614272 0.575329
+-0.417473 0.342612 -0.650585 0.533921
+-0.438987 0.314574 -0.684112 0.490228
+-0.458622 0.285189 -0.71471 0.444435
+-0.476292 0.254583 -0.742247 0.39674
+-0.491923 0.222887 -0.766606 0.347345
+-0.505447 0.190237 -0.787682 0.296463
+-0.516807 0.156772 -0.805385 0.244311
+-0.525954 0.122635 -0.81964 0.191113
+-0.532848 0.0879736 -0.830384 0.137097
+-0.537461 0.0529353 -0.837573 0.0824937
+-0.539773 0.0176704 -0.841175 0.0275373
+0.539773 0.0176703 0.81964 0.191113
+0.537461 0.0529353 0.805385 0.244311
+0.532848 0.0879736 0.787682 0.296463
+0.525954 0.122635 0.766606 0.347345
+0.516807 0.156772 0.742247 0.396739
+0.505447 0.190237 0.71471 0.444435
+0.491923 0.222887 0.684112 0.490228
+0.476292 0.254583 0.650585 0.533922
+0.458622 0.285189 0.614272 0.575329
+0.438987 0.314574 0.575329 0.614272
+0.417473 0.342612 0.533922 0.650585
+0.394172 0.369182 0.490228 0.684112
+0.369182 0.394172 0.444435 0.71471
+0.342612 0.417473 0.396739 0.742247
+0.314574 0.438987 0.347345 0.766606
+0.285189 0.458622 0.296463 0.787682
+0.254583 0.476292 0.244311 0.805385
+0.222887 0.491923 0.191113 0.81964
+0.190237 0.505447 0.137097 0.830384
+0.156772 0.516807 0.0824937 0.837573
+0.122635 0.525954 0.0275372 0.841175
+0.0879735 0.532848 -0.0275373 0.841175
+0.0529352 0.537461 -0.0824938 0.837573
+0.0176703 0.539773 -0.137097 0.830384
+-0.0176704 0.539773 -0.191113 0.81964
+-0.0529354 0.537461 -0.244311 0.805385
+-0.0879736 0.532848 -0.296463 0.787682
+-0.122635 0.525954 -0.347345 0.766606
+-0.156772 0.516807 -0.39674 0.742247
+-0.190237 0.505447 -0.444435 0.71471
+-0.222887 0.491923 -0.490228 0.684112
+-0.254583 0.476292 -0.533921 0.650585
+-0.285189 0.458622 -0.575329 0.614272
+-0.314574 0.438987 -0.614272 0.575329
+-0.342612 0.417473 -0.650585 0.533922
+-0.369182 0.394172 -0.684112 0.490228
+-0.394172 0.369182 -0.71471 0.444435
+-0.417473 0.342612 -0.742247 0.396739
+-0.438987 0.314574 -0.766606 0.347345
+-0.458622 0.285189 -0.787682 0.296463
+-0.476292 0.254583 -0.805385 0.244311
+-0.491923 0.222887 -0.81964 0.191113
+-0.505447 0.190237 -0.830384 0.137097
+-0.516807 0.156772 -0.837573 0.0824937
+-0.525954 0.122635 -0.841175 0.0275371
+-0.532848 0.0879736 -0.841175 -0.0275372
+-0.537461 0.0529353 -0.837573 -0.0824938
+-0.539773 0.0176704 -0.830384 -0.137097
+0.577041 0.0188904 0.773165 0.262454
+0.57457 0.0565902 0.754344 0.31246
+0.569639 0.0940477 0.732294 0.361127
+0.562268 0.131103 0.707107 0.408248
+0.55249 0.167596 0.678892 0.453621
+0.540346 0.203372 0.64777 0.497052
+0.525887 0.238277 0.613875 0.538354
+0.509177 0.272161 0.57735 0.57735
+0.490287 0.30488 0.538354 0.613875
+0.469297 0.336294 0.497052 0.64777
+0.446298 0.366267 0.453621 0.678892
+0.421387 0.394672 0.408248 0.707107
+0.394672 0.421387 0.361127 0.732294
+0.366267 0.446298 0.31246 0.754344
+0.336294 0.469297 0.262454 0.773165
+0.30488 0.490287 0.211325 0.788675
+0.272161 0.509178 0.159291 0.800808
+0.238276 0.525887 0.106574 0.809511
+0.203372 0.540346 0.0534014 0.814748
+0.167596 0.55249 -3.50817e-08 0.816497
+0.131103 0.562268 -0.0534015 0.814748
+0.0940477 0.569639 -0.106574 0.809511
+0.0565902 0.57457 -0.159291 0.800808
+0.0188903 0.577041 -0.211325 0.788675
+-0.0188904 0.577041 -0.262454 0.773165
+-0.0565903 0.57457 -0.31246 0.754344
+-0.0940478 0.569639 -0.361127 0.732294
+-0.131103 0.562268 -0.408248 0.707107
+-0.167596 0.55249 -0.453621 0.678892
+-0.203372 0.540346 -0.497052 0.64777
+-0.238277 0.525887 -0.538354 0.613875
+-0.272161 0.509178 -0.57735 0.57735
+-0.30488 0.490287 -0.613875 0.538354
+-0.336294 0.469297 -0.64777 0.497052
+-0.366267 0.446298 -0.678892 0.453621
+-0.394672 0.421387 -0.707107 0.408248
+-0.421387 0.394672 -0.732294 0.361127
+-0.446298 0.366267 -0.754344 0.31246
+-0.469297 0.336294 -0.773165 0.262454
+-0.490287 0.30488 -0.788675 0.211325
+-0.509177 0.272161 -0.800808 0.159291
+-0.525887 0.238277 -0.809511 0.106574
+-0.540346 0.203372 -0.814748 0.0534014
+-0.55249 0.167596 -0.816497 2.65621e-08
+-0.562268 0.131103 -0.814748 -0.0534015
+-0.569639 0.0940478 -0.809511 -0.106574
+-0.57457 0.0565902 -0.800808 -0.159291
+-0.577041 0.0188904 -0.788675 -0.211325
+0.577041 0.0188904 0.809511 0.106574
+0.57457 0.0565902 0.800808 0.159291
+0.569639 0.0940477 0.788675 0.211325
+0.562268 0.131103 0.773165 0.262454
+0.55249 0.167596 0.754344 0.31246
+0.540346 0.203372 0.732294 0.361127
+0.525887 0.238277 0.707107 0.408248
+0.509177 0.272161 0.678892 0.453621
+0.490287 0.30488 0.64777 0.497052
+0.469297 0.336294 0.613875 0.538354
+0.446298 0.366267 0.57735 0.57735
+0.421387 0.394672 0.538354 0.613875
+0.394672 0.421387 0.497052 0.64777
+0.366267 0.446298 0.453621 0.678892
+0.336294 0.469297 0.408248 0.707107
+0.30488 0.490287 0.361127 0.732294
+0.272161 0.509178 0.31246 0.754345
+0.238276 0.525887 0.262454 0.773165
+0.203372 0.540346 0.211325 0.788675
+0.167596 0.55249 0.159291 0.800808
+0.131103 0.562268 0.106574 0.809511
+0.0940477 0.569639 0.0534013 0.814748
+0.0565902 0.57457 -1.00377e-07 0.816497
+0.0188903 0.577041 -0.0534015 0.814748
+-0.0188904 0.577041 -0.106574 0.809511
+-0.0565903 0.57457 -0.159291 0.800808
+-0.0940478 0.569639 -0.211325 0.788675
+-0.131103 0.562268 -0.262454 0.773165
+-0.167596 0.55249 -0.31246 0.754344
+-0.203372 0.540346 -0.361127 0.732293
+-0.238277 0.525887 -0.408248 0.707107
+-0.272161 0.509178 -0.453621 0.678892
+-0.30488 0.490287 -0.497052 0.64777
+-0.336294 0.469297 -0.538354 0.613875
+-0.366267 0.446298 -0.57735 0.57735
+-0.394672 0.421387 -0.613875 0.538354
+-0.421387 0.394672 -0.64777 0.497052
+-0.446298 0.366267 -0.678892 0.453621
+-0.469297 0.336294 -0.707107 0.408248
+-0.490287 0.30488 -0.732294 0.361127
+-0.509177 0.272161 -0.754344 0.31246
+-0.525887 0.238277 -0.773165 0.262454
+-0.540346 0.203372 -0.788675 0.211325
+-0.55249 0.167596 -0.800808 0.159291
+-0.562268 0.131103 -0.809511 0.106574
+-0.569639 0.0940478 -0.814748 0.0534015
+-0.57457 0.0565902 -0.816497 -3.87329e-08
+-0.577041 0.0188904 -0.814748 -0.0534014
+0.612045 0.0200363 0.769917 0.17952
+0.609424 0.060023 0.756528 0.22949
+0.604193 0.0997527 0.739899 0.278478
+0.596375 0.139055 0.720101 0.326274
+0.586004 0.177762 0.69722 0.372672
+0.573123 0.215708 0.671353 0.417474
+0.557788 0.25273 0.642612 0.460489
+0.540064 0.28867 0.611118 0.501532
+0.520028 0.323374 0.577008 0.540427
+0.497765 0.356693 0.540427 0.577008
+0.47337 0.388485 0.501532 0.611118
+0.446949 0.418613 0.460489 0.642612
+0.418613 0.446949 0.417474 0.671353
+0.388485 0.47337 0.372672 0.69722
+0.356693 0.497765 0.326274 0.720101
+0.323374 0.520028 0.278478 0.739899
+0.28867 0.540064 0.22949 0.756528
+0.25273 0.557788 0.179519 0.769917
+0.215708 0.573123 0.12878 0.78001
+0.177762 0.586004 0.0774893 0.786763
+0.139055 0.596375 0.0258667 0.790146
+0.0997526 0.604193 -0.0258668 0.790146
+0.0600229 0.609424 -0.0774895 0.786763
+0.0200362 0.612045 -0.12878 0.78001
+-0.0200363 0.612045 -0.17952 0.769917
+-0.060023 0.609424 -0.22949 0.756528
+-0.0997527 0.604193 -0.278478 0.739899
+-0.139055 0.596375 -0.326274 0.720101
+-0.177762 0.586004 -0.372672 0.69722
+-0.215708 0.573123 -0.417474 0.671353
+-0.25273 0.557788 -0.460489 0.642612
+-0.28867 0.540064 -0.501532 0.611118
+-0.323374 0.520028 -0.540427 0.577008
+-0.356693 0.497765 -0.577008 0.540427
+-0.388485 0.47337 -0.611118 0.501532
+-0.418613 0.446949 -0.642612 0.460489
+-0.446949 0.418613 -0.671353 0.417474
+-0.47337 0.388485 -0.69722 0.372672
+-0.497765 0.356693 -0.720101 0.326274
+-0.520028 0.323374 -0.739899 0.278478
+-0.540064 0.28867 -0.756528 0.22949
+-0.557788 0.25273 -0.769917 0.17952
+-0.573123 0.215708 -0.78001 0.12878
+-0.586004 0.177762 -0.786763 0.0774894
+-0.596375 0.139055 -0.790146 0.0258666
+-0.604193 0.0997527 -0.790146 -0.0258667
+-0.609424 0.060023 -0.786763 -0.0774894
+-0.612045 0.0200363 -0.78001 -0.12878
+0.539773 0.0176703 0.830384 -0.137097
+0.537461 0.0529353 0.837573 -0.0824937
+0.532848 0.0879736 0.841175 -0.0275372
+0.525954 0.122635 0.841175 0.0275372
+0.516807 0.156772 0.837573 0.0824937
+0.505447 0.190237 0.830384 0.137097
+0.491923 0.222887 0.81964 0.191113
+0.476292 0.254583 0.805385 0.244311
+0.458622 0.285189 0.787682 0.296463
+0.438987 0.314574 0.766606 0.347345
+0.417473 0.342612 0.742247 0.396739
+0.394172 0.369182 0.71471 0.444435
+0.369182 0.394172 0.684112 0.490228
+0.342612 0.417473 0.650585 0.533922
+0.314574 0.438987 0.614272 0.575329
+0.285189 0.458622 0.575329 0.614272
+0.254583 0.476292 0.533921 0.650585
+0.222887 0.491923 0.490228 0.684112
+0.190237 0.505447 0.444435 0.71471
+0.156772 0.516807 0.396739 0.742247
+0.122635 0.525954 0.347345 0.766606
+0.0879735 0.532848 0.296462 0.787682
+0.0529352 0.537461 0.244311 0.805385
+0.0176703 0.539773 0.191113 0.81964
+-0.0176704 0.539773 0.137097 0.830384
+-0.0529354 0.537461 0.0824936 0.837573
+-0.0879736 0.532848 0.0275372 0.841175
+-0.122635 0.525954 -0.0275373 0.841175
+-0.156772 0.516807 -0.0824939 0.837573
+-0.190237 0.505447 -0.137097 0.830384
+-0.222887 0.491923 -0.191113 0.81964
+-0.254583 0.476292 -0.244311 0.805385
+-0.285189 0.458622 -0.296463 0.787682
+-0.314574 0.438987 -0.347345 0.766606
+-0.342612 0.417473 -0.396739 0.742247
+-0.369182 0.394172 -0.444435 0.71471
+-0.394172 0.369182 -0.490228 0.684112
+-0.417473 0.342612 -0.533922 0.650585
+-0.438987 0.314574 -0.575329 0.614272
+-0.458622 0.285189 -0.614272 0.575329
+-0.476292 0.254583 -0.650585 0.533922
+-0.491923 0.222887 -0.684112 0.490228
+-0.505447 0.190237 -0.71471 0.444435
+-0.516807 0.156772 -0.742247 0.396739
+-0.525954 0.122635 -0.766606 0.347345
+-0.532848 0.0879736 -0.787682 0.296463
+-0.537461 0.0529353 -0.805385 0.244311
+-0.539773 0.0176704 -0.81964 0.191113
+0.577041 0.0188904 0.814748 -0.0534014
+0.57457 0.0565902 0.816497 2.23064e-09
+0.569639 0.0940477 0.814748 0.0534014
+0.562268 0.131103 0.809511 0.106574
+0.55249 0.167596 0.800808 0.159291
+0.540346 0.203372 0.788675 0.211325
+0.525887 0.238277 0.773165 0.262454
+0.509177 0.272161 0.754344 0.31246
+0.490287 0.30488 0.732294 0.361127
+0.469297 0.336294 0.707107 0.408248
+0.446298 0.366267 0.678892 0.453621
+0.421387 0.394672 0.64777 0.497052
+0.394672 0.421387 0.613875 0.538354
+0.366267 0.446298 0.57735 0.57735
+0.336294 0.469297 0.538354 0.613875
+0.30488 0.490287 0.497052 0.64777
+0.272161 0.509178 0.453621 0.678892
+0.238276 0.525887 0.408248 0.707107
+0.203372 0.540346 0.361127 0.732294
+0.167596 0.55249 0.31246 0.754344
+0.131103 0.562268 0.262454 0.773165
+0.0940477 0.569639 0.211325 0.788675
+0.0565902 0.57457 0.15929 0.800808
+0.0188903 0.577041 0.106574 0.809511
+-0.0188904 0.577041 0.0534014 0.814748
+-0.0565903 0.57457 -6.83377e-08 0.816497
+-0.0940478 0.569639 -0.0534015 0.814748
+-0.131103 0.562268 -0.106574 0.809511
+-0.167596 0.55249 -0.159291 0.800808
+-0.203372 0.540346 -0.211325 0.788675
+-0.238277 0.525887 -0.262454 0.773165
+-0.272161 0.509178 -0.31246 0.754345
+-0.30488 0.490287 -0.361127 0.732294
+-0.336294 0.469297 -0.408248 0.707107
+-0.366267 0.446298 -0.453621 0.678892
+-0.394672 0.421387 -0.497052 0.64777
+-0.421387 0.394672 -0.538354 0.613875
+-0.446298 0.366267 -0.57735 0.57735
+-0.469297 0.336294 -0.613875 0.538354
+-0.490287 0.30488 -0.64777 0.497052
+-0.509177 0.272161 -0.678892 0.453621
+-0.525887 0.238277 -0.707107 0.408248
+-0.540346 0.203372 -0.732294 0.361127
+-0.55249 0.167596 -0.754344 0.31246
+-0.562268 0.131103 -0.773165 0.262454
+-0.569639 0.0940478 -0.788675 0.211325
+-0.57457 0.0565902 -0.800808 0.159291
+-0.577041 0.0188904 -0.809511 0.106574
+0.577041 0.0188904 0.788675 -0.211325
+0.57457 0.0565902 0.800808 -0.159291
+0.569639 0.0940477 0.809511 -0.106574
+0.562268 0.131103 0.814748 -0.0534014
+0.55249 0.167596 0.816497 6.08539e-10
+0.540346 0.203372 0.814748 0.0534014
+0.525887 0.238277 0.809511 0.106574
+0.509177 0.272161 0.800808 0.159291
+0.490287 0.30488 0.788675 0.211325
+0.469297 0.336294 0.773165 0.262454
+0.446298 0.366267 0.754344 0.31246
+0.421387 0.394672 0.732294 0.361127
+0.394672 0.421387 0.707107 0.408248
+0.366267 0.446298 0.678892 0.453621
+0.336294 0.469297 0.64777 0.497052
+0.30488 0.490287 0.613875 0.538354
+0.272161 0.509178 0.57735 0.57735
+0.238276 0.525887 0.538354 0.613875
+0.203372 0.540346 0.497052 0.64777
+0.167596 0.55249 0.453621 0.678892
+0.131103 0.562268 0.408248 0.707107
+0.0940477 0.569639 0.361127 0.732294
+0.0565902 0.57457 0.31246 0.754345
+0.0188903 0.577041 0.262454 0.773165
+-0.0188904 0.577041 0.211325 0.788675
+-0.0565903 0.57457 0.159291 0.800808
+-0.0940478 0.569639 0.106574 0.809511
+-0.131103 0.562268 0.0534014 0.814748
+-0.167596 0.55249 -1.33633e-07 0.816497
+-0.203372 0.540346 -0.0534016 0.814748
+-0.238277 0.525887 -0.106574 0.809511
+-0.272161 0.509178 -0.15929 0.800808
+-0.30488 0.490287 -0.211325 0.788675
+-0.336294 0.469297 -0.262454 0.773165
+-0.366267 0.446298 -0.31246 0.754344
+-0.394672 0.421387 -0.361127 0.732294
+-0.421387 0.394672 -0.408248 0.707107
+-0.446298 0.366267 -0.453621 0.678892
+-0.469297 0.336294 -0.497052 0.64777
+-0.490287 0.30488 -0.538354 0.613875
+-0.509177 0.272161 -0.57735 0.57735
+-0.525887 0.238277 -0.613875 0.538354
+-0.540346 0.203372 -0.64777 0.497052
+-0.55249 0.167596 -0.678892 0.453621
+-0.562268 0.131103 -0.707107 0.408248
+-0.569639 0.0940478 -0.732294 0.361127
+-0.57457 0.0565902 -0.754344 0.31246
+-0.577041 0.0188904 -0.773165 0.262454
+0.612045 0.0200363 0.78001 -0.12878
+0.609424 0.060023 0.786763 -0.0774894
+0.604193 0.0997527 0.790146 -0.0258667
+0.596375 0.139055 0.790146 0.0258667
+0.586004 0.177762 0.786763 0.0774894
+0.573123 0.215708 0.78001 0.12878
+0.557788 0.25273 0.769917 0.17952
+0.540064 0.28867 0.756528 0.22949
+0.520028 0.323374 0.739899 0.278478
+0.497765 0.356693 0.720101 0.326274
+0.47337 0.388485 0.69722 0.372672
+0.446949 0.418613 0.671353 0.417474
+0.418613 0.446949 0.642612 0.460489
+0.388485 0.47337 0.611118 0.501532
+0.356693 0.497765 0.577008 0.540427
+0.323374 0.520028 0.540427 0.577008
+0.28867 0.540064 0.501532 0.611118
+0.25273 0.557788 0.460489 0.642612
+0.215708 0.573123 0.417474 0.671353
+0.177762 0.586004 0.372672 0.69722
+0.139055 0.596375 0.326274 0.720101
+0.0997526 0.604193 0.278478 0.739899
+0.0600229 0.609424 0.22949 0.756528
+0.0200362 0.612045 0.179519 0.769917
+-0.0200363 0.612045 0.12878 0.78001
+-0.060023 0.609424 0.0774893 0.786763
+-0.0997527 0.604193 0.0258667 0.790146
+-0.139055 0.596375 -0.0258668 0.790146
+-0.177762 0.586004 -0.0774895 0.786763
+-0.215708 0.573123 -0.12878 0.78001
+-0.25273 0.557788 -0.17952 0.769917
+-0.28867 0.540064 -0.22949 0.756528
+-0.323374 0.520028 -0.278478 0.739899
+-0.356693 0.497765 -0.326274 0.720101
+-0.388485 0.47337 -0.372672 0.69722
+-0.418613 0.446949 -0.417474 0.671353
+-0.446949 0.418613 -0.460489 0.642612
+-0.47337 0.388485 -0.501532 0.611118
+-0.497765 0.356693 -0.540427 0.577008
+-0.520028 0.323374 -0.577008 0.540427
+-0.540064 0.28867 -0.611118 0.501532
+-0.557788 0.25273 -0.642612 0.460489
+-0.573123 0.215708 -0.671353 0.417474
+-0.586004 0.177762 -0.69722 0.372672
+-0.596375 0.139055 -0.720101 0.326274
+-0.604193 0.0997527 -0.739899 0.278478
+-0.609424 0.060023 -0.756528 0.22949
+-0.612045 0.0200363 -0.769917 0.17952
+0.612045 0.0200363 0.790146 0.0258667
+0.609424 0.060023 0.786763 0.0774894
+0.604193 0.0997527 0.78001 0.12878
+0.596375 0.139055 0.769917 0.17952
+0.586004 0.177762 0.756528 0.22949
+0.573123 0.215708 0.739899 0.278478
+0.557788 0.25273 0.720101 0.326274
+0.540064 0.28867 0.69722 0.372672
+0.520028 0.323374 0.671353 0.417474
+0.497765 0.356693 0.642612 0.460489
+0.47337 0.388485 0.611118 0.501532
+0.446949 0.418613 0.577008 0.540427
+0.418613 0.446949 0.540427 0.577008
+0.388485 0.47337 0.501532 0.611118
+0.356693 0.497765 0.460489 0.642612
+0.323374 0.520028 0.417474 0.671353
+0.28867 0.540064 0.372672 0.69722
+0.25273 0.557788 0.326274 0.720101
+0.215708 0.573123 0.278478 0.739899
+0.177762 0.586004 0.22949 0.756528
+0.139055 0.596375 0.17952 0.769917
+0.0997526 0.604193 0.12878 0.78001
+0.0600229 0.609424 0.0774893 0.786763
+0.0200362 0.612045 0.0258666 0.790146
+-0.0200363 0.612045 -0.0258668 0.790146
+-0.060023 0.609424 -0.0774894 0.786763
+-0.0997527 0.604193 -0.12878 0.78001
+-0.139055 0.596375 -0.17952 0.769917
+-0.177762 0.586004 -0.22949 0.756528
+-0.215708 0.573123 -0.278478 0.739899
+-0.25273 0.557788 -0.326274 0.720101
+-0.28867 0.540064 -0.372672 0.69722
+-0.323374 0.520028 -0.417474 0.671353
+-0.356693 0.497765 -0.460489 0.642612
+-0.388485 0.47337 -0.501532 0.611118
+-0.418613 0.446949 -0.540427 0.577008
+-0.446949 0.418613 -0.577008 0.540427
+-0.47337 0.388485 -0.611118 0.501532
+-0.497765 0.356693 -0.642612 0.460489
+-0.520028 0.323374 -0.671353 0.417474
+-0.540064 0.28867 -0.69722 0.372672
+-0.557788 0.25273 -0.720101 0.326274
+-0.573123 0.215708 -0.739899 0.278478
+-0.586004 0.177762 -0.756528 0.22949
+-0.596375 0.139055 -0.769917 0.179519
+-0.604193 0.0997527 -0.78001 0.12878
+-0.609424 0.060023 -0.786763 0.0774893
+-0.612045 0.0200363 -0.790146 0.0258668
+0.645152 0.0211201 0.757229 0.099691
+0.642389 0.0632698 0.749087 0.149003
+0.636876 0.105149 0.737738 0.197676
+0.628635 0.146577 0.72323 0.245503
+0.617702 0.187378 0.705625 0.292279
+0.604125 0.227376 0.684998 0.337804
+0.58796 0.266401 0.661438 0.381881
+0.569278 0.304285 0.635045 0.424324
+0.548158 0.340866 0.605934 0.464949
+0.52469 0.375988 0.574227 0.503584
+0.498976 0.409499 0.540062 0.540062
+0.471125 0.441257 0.503584 0.574227
+0.441257 0.471125 0.464949 0.605934
+0.409499 0.498976 0.424324 0.635045
+0.375988 0.52469 0.381881 0.661438
+0.340866 0.548158 0.337804 0.684998
+0.304285 0.569278 0.292279 0.705625
+0.266401 0.58796 0.245503 0.72323
+0.227376 0.604125 0.197676 0.737738
+0.187378 0.617702 0.149003 0.749087
+0.146577 0.628635 0.099691 0.757229
+0.105148 0.636876 0.0499524 0.762127
+0.0632697 0.642389 -9.38938e-08 0.763763
+0.02112 0.645152 -0.0499525 0.762127
+-0.0211201 0.645152 -0.0996911 0.757229
+-0.0632698 0.642389 -0.149003 0.749087
+-0.105149 0.636876 -0.197676 0.737738
+-0.146577 0.628635 -0.245503 0.72323
+-0.187378 0.617702 -0.292279 0.705625
+-0.227377 0.604125 -0.337804 0.684998
+-0.266401 0.58796 -0.381881 0.661438
+-0.304285 0.569278 -0.424324 0.635045
+-0.340866 0.548158 -0.464949 0.605934
+-0.375988 0.52469 -0.503584 0.574227
+-0.409499 0.498976 -0.540062 0.540062
+-0.441257 0.471125 -0.574227 0.503584
+-0.471125 0.441257 -0.605934 0.464949
+-0.498976 0.409499 -0.635045 0.424324
+-0.52469 0.375988 -0.661438 0.381881
+-0.548158 0.340866 -0.684998 0.337804
+-0.569278 0.304285 -0.705625 0.292279
+-0.58796 0.266401 -0.72323 0.245503
+-0.604125 0.227376 -0.737738 0.197676
+-0.617702 0.187378 -0.749087 0.149003
+-0.628635 0.146577 -0.757229 0.099691
+-0.636876 0.105149 -0.762127 0.0499525
+-0.642389 0.0632698 -0.763763 -3.62313e-08
+-0.645152 0.0211201 -0.762127 -0.0499524
+0.645152 0.0211201 0.762127 -0.0499525
+0.642389 0.0632698 0.763763 2.08657e-09
+0.636876 0.105149 0.762127 0.0499525
+0.628635 0.146577 0.757229 0.099691
+0.617702 0.187378 0.749087 0.149003
+0.604125 0.227376 0.737738 0.197676
+0.58796 0.266401 0.72323 0.245503
+0.569278 0.304285 0.705625 0.292279
+0.548158 0.340866 0.684998 0.337804
+0.52469 0.375988 0.661438 0.381881
+0.498976 0.409499 0.635045 0.424324
+0.471125 0.441257 0.605934 0.464949
+0.441257 0.471125 0.574227 0.503584
+0.409499 0.498976 0.540062 0.540062
+0.375988 0.52469 0.503584 0.574227
+0.340866 0.548158 0.464949 0.605934
+0.304285 0.569278 0.424324 0.635045
+0.266401 0.58796 0.381881 0.661438
+0.227376 0.604125 0.337804 0.684998
+0.187378 0.617702 0.292279 0.705625
+0.146577 0.628635 0.245503 0.72323
+0.105148 0.636876 0.197676 0.737738
+0.0632697 0.642389 0.149003 0.749087
+0.02112 0.645152 0.0996909 0.757229
+-0.0211201 0.645152 0.0499524 0.762127
+-0.0632698 0.642389 -6.39241e-08 0.763763
+-0.105149 0.636876 -0.0499525 0.762127
+-0.146577 0.628635 -0.0996911 0.757229
+-0.187378 0.617702 -0.149003 0.749087
+-0.227377 0.604125 -0.197676 0.737738
+-0.266401 0.58796 -0.245504 0.72323
+-0.304285 0.569278 -0.292279 0.705625
+-0.340866 0.548158 -0.337804 0.684998
+-0.375988 0.52469 -0.381881 0.661438
+-0.409499 0.498976 -0.424324 0.635045
+-0.441257 0.471125 -0.464949 0.605934
+-0.471125 0.441257 -0.503584 0.574227
+-0.498976 0.409499 -0.540062 0.540062
+-0.52469 0.375988 -0.574227 0.503584
+-0.548158 0.340866 -0.605934 0.464949
+-0.569278 0.304285 -0.635045 0.424324
+-0.58796 0.266401 -0.661438 0.381881
+-0.604125 0.227376 -0.684998 0.337803
+-0.617702 0.187378 -0.705625 0.292279
+-0.628635 0.146577 -0.72323 0.245503
+-0.636876 0.105149 -0.737738 0.197676
+-0.642389 0.0632698 -0.749087 0.149003
+-0.645152 0.0211201 -0.757229 0.0996911
+0.676641 0.0221509 0.735586 0.0240806
+0.673743 0.0663579 0.732436 0.0721387
+0.667961 0.110281 0.72615 0.119888
+0.659318 0.153731 0.716754 0.167124
+0.647852 0.196524 0.704289 0.213644
+0.633611 0.238474 0.688808 0.259249
+0.616658 0.279404 0.670378 0.303744
+0.597064 0.319137 0.649076 0.346939
+0.574913 0.357504 0.624996 0.388647
+0.5503 0.394339 0.598239 0.428692
+0.523331 0.429486 0.56892 0.466901
+0.49412 0.462794 0.537165 0.50311
+0.462794 0.49412 0.50311 0.537165
+0.429486 0.523331 0.466901 0.56892
+0.394339 0.5503 0.428692 0.598239
+0.357504 0.574913 0.388647 0.624996
+0.319137 0.597064 0.346939 0.649077
+0.279404 0.616658 0.303744 0.670378
+0.238474 0.633611 0.259249 0.688808
+0.196524 0.647852 0.213644 0.704289
+0.153731 0.659318 0.167124 0.716754
+0.110281 0.667961 0.119888 0.72615
+0.0663578 0.673743 0.0721386 0.732436
+0.0221508 0.676641 0.0240805 0.735586
+-0.022151 0.676641 -0.0240807 0.735586
+-0.066358 0.673743 -0.0721387 0.732436
+-0.110281 0.667961 -0.119888 0.72615
+-0.153731 0.659318 -0.167124 0.716754
+-0.196524 0.647852 -0.213644 0.704289
+-0.238475 0.633611 -0.259249 0.688808
+-0.279404 0.616658 -0.303744 0.670378
+-0.319137 0.597064 -0.346939 0.649077
+-0.357504 0.574913 -0.388647 0.624996
+-0.394339 0.5503 -0.428692 0.598239
+-0.429486 0.523331 -0.466901 0.56892
+-0.462794 0.49412 -0.50311 0.537165
+-0.49412 0.462794 -0.537165 0.50311
+-0.523331 0.429486 -0.56892 0.466901
+-0.5503 0.394339 -0.598239 0.428692
+-0.574913 0.357504 -0.624996 0.388647
+-0.597063 0.319137 -0.649076 0.346939
+-0.616658 0.279404 -0.670378 0.303744
+-0.633611 0.238474 -0.688808 0.259249
+-0.647852 0.196524 -0.704289 0.213644
+-0.659318 0.153731 -0.716754 0.167124
+-0.667961 0.110281 -0.72615 0.119888
+-0.673743 0.0663579 -0.732436 0.0721386
+-0.676641 0.022151 -0.735586 0.0240807
+0.612045 0.0200363 0.720101 0.326274
+0.609424 0.060023 0.69722 0.372672
+0.604193 0.0997527 0.671353 0.417474
+0.596375 0.139055 0.642612 0.460489
+0.586004 0.177762 0.611118 0.501532
+0.573123 0.215708 0.577008 0.540427
+0.557788 0.25273 0.540427 0.577008
+0.540064 0.28867 0.501532 0.611118
+0.520028 0.323374 0.460489 0.642612
+0.497765 0.356693 0.417474 0.671353
+0.47337 0.388485 0.372672 0.69722
+0.446949 0.418613 0.326274 0.720101
+0.418613 0.446949 0.278478 0.739899
+0.388485 0.47337 0.22949 0.756528
+0.356693 0.497765 0.17952 0.769917
+0.323374 0.520028 0.12878 0.78001
+0.28867 0.540064 0.0774893 0.786763
+0.25273 0.557788 0.0258667 0.790146
+0.215708 0.573123 -0.0258668 0.790146
+0.177762 0.586004 -0.0774894 0.786763
+0.139055 0.596375 -0.12878 0.78001
+0.0997526 0.604193 -0.17952 0.769917
+0.0600229 0.609424 -0.22949 0.756528
+0.0200362 0.612045 -0.278478 0.739899
+-0.0200363 0.612045 -0.326274 0.720101
+-0.060023 0.609424 -0.372672 0.69722
+-0.0997527 0.604193 -0.417474 0.671353
+-0.139055 0.596375 -0.460489 0.642612
+-0.177762 0.586004 -0.501532 0.611118
+-0.215708 0.573123 -0.540427 0.577008
+-0.25273 0.557788 -0.577008 0.540427
+-0.28867 0.540064 -0.611118 0.501532
+-0.323374 0.520028 -0.642612 0.460489
+-0.356693 0.497765 -0.671353 0.417474
+-0.388485 0.47337 -0.69722 0.372672
+-0.418613 0.446949 -0.720101 0.326274
+-0.446949 0.418613 -0.739899 0.278478
+-0.47337 0.388485 -0.756528 0.22949
+-0.497765 0.356693 -0.769917 0.17952
+-0.520028 0.323374 -0.78001 0.12878
+-0.540064 0.28867 -0.786763 0.0774894
+-0.557788 0.25273 -0.790146 0.0258667
+-0.573123 0.215708 -0.790146 -0.0258668
+-0.586004 0.177762 -0.786763 -0.0774893
+-0.596375 0.139055 -0.78001 -0.12878
+-0.604193 0.0997527 -0.769917 -0.17952
+-0.609424 0.060023 -0.756528 -0.22949
+-0.612045 0.0200363 -0.739899 -0.278478
+0.645152 0.0211201 0.661438 0.381881
+0.642389 0.0632698 0.635045 0.424324
+0.636876 0.105149 0.605934 0.464949
+0.628635 0.146577 0.574227 0.503584
+0.617702 0.187378 0.540062 0.540062
+0.604125 0.227376 0.503584 0.574227
+0.58796 0.266401 0.464949 0.605934
+0.569278 0.304285 0.424324 0.635045
+0.548158 0.340866 0.381881 0.661438
+0.52469 0.375988 0.337804 0.684998
+0.498976 0.409499 0.292279 0.705625
+0.471125 0.441257 0.245503 0.72323
+0.441257 0.471125 0.197676 0.737738
+0.409499 0.498976 0.149003 0.749087
+0.375988 0.52469 0.099691 0.757229
+0.340866 0.548158 0.0499524 0.762127
+0.304285 0.569278 -6.27856e-08 0.763763
+0.266401 0.58796 -0.0499525 0.762127
+0.227376 0.604125 -0.0996911 0.757229
+0.187378 0.617702 -0.149003 0.749087
+0.146577 0.628635 -0.197676 0.737738
+0.105148 0.636876 -0.245504 0.72323
+0.0632697 0.642389 -0.292279 0.705625
+0.02112 0.645152 -0.337804 0.684998
+-0.0211201 0.645152 -0.381881 0.661438
+-0.0632698 0.642389 -0.424324 0.635045
+-0.105149 0.636876 -0.464949 0.605934
+-0.146577 0.628635 -0.503584 0.574227
+-0.187378 0.617702 -0.540062 0.540062
+-0.227377 0.604125 -0.574227 0.503584
+-0.266401 0.58796 -0.605934 0.464949
+-0.304285 0.569278 -0.635045 0.424324
+-0.340866 0.548158 -0.661438 0.381881
+-0.375988 0.52469 -0.684998 0.337803
+-0.409499 0.498976 -0.705625 0.292279
+-0.441257 0.471125 -0.72323 0.245503
+-0.471125 0.441257 -0.737738 0.197676
+-0.498976 0.409499 -0.749087 0.149003
+-0.52469 0.375988 -0.757229 0.0996911
+-0.548158 0.340866 -0.762127 0.0499524
+-0.569278 0.304285 -0.763763 8.59245e-08
+-0.58796 0.266401 -0.762127 -0.0499525
+-0.604125 0.227376 -0.757229 -0.0996911
+-0.617702 0.187378 -0.749087 -0.149003
+-0.628635 0.146577 -0.737738 -0.197676
+-0.636876 0.105149 -0.72323 -0.245503
+-0.642389 0.0632698 -0.705625 -0.292279
+-0.645152 0.0211201 -0.684998 -0.337804
+0.645152 0.0211201 0.72323 0.245503
+0.642389 0.0632698 0.705625 0.292279
+0.636876 0.105149 0.684998 0.337804
+0.628635 0.146577 0.661438 0.381881
+0.617702 0.187378 0.635045 0.424324
+0.604125 0.227376 0.605934 0.464949
+0.58796 0.266401 0.574227 0.503584
+0.569278 0.304285 0.540062 0.540062
+0.548158 0.340866 0.503584 0.574227
+0.52469 0.375988 0.464949 0.605934
+0.498976 0.409499 0.424324 0.635045
+0.471125 0.441257 0.381881 0.661438
+0.441257 0.471125 0.337804 0.684998
+0.409499 0.498976 0.292279 0.705625
+0.375988 0.52469 0.245503 0.72323
+0.340866 0.548158 0.197676 0.737738
+0.304285 0.569278 0.149003 0.749087
+0.266401 0.58796 0.099691 0.757229
+0.227376 0.604125 0.0499524 0.762127
+0.187378 0.617702 -3.28159e-08 0.763763
+0.146577 0.628635 -0.0499525 0.762127
+0.105148 0.636876 -0.0996911 0.757229
+0.0632697 0.642389 -0.149003 0.749087
+0.02112 0.645152 -0.197676 0.737738
+-0.0211201 0.645152 -0.245504 0.72323
+-0.0632698 0.642389 -0.292279 0.705625
+-0.105149 0.636876 -0.337804 0.684998
+-0.146577 0.628635 -0.381881 0.661438
+-0.187378 0.617702 -0.424324 0.635045
+-0.227377 0.604125 -0.464949 0.605934
+-0.266401 0.58796 -0.503584 0.574227
+-0.304285 0.569278 -0.540062 0.540062
+-0.340866 0.548158 -0.574227 0.503584
+-0.375988 0.52469 -0.605934 0.464949
+-0.409499 0.498976 -0.635045 0.424324
+-0.441257 0.471125 -0.661438 0.381881
+-0.471125 0.441257 -0.684998 0.337804
+-0.498976 0.409499 -0.705625 0.292279
+-0.52469 0.375988 -0.72323 0.245504
+-0.548158 0.340866 -0.737738 0.197676
+-0.569278 0.304285 -0.749087 0.149003
+-0.58796 0.266401 -0.757229 0.099691
+-0.604125 0.227376 -0.762127 0.0499524
+-0.617702 0.187378 -0.763763 2.48466e-08
+-0.628635 0.146577 -0.762127 -0.0499525
+-0.636876 0.105149 -0.757229 -0.099691
+-0.642389 0.0632698 -0.749087 -0.149003
+-0.645152 0.0211201 -0.737738 -0.197676
+0.676641 0.0221509 0.670378 0.303744
+0.673743 0.0663579 0.649076 0.346939
+0.667961 0.110281 0.624996 0.388647
+0.659318 0.153731 0.598239 0.428692
+0.647852 0.196524 0.56892 0.466901
+0.633611 0.238474 0.537165 0.50311
+0.616658 0.279404 0.50311 0.537165
+0.597064 0.319137 0.466901 0.56892
+0.574913 0.357504 0.428692 0.598239
+0.5503 0.394339 0.388647 0.624996
+0.523331 0.429486 0.346939 0.649076
+0.49412 0.462794 0.303744 0.670378
+0.462794 0.49412 0.259249 0.688808
+0.429486 0.523331 0.213644 0.704289
+0.394339 0.5503 0.167124 0.716754
+0.357504 0.574913 0.119888 0.72615
+0.319137 0.597064 0.0721386 0.732436
+0.279404 0.616658 0.0240805 0.735586
+0.238474 0.633611 -0.0240806 0.735586
+0.196524 0.647852 -0.0721387 0.732436
+0.153731 0.659318 -0.119888 0.72615
+0.110281 0.667961 -0.167124 0.716754
+0.0663578 0.673743 -0.213644 0.704289
+0.0221508 0.676641 -0.259249 0.688808
+-0.022151 0.676641 -0.303744 0.670378
+-0.066358 0.673743 -0.346939 0.649076
+-0.110281 0.667961 -0.388647 0.624996
+-0.153731 0.659318 -0.428692 0.598239
+-0.196524 0.647852 -0.466901 0.56892
+-0.238475 0.633611 -0.50311 0.537165
+-0.279404 0.616658 -0.537165 0.50311
+-0.319137 0.597064 -0.56892 0.466901
+-0.357504 0.574913 -0.598239 0.428692
+-0.394339 0.5503 -0.624996 0.388647
+-0.429486 0.523331 -0.649076 0.346939
+-0.462794 0.49412 -0.670378 0.303744
+-0.49412 0.462794 -0.688808 0.259249
+-0.523331 0.429486 -0.704289 0.213644
+-0.5503 0.394339 -0.716754 0.167124
+-0.574913 0.357504 -0.72615 0.119888
+-0.597063 0.319137 -0.732436 0.0721387
+-0.616658 0.279404 -0.735586 0.0240806
+-0.633611 0.238474 -0.735586 -0.0240807
+-0.647852 0.196524 -0.732436 -0.0721386
+-0.659318 0.153731 -0.72615 -0.119888
+-0.667961 0.110281 -0.716754 -0.167124
+-0.673743 0.0663579 -0.704289 -0.213644
+-0.676641 0.022151 -0.688808 -0.259249
+0.676641 0.0221509 0.598239 0.428692
+0.673743 0.0663579 0.56892 0.466901
+0.667961 0.110281 0.537165 0.50311
+0.659318 0.153731 0.50311 0.537165
+0.647852 0.196524 0.466901 0.56892
+0.633611 0.238474 0.428692 0.598239
+0.616658 0.279404 0.388647 0.624996
+0.597064 0.319137 0.346939 0.649076
+0.574913 0.357504 0.303744 0.670378
+0.5503 0.394339 0.259249 0.688808
+0.523331 0.429486 0.213644 0.704289
+0.49412 0.462794 0.167124 0.716754
+0.462794 0.49412 0.119888 0.72615
+0.429486 0.523331 0.0721387 0.732436
+0.394339 0.5503 0.0240806 0.735586
+0.357504 0.574913 -0.0240807 0.735586
+0.319137 0.597064 -0.0721387 0.732436
+0.279404 0.616658 -0.119888 0.72615
+0.238474 0.633611 -0.167124 0.716754
+0.196524 0.647852 -0.213644 0.704289
+0.153731 0.659318 -0.259249 0.688808
+0.110281 0.667961 -0.303744 0.670378
+0.0663578 0.673743 -0.346939 0.649076
+0.0221508 0.676641 -0.388647 0.624996
+-0.022151 0.676641 -0.428692 0.598239
+-0.066358 0.673743 -0.466901 0.56892
+-0.110281 0.667961 -0.50311 0.537165
+-0.153731 0.659318 -0.537165 0.50311
+-0.196524 0.647852 -0.56892 0.466901
+-0.238475 0.633611 -0.598239 0.428692
+-0.279404 0.616658 -0.624996 0.388647
+-0.319137 0.597064 -0.649076 0.346939
+-0.357504 0.574913 -0.670378 0.303744
+-0.394339 0.5503 -0.688808 0.259249
+-0.429486 0.523331 -0.704289 0.213644
+-0.462794 0.49412 -0.716754 0.167124
+-0.49412 0.462794 -0.72615 0.119888
+-0.523331 0.429486 -0.732436 0.0721386
+-0.5503 0.394339 -0.735586 0.0240807
+-0.574913 0.357504 -0.735586 -0.0240806
+-0.597063 0.319137 -0.732436 -0.0721386
+-0.616658 0.279404 -0.72615 -0.119888
+-0.633611 0.238474 -0.716754 -0.167124
+-0.647852 0.196524 -0.704289 -0.213644
+-0.659318 0.153731 -0.688808 -0.259249
+-0.667961 0.110281 -0.670378 -0.303744
+-0.673743 0.0663579 -0.649076 -0.346939
+-0.676641 0.022151 -0.624996 -0.388647
+0.706728 0.0231359 0.531631 0.466228
+0.703702 0.0693086 0.5 0.5
+0.697662 0.115184 0.466228 0.531631
+0.688635 0.160567 0.430459 0.560986
+0.676659 0.205262 0.392847 0.587938
+0.661785 0.249078 0.353553 0.612372
+0.644078 0.291828 0.312745 0.634185
+0.623612 0.333328 0.270598 0.653281
+0.600477 0.3734 0.227292 0.669581
+0.574769 0.411874 0.183013 0.683013
+0.546601 0.448584 0.13795 0.69352
+0.516092 0.483373 0.0922959 0.701057
+0.483373 0.516092 0.046247 0.705593
+0.448584 0.546601 -1.58103e-09 0.707107
+0.411874 0.574769 -0.046247 0.705593
+0.3734 0.600477 -0.092296 0.701057
+0.333328 0.623613 -0.13795 0.69352
+0.291828 0.644078 -0.183013 0.683013
+0.249078 0.661785 -0.227292 0.669581
+0.205262 0.676659 -0.270598 0.653281
+0.160567 0.688635 -0.312745 0.634185
+0.115184 0.697662 -0.353553 0.612372
+0.0693085 0.703702 -0.392848 0.587938
+0.0231358 0.706728 -0.430459 0.560985
+-0.023136 0.706728 -0.466228 0.531631
+-0.0693086 0.703702 -0.5 0.5
+-0.115185 0.697662 -0.531631 0.466228
+-0.160567 0.688635 -0.560986 0.430459
+-0.205262 0.676659 -0.587938 0.392847
+-0.249078 0.661785 -0.612372 0.353553
+-0.291828 0.644078 -0.634185 0.312745
+-0.333328 0.623613 -0.653281 0.270598
+-0.3734 0.600477 -0.669581 0.227292
+-0.411874 0.574769 -0.683013 0.183013
+-0.448584 0.546601 -0.69352 0.13795
+-0.483373 0.516092 -0.701057 0.0922959
+-0.516092 0.483373 -0.705593 0.046247
+-0.546601 0.448584 -0.707107 -3.24897e-08
+-0.574769 0.411874 -0.705593 -0.0462469
+-0.600477 0.3734 -0.701057 -0.092296
+-0.623612 0.333328 -0.69352 -0.13795
+-0.644078 0.291828 -0.683013 -0.183013
+-0.661785 0.249078 -0.669581 -0.227292
+-0.676659 0.205262 -0.653281 -0.270598
+-0.688635 0.160567 -0.634185 -0.312745
+-0.697662 0.115185 -0.612372 -0.353553
+-0.703702 0.0693086 -0.587938 -0.392848
+-0.706728 0.0231359 -0.560986 -0.430459
+0.706728 0.0231359 0.612372 0.353553
+0.703702 0.0693086 0.587938 0.392847
+0.697662 0.115184 0.560986 0.430459
+0.688635 0.160567 0.531631 0.466228
+0.676659 0.205262 0.5 0.5
+0.661785 0.249078 0.466228 0.531631
+0.644078 0.291828 0.430459 0.560986
+0.623612 0.333328 0.392847 0.587938
+0.600477 0.3734 0.353553 0.612372
+0.574769 0.411874 0.312745 0.634185
+0.546601 0.448584 0.270598 0.653281
+0.516092 0.483373 0.227292 0.669581
+0.483373 0.516092 0.183013 0.683013
+0.448584 0.546601 0.13795 0.69352
+0.411874 0.574769 0.0922959 0.701057
+0.3734 0.600477 0.0462469 0.705593
+0.333328 0.623613 -5.81282e-08 0.707107
+0.291828 0.644078 -0.046247 0.705593
+0.249078 0.661785 -0.092296 0.701057
+0.205262 0.676659 -0.13795 0.69352
+0.160567 0.688635 -0.183013 0.683013
+0.115184 0.697662 -0.227292 0.669581
+0.0693085 0.703702 -0.270598 0.653281
+0.0231358 0.706728 -0.312745 0.634185
+-0.023136 0.706728 -0.353553 0.612372
+-0.0693086 0.703702 -0.392848 0.587938
+-0.115185 0.697662 -0.430459 0.560985
+-0.160567 0.688635 -0.466228 0.531631
+-0.205262 0.676659 -0.5 0.5
+-0.249078 0.661785 -0.531631 0.466228
+-0.291828 0.644078 -0.560986 0.430459
+-0.333328 0.623613 -0.587938 0.392848
+-0.3734 0.600477 -0.612372 0.353553
+-0.411874 0.574769 -0.634185 0.312745
+-0.448584 0.546601 -0.653281 0.270598
+-0.483373 0.516092 -0.669581 0.227292
+-0.516092 0.483373 -0.683013 0.183013
+-0.546601 0.448584 -0.69352 0.13795
+-0.574769 0.411874 -0.701057 0.092296
+-0.600477 0.3734 -0.705593 0.046247
+-0.623612 0.333328 -0.707107 7.95506e-08
+-0.644078 0.291828 -0.705593 -0.046247
+-0.661785 0.249078 -0.701057 -0.092296
+-0.676659 0.205262 -0.69352 -0.13795
+-0.688635 0.160567 -0.683013 -0.183013
+-0.697662 0.115185 -0.669581 -0.227292
+-0.703702 0.0693086 -0.653281 -0.270598
+-0.706728 0.0231359 -0.634185 -0.312745
+0.735586 0.0240806 0.5503 0.394339
+0.732436 0.0721387 0.523331 0.429486
+0.72615 0.119888 0.49412 0.462794
+0.716754 0.167124 0.462794 0.49412
+0.704289 0.213644 0.429486 0.523331
+0.688808 0.259249 0.394339 0.5503
+0.670378 0.303744 0.357504 0.574913
+0.649076 0.346939 0.319137 0.597064
+0.624996 0.388647 0.279404 0.616658
+0.598239 0.428692 0.238474 0.633611
+0.56892 0.466901 0.196524 0.647852
+0.537165 0.50311 0.153731 0.659318
+0.50311 0.537165 0.110281 0.667961
+0.466901 0.56892 0.0663579 0.673743
+0.428692 0.598239 0.0221509 0.676641
+0.388647 0.624996 -0.022151 0.676641
+0.346939 0.649077 -0.066358 0.673743
+0.303744 0.670378 -0.110281 0.667961
+0.259249 0.688808 -0.153731 0.659318
+0.213644 0.704289 -0.196524 0.647852
+0.167124 0.716754 -0.238474 0.633611
+0.119888 0.72615 -0.279404 0.616658
+0.0721386 0.732436 -0.319137 0.597063
+0.0240805 0.735586 -0.357504 0.574913
+-0.0240807 0.735586 -0.394339 0.5503
+-0.0721387 0.732436 -0.429486 0.523331
+-0.119888 0.72615 -0.462794 0.49412
+-0.167124 0.716754 -0.49412 0.462794
+-0.213644 0.704289 -0.523331 0.429486
+-0.259249 0.688808 -0.5503 0.394339
+-0.303744 0.670378 -0.574913 0.357504
+-0.346939 0.649077 -0.597063 0.319137
+-0.388647 0.624996 -0.616658 0.279404
+-0.428692 0.598239 -0.633611 0.238474
+-0.466901 0.56892 -0.647852 0.196524
+-0.50311 0.537165 -0.659318 0.153731
+-0.537165 0.50311 -0.667961 0.110281
+-0.56892 0.466901 -0.673743 0.0663579
+-0.598239 0.428692 -0.676641 0.022151
+-0.624996 0.388647 -0.676641 -0.0221509
+-0.649076 0.346939 -0.673743 -0.0663578
+-0.670378 0.303744 -0.667961 -0.110281
+-0.688808 0.259249 -0.659318 -0.153731
+-0.704289 0.213644 -0.647852 -0.196524
+-0.716754 0.167124 -0.633611 -0.238474
+-0.72615 0.119888 -0.616658 -0.279404
+-0.732436 0.0721386 -0.597064 -0.319137
+-0.735586 0.0240807 -0.574913 -0.357504
+0.676641 0.0221509 0.716754 0.167124
+0.673743 0.0663579 0.704289 0.213644
+0.667961 0.110281 0.688808 0.259249
+0.659318 0.153731 0.670378 0.303744
+0.647852 0.196524 0.649076 0.346939
+0.633611 0.238474 0.624996 0.388647
+0.616658 0.279404 0.598239 0.428692
+0.597064 0.319137 0.56892 0.466901
+0.574913 0.357504 0.537165 0.50311
+0.5503 0.394339 0.50311 0.537165
+0.523331 0.429486 0.466901 0.56892
+0.49412 0.462794 0.428692 0.598239
+0.462794 0.49412 0.388647 0.624996
+0.429486 0.523331 0.346939 0.649076
+0.394339 0.5503 0.303744 0.670378
+0.357504 0.574913 0.259249 0.688808
+0.319137 0.597064 0.213644 0.704289
+0.279404 0.616658 0.167124 0.716754
+0.238474 0.633611 0.119888 0.72615
+0.196524 0.647852 0.0721386 0.732436
+0.153731 0.659318 0.0240806 0.735586
+0.110281 0.667961 -0.0240807 0.735586
+0.0663578 0.673743 -0.0721388 0.732436
+0.0221508 0.676641 -0.119888 0.72615
+-0.022151 0.676641 -0.167124 0.716754
+-0.066358 0.673743 -0.213644 0.704289
+-0.110281 0.667961 -0.259249 0.688808
+-0.153731 0.659318 -0.303744 0.670378
+-0.196524 0.647852 -0.346939 0.649076
+-0.238475 0.633611 -0.388648 0.624996
+-0.279404 0.616658 -0.428692 0.598239
+-0.319137 0.597064 -0.466901 0.56892
+-0.357504 0.574913 -0.50311 0.537165
+-0.394339 0.5503 -0.537165 0.50311
+-0.429486 0.523331 -0.56892 0.466901
+-0.462794 0.49412 -0.598239 0.428692
+-0.49412 0.462794 -0.624996 0.388647
+-0.523331 0.429486 -0.649076 0.346939
+-0.5503 0.394339 -0.670378 0.303744
+-0.574913 0.357504 -0.688808 0.259249
+-0.597063 0.319137 -0.704289 0.213644
+-0.616658 0.279404 -0.716754 0.167124
+-0.633611 0.238474 -0.72615 0.119888
+-0.647852 0.196524 -0.732436 0.0721387
+-0.659318 0.153731 -0.735586 0.0240805
+-0.667961 0.110281 -0.735586 -0.0240805
+-0.673743 0.0663579 -0.732436 -0.0721387
+-0.676641 0.022151 -0.72615 -0.119888
+0.706728 0.0231359 0.669581 0.227292
+0.703702 0.0693086 0.653281 0.270598
+0.697662 0.115184 0.634185 0.312745
+0.688635 0.160567 0.612372 0.353553
+0.676659 0.205262 0.587938 0.392847
+0.661785 0.249078 0.560986 0.430459
+0.644078 0.291828 0.531631 0.466228
+0.623612 0.333328 0.5 0.5
+0.600477 0.3734 0.466228 0.531631
+0.574769 0.411874 0.430459 0.560986
+0.546601 0.448584 0.392847 0.587938
+0.516092 0.483373 0.353553 0.612372
+0.483373 0.516092 0.312745 0.634185
+0.448584 0.546601 0.270598 0.653281
+0.411874 0.574769 0.227292 0.669581
+0.3734 0.600477 0.183013 0.683013
+0.333328 0.623613 0.13795 0.69352
+0.291828 0.644078 0.0922959 0.701057
+0.249078 0.661785 0.046247 0.705593
+0.205262 0.676659 -3.03816e-08 0.707107
+0.160567 0.688635 -0.046247 0.705593
+0.115184 0.697662 -0.0922961 0.701057
+0.0693085 0.703702 -0.13795 0.69352
+0.0231358 0.706728 -0.183013 0.683013
+-0.023136 0.706728 -0.227292 0.669581
+-0.0693086 0.703702 -0.270598 0.653281
+-0.115185 0.697662 -0.312745 0.634185
+-0.160567 0.688635 -0.353553 0.612372
+-0.205262 0.676659 -0.392848 0.587938
+-0.249078 0.661785 -0.430459 0.560985
+-0.291828 0.644078 -0.466228 0.531631
+-0.333328 0.623613 -0.5 0.5
+-0.3734 0.600477 -0.531631 0.466228
+-0.411874 0.574769 -0.560986 0.430459
+-0.448584 0.546601 -0.587938 0.392847
+-0.483373 0.516092 -0.612372 0.353553
+-0.516092 0.483373 -0.634185 0.312745
+-0.546601 0.448584 -0.653281 0.270598
+-0.574769 0.411874 -0.669581 0.227292
+-0.600477 0.3734 -0.683013 0.183013
+-0.623612 0.333328 -0.69352 0.13795
+-0.644078 0.291828 -0.701057 0.092296
+-0.661785 0.249078 -0.705593 0.0462469
+-0.676659 0.205262 -0.707107 2.30035e-08
+-0.688635 0.160567 -0.705593 -0.046247
+-0.697662 0.115185 -0.701057 -0.0922959
+-0.703702 0.0693086 -0.69352 -0.13795
+-0.706728 0.0231359 -0.683013 -0.183013
+0.706728 0.0231359 0.701057 0.092296
+0.703702 0.0693086 0.69352 0.13795
+0.697662 0.115184 0.683013 0.183013
+0.688635 0.160567 0.669581 0.227292
+0.676659 0.205262 0.653281 0.270598
+0.661785 0.249078 0.634185 0.312745
+0.644078 0.291828 0.612372 0.353553
+0.623612 0.333328 0.587938 0.392847
+0.600477 0.3734 0.560986 0.430459
+0.574769 0.411874 0.531631 0.466228
+0.546601 0.448584 0.5 0.5
+0.516092 0.483373 0.466228 0.531631
+0.483373 0.516092 0.430459 0.560986
+0.448584 0.546601 0.392847 0.587938
+0.411874 0.574769 0.353553 0.612372
+0.3734 0.600477 0.312745 0.634185
+0.333328 0.623613 0.270598 0.653282
+0.291828 0.644078 0.227292 0.669581
+0.249078 0.661785 0.183013 0.683013
+0.205262 0.676659 0.13795 0.69352
+0.160567 0.688635 0.0922959 0.701057
+0.115184 0.697662 0.0462469 0.705593
+0.0693085 0.703702 -8.69287e-08 0.707107
+0.0231358 0.706728 -0.0462471 0.705593
+-0.023136 0.706728 -0.092296 0.701057
+-0.0693086 0.703702 -0.13795 0.69352
+-0.115185 0.697662 -0.183013 0.683013
+-0.160567 0.688635 -0.227292 0.669581
+-0.205262 0.676659 -0.270598 0.653281
+-0.249078 0.661785 -0.312745 0.634185
+-0.291828 0.644078 -0.353553 0.612372
+-0.333328 0.623613 -0.392847 0.587938
+-0.3734 0.600477 -0.430459 0.560986
+-0.411874 0.574769 -0.466228 0.531631
+-0.448584 0.546601 -0.5 0.5
+-0.483373 0.516092 -0.531631 0.466228
+-0.516092 0.483373 -0.560986 0.430459
+-0.546601 0.448584 -0.587938 0.392847
+-0.574769 0.411874 -0.612372 0.353553
+-0.600477 0.3734 -0.634185 0.312745
+-0.623612 0.333328 -0.653281 0.270598
+-0.644078 0.291828 -0.669581 0.227292
+-0.661785 0.249078 -0.683013 0.183013
+-0.676659 0.205262 -0.69352 0.13795
+-0.688635 0.160567 -0.701057 0.0922959
+-0.697662 0.115185 -0.705593 0.046247
+-0.703702 0.0693086 -0.707107 -3.35437e-08
+-0.706728 0.0231359 -0.705593 -0.0462469
+0.735586 0.0240806 0.659318 0.153731
+0.732436 0.0721387 0.647852 0.196524
+0.72615 0.119888 0.633611 0.238474
+0.716754 0.167124 0.616658 0.279404
+0.704289 0.213644 0.597064 0.319137
+0.688808 0.259249 0.574913 0.357504
+0.670378 0.303744 0.5503 0.394339
+0.649076 0.346939 0.523331 0.429486
+0.624996 0.388647 0.49412 0.462794
+0.598239 0.428692 0.462794 0.49412
+0.56892 0.466901 0.429486 0.523331
+0.537165 0.50311 0.394339 0.5503
+0.50311 0.537165 0.357504 0.574913
+0.466901 0.56892 0.319137 0.597064
+0.428692 0.598239 0.279404 0.616658
+0.388647 0.624996 0.238474 0.633611
+0.346939 0.649077 0.196524 0.647852
+0.303744 0.670378 0.153731 0.659318
+0.259249 0.688808 0.110281 0.667961
+0.213644 0.704289 0.0663579 0.673743
+0.167124 0.716754 0.0221509 0.676641
+0.119888 0.72615 -0.022151 0.676641
+0.0721386 0.732436 -0.066358 0.673743
+0.0240805 0.735586 -0.110281 0.667961
+-0.0240807 0.735586 -0.153731 0.659318
+-0.0721387 0.732436 -0.196524 0.647852
+-0.119888 0.72615 -0.238474 0.633611
+-0.167124 0.716754 -0.279404 0.616658
+-0.213644 0.704289 -0.319137 0.597063
+-0.259249 0.688808 -0.357504 0.574913
+-0.303744 0.670378 -0.394339 0.5503
+-0.346939 0.649077 -0.429486 0.523331
+-0.388647 0.624996 -0.462794 0.49412
+-0.428692 0.598239 -0.49412 0.462794
+-0.466901 0.56892 -0.523331 0.429486
+-0.50311 0.537165 -0.5503 0.394339
+-0.537165 0.50311 -0.574913 0.357504
+-0.56892 0.466901 -0.597064 0.319137
+-0.598239 0.428692 -0.616658 0.279404
+-0.624996 0.388647 -0.633611 0.238474
+-0.649076 0.346939 -0.647852 0.196524
+-0.670378 0.303744 -0.659318 0.153731
+-0.688808 0.259249 -0.667961 0.110281
+-0.704289 0.213644 -0.673743 0.0663579
+-0.716754 0.167124 -0.676641 0.0221509
+-0.72615 0.119888 -0.676641 -0.0221509
+-0.732436 0.0721386 -0.673743 -0.0663579
+-0.735586 0.0240807 -0.667961 -0.110281
+0.735586 0.0240806 0.616658 0.279404
+0.732436 0.0721387 0.597064 0.319137
+0.72615 0.119888 0.574913 0.357504
+0.716754 0.167124 0.5503 0.394339
+0.704289 0.213644 0.523331 0.429486
+0.688808 0.259249 0.49412 0.462794
+0.670378 0.303744 0.462794 0.49412
+0.649076 0.346939 0.429486 0.523331
+0.624996 0.388647 0.394339 0.5503
+0.598239 0.428692 0.357504 0.574913
+0.56892 0.466901 0.319137 0.597064
+0.537165 0.50311 0.279404 0.616658
+0.50311 0.537165 0.238474 0.633611
+0.466901 0.56892 0.196524 0.647852
+0.428692 0.598239 0.153731 0.659318
+0.388647 0.624996 0.110281 0.667961
+0.346939 0.649077 0.0663579 0.673743
+0.303744 0.670378 0.0221509 0.676641
+0.259249 0.688808 -0.022151 0.676641
+0.213644 0.704289 -0.0663579 0.673743
+0.167124 0.716754 -0.110281 0.667961
+0.119888 0.72615 -0.153731 0.659318
+0.0721386 0.732436 -0.196524 0.647852
+0.0240805 0.735586 -0.238474 0.633611
+-0.0240807 0.735586 -0.279404 0.616658
+-0.0721387 0.732436 -0.319137 0.597063
+-0.119888 0.72615 -0.357504 0.574913
+-0.167124 0.716754 -0.394339 0.5503
+-0.213644 0.704289 -0.429486 0.52333
+-0.259249 0.688808 -0.462794 0.49412
+-0.303744 0.670378 -0.49412 0.462794
+-0.346939 0.649077 -0.523331 0.429486
+-0.388647 0.624996 -0.5503 0.394339
+-0.428692 0.598239 -0.574913 0.357504
+-0.466901 0.56892 -0.597064 0.319137
+-0.50311 0.537165 -0.616658 0.279404
+-0.537165 0.50311 -0.633611 0.238474
+-0.56892 0.466901 -0.647852 0.196524
+-0.598239 0.428692 -0.659318 0.153731
+-0.624996 0.388647 -0.667961 0.110281
+-0.649076 0.346939 -0.673743 0.066358
+-0.670378 0.303744 -0.676641 0.0221509
+-0.688808 0.259249 -0.676641 -0.022151
+-0.704289 0.213644 -0.673743 -0.0663579
+-0.716754 0.167124 -0.667961 -0.110281
+-0.72615 0.119888 -0.659318 -0.153731
+-0.732436 0.0721386 -0.647852 -0.196524
+-0.735586 0.0240807 -0.633611 -0.238474
+0.763354 0.0249896 0.559017 0.322749
+0.760085 0.0748618 0.536711 0.358619
+0.753561 0.124413 0.512107 0.392954
+0.743811 0.173432 0.485311 0.425606
+0.730875 0.221709 0.456435 0.456435
+0.71481 0.269035 0.425606 0.485311
+0.695684 0.31521 0.392954 0.512107
+0.673578 0.360035 0.358619 0.536711
+0.648589 0.403318 0.322749 0.559017
+0.620822 0.444875 0.285496 0.578929
+0.590396 0.484526 0.247021 0.596362
+0.557443 0.522102 0.207488 0.611241
+0.522102 0.557443 0.167067 0.623502
+0.484526 0.590396 0.12593 0.633094
+0.444875 0.620822 0.0842543 0.639975
+0.403318 0.648589 0.0422175 0.644115
+0.360035 0.673579 -5.30635e-08 0.645497
+0.31521 0.695684 -0.0422176 0.644115
+0.269035 0.71481 -0.0842543 0.639975
+0.221709 0.730875 -0.12593 0.633094
+0.173432 0.743811 -0.167067 0.623502
+0.124413 0.753561 -0.207488 0.611241
+0.0748617 0.760085 -0.247021 0.596362
+0.0249895 0.763354 -0.285496 0.578929
+-0.0249897 0.763354 -0.322749 0.559017
+-0.0748619 0.760085 -0.358619 0.536711
+-0.124414 0.753561 -0.392954 0.512107
+-0.173432 0.743811 -0.425606 0.48531
+-0.221709 0.730875 -0.456436 0.456435
+-0.269036 0.71481 -0.485311 0.425606
+-0.31521 0.695684 -0.512107 0.392954
+-0.360035 0.673579 -0.536711 0.358619
+-0.403318 0.648589 -0.559017 0.322749
+-0.444875 0.620822 -0.578929 0.285496
+-0.484526 0.590397 -0.596362 0.247021
+-0.522102 0.557443 -0.611241 0.207488
+-0.557443 0.522102 -0.623502 0.167067
+-0.590397 0.484526 -0.633094 0.12593
+-0.620822 0.444875 -0.639975 0.0842544
+-0.648589 0.403318 -0.644115 0.0422175
+-0.673578 0.360035 -0.645497 7.26194e-08
+-0.695684 0.31521 -0.644115 -0.0422175
+-0.71481 0.269035 -0.639975 -0.0842544
+-0.730875 0.221709 -0.633094 -0.12593
+-0.743811 0.173432 -0.623502 -0.167067
+-0.753561 0.124414 -0.611241 -0.207488
+-0.760085 0.0748618 -0.596362 -0.247021
+-0.763354 0.0249897 -0.578929 -0.285496
+0.763354 0.0249896 0.611241 0.207488
+0.760085 0.0748618 0.596362 0.247021
+0.753561 0.124413 0.578929 0.285496
+0.743811 0.173432 0.559017 0.322749
+0.730875 0.221709 0.536711 0.358619
+0.71481 0.269035 0.512107 0.392954
+0.695684 0.31521 0.485311 0.425606
+0.673578 0.360035 0.456435 0.456435
+0.648589 0.403318 0.425606 0.485311
+0.620822 0.444875 0.392954 0.512107
+0.590396 0.484526 0.358619 0.536711
+0.557443 0.522102 0.322749 0.559017
+0.522102 0.557443 0.285496 0.578929
+0.484526 0.590396 0.247021 0.596362
+0.444875 0.620822 0.207488 0.611241
+0.403318 0.648589 0.167067 0.623502
+0.360035 0.673579 0.12593 0.633094
+0.31521 0.695684 0.0842543 0.639975
+0.269035 0.71481 0.0422175 0.644115
+0.221709 0.730875 -2.77345e-08 0.645497
+0.173432 0.743811 -0.0422176 0.644115
+0.124413 0.753561 -0.0842544 0.639975
+0.0748617 0.760085 -0.12593 0.633094
+0.0249895 0.763354 -0.167067 0.623502
+-0.0249897 0.763354 -0.207488 0.611241
+-0.0748619 0.760085 -0.247021 0.596362
+-0.124414 0.753561 -0.285496 0.578929
+-0.173432 0.743811 -0.322749 0.559017
+-0.221709 0.730875 -0.358619 0.536711
+-0.269036 0.71481 -0.392954 0.512107
+-0.31521 0.695684 -0.425606 0.48531
+-0.360035 0.673579 -0.456435 0.456436
+-0.403318 0.648589 -0.485311 0.425606
+-0.444875 0.620822 -0.512107 0.392954
+-0.484526 0.590397 -0.536711 0.358619
+-0.522102 0.557443 -0.559017 0.322749
+-0.557443 0.522102 -0.578929 0.285496
+-0.590397 0.484526 -0.596362 0.247021
+-0.620822 0.444875 -0.611241 0.207488
+-0.648589 0.403318 -0.623502 0.167067
+-0.673578 0.360035 -0.633094 0.12593
+-0.695684 0.31521 -0.639975 0.0842543
+-0.71481 0.269035 -0.644115 0.0422175
+-0.730875 0.221709 -0.645497 2.09992e-08
+-0.743811 0.173432 -0.644115 -0.0422176
+-0.753561 0.124414 -0.639975 -0.0842543
+-0.760085 0.0748618 -0.633094 -0.12593
+-0.763354 0.0249897 -0.623502 -0.167067
+0.790146 0.0258667 0.557788 0.25273
+0.786763 0.0774894 0.540064 0.28867
+0.78001 0.12878 0.520028 0.323374
+0.769917 0.17952 0.497765 0.356693
+0.756528 0.22949 0.47337 0.388485
+0.739899 0.278478 0.446949 0.418613
+0.720101 0.326274 0.418613 0.446949
+0.69722 0.372672 0.388485 0.47337
+0.671353 0.417474 0.356693 0.497765
+0.642612 0.460489 0.323374 0.520028
+0.611118 0.501532 0.28867 0.540064
+0.577008 0.540427 0.25273 0.557788
+0.540427 0.577008 0.215708 0.573123
+0.501532 0.611118 0.177762 0.586004
+0.460489 0.642612 0.139055 0.596375
+0.417474 0.671353 0.0997526 0.604193
+0.372672 0.69722 0.0600229 0.609424
+0.326274 0.720101 0.0200362 0.612045
+0.278478 0.739899 -0.0200363 0.612045
+0.22949 0.756528 -0.060023 0.609424
+0.17952 0.769917 -0.0997527 0.604193
+0.12878 0.78001 -0.139055 0.596375
+0.0774893 0.786763 -0.177762 0.586004
+0.0258666 0.790146 -0.215708 0.573123
+-0.0258668 0.790146 -0.25273 0.557788
+-0.0774894 0.786763 -0.28867 0.540064
+-0.12878 0.78001 -0.323374 0.520028
+-0.17952 0.769917 -0.356693 0.497765
+-0.22949 0.756528 -0.388485 0.47337
+-0.278478 0.739899 -0.418613 0.446949
+-0.326274 0.720101 -0.446949 0.418613
+-0.372672 0.69722 -0.47337 0.388485
+-0.417474 0.671353 -0.497765 0.356693
+-0.460489 0.642612 -0.520028 0.323374
+-0.501532 0.611118 -0.540064 0.28867
+-0.540427 0.577008 -0.557788 0.25273
+-0.577008 0.540427 -0.573123 0.215708
+-0.611118 0.501532 -0.586004 0.177762
+-0.642612 0.460489 -0.596375 0.139055
+-0.671353 0.417474 -0.604193 0.0997527
+-0.69722 0.372672 -0.609424 0.0600231
+-0.720101 0.326274 -0.612045 0.0200363
+-0.739899 0.278478 -0.612045 -0.0200363
+-0.756528 0.22949 -0.609424 -0.060023
+-0.769917 0.179519 -0.604193 -0.0997527
+-0.78001 0.12878 -0.596375 -0.139055
+-0.786763 0.0774893 -0.586004 -0.177762
+-0.790146 0.0258668 -0.573123 -0.215708
+0.612045 0.0200363 0.739899 -0.278478
+0.609424 0.060023 0.756528 -0.22949
+0.604193 0.0997527 0.769917 -0.17952
+0.596375 0.139055 0.78001 -0.12878
+0.586004 0.177762 0.786763 -0.0774894
+0.573123 0.215708 0.790146 -0.0258667
+0.557788 0.25273 0.790146 0.0258667
+0.540064 0.28867 0.786763 0.0774894
+0.520028 0.323374 0.78001 0.12878
+0.497765 0.356693 0.769917 0.17952
+0.47337 0.388485 0.756528 0.22949
+0.446949 0.418613 0.739899 0.278478
+0.418613 0.446949 0.720101 0.326274
+0.388485 0.47337 0.69722 0.372672
+0.356693 0.497765 0.671353 0.417474
+0.323374 0.520028 0.642612 0.460489
+0.28867 0.540064 0.611118 0.501532
+0.25273 0.557788 0.577008 0.540427
+0.215708 0.573123 0.540427 0.577008
+0.177762 0.586004 0.501532 0.611118
+0.139055 0.596375 0.460489 0.642612
+0.0997526 0.604193 0.417474 0.671353
+0.0600229 0.609424 0.372672 0.69722
+0.0200362 0.612045 0.326273 0.720101
+-0.0200363 0.612045 0.278478 0.739899
+-0.060023 0.609424 0.22949 0.756528
+-0.0997527 0.604193 0.179519 0.769917
+-0.139055 0.596375 0.12878 0.78001
+-0.177762 0.586004 0.0774892 0.786763
+-0.215708 0.573123 0.0258666 0.790146
+-0.25273 0.557788 -0.0258668 0.790146
+-0.28867 0.540064 -0.0774893 0.786763
+-0.323374 0.520028 -0.12878 0.78001
+-0.356693 0.497765 -0.17952 0.769917
+-0.388485 0.47337 -0.22949 0.756528
+-0.418613 0.446949 -0.278478 0.739899
+-0.446949 0.418613 -0.326274 0.720101
+-0.47337 0.388485 -0.372672 0.69722
+-0.497765 0.356693 -0.417474 0.671353
+-0.520028 0.323374 -0.460489 0.642612
+-0.540064 0.28867 -0.501532 0.611118
+-0.557788 0.25273 -0.540427 0.577008
+-0.573123 0.215708 -0.577008 0.540427
+-0.586004 0.177762 -0.611118 0.501532
+-0.596375 0.139055 -0.642612 0.460489
+-0.604193 0.0997527 -0.671353 0.417474
+-0.609424 0.060023 -0.69722 0.372672
+-0.612045 0.0200363 -0.720101 0.326274
+0.645152 0.0211201 0.737738 -0.197676
+0.642389 0.0632698 0.749087 -0.149003
+0.636876 0.105149 0.757229 -0.099691
+0.628635 0.146577 0.762127 -0.0499525
+0.617702 0.187378 0.763763 5.69236e-10
+0.604125 0.227376 0.762127 0.0499525
+0.58796 0.266401 0.757229 0.099691
+0.569278 0.304285 0.749087 0.149003
+0.548158 0.340866 0.737738 0.197676
+0.52469 0.375988 0.72323 0.245503
+0.498976 0.409499 0.705625 0.292279
+0.471125 0.441257 0.684998 0.337804
+0.441257 0.471125 0.661438 0.381881
+0.409499 0.498976 0.635045 0.424324
+0.375988 0.52469 0.605934 0.464949
+0.340866 0.548158 0.574227 0.503584
+0.304285 0.569278 0.540062 0.540062
+0.266401 0.58796 0.503584 0.574227
+0.227376 0.604125 0.464949 0.605934
+0.187378 0.617702 0.424324 0.635045
+0.146577 0.628635 0.381881 0.661438
+0.105148 0.636876 0.337803 0.684998
+0.0632697 0.642389 0.292279 0.705625
+0.02112 0.645152 0.245503 0.72323
+-0.0211201 0.645152 0.197676 0.737738
+-0.0632698 0.642389 0.149003 0.749087
+-0.105149 0.636876 0.099691 0.757229
+-0.146577 0.628635 0.0499524 0.762127
+-0.187378 0.617702 -1.25002e-07 0.763763
+-0.227377 0.604125 -0.0499526 0.762127
+-0.266401 0.58796 -0.0996911 0.757229
+-0.304285 0.569278 -0.149003 0.749087
+-0.340866 0.548158 -0.197676 0.737738
+-0.375988 0.52469 -0.245504 0.72323
+-0.409499 0.498976 -0.292279 0.705625
+-0.441257 0.471125 -0.337804 0.684998
+-0.471125 0.441257 -0.381881 0.661438
+-0.498976 0.409499 -0.424324 0.635045
+-0.52469 0.375988 -0.464949 0.605934
+-0.548158 0.340866 -0.503584 0.574227
+-0.569278 0.304285 -0.540062 0.540062
+-0.58796 0.266401 -0.574227 0.503584
+-0.604125 0.227376 -0.605934 0.464949
+-0.617702 0.187378 -0.635045 0.424324
+-0.628635 0.146577 -0.661438 0.381881
+-0.636876 0.105149 -0.684998 0.337804
+-0.642389 0.0632698 -0.705625 0.292279
+-0.645152 0.0211201 -0.72323 0.245504
+0.645152 0.0211201 0.684998 -0.337804
+0.642389 0.0632698 0.705625 -0.292279
+0.636876 0.105149 0.72323 -0.245503
+0.628635 0.146577 0.737738 -0.197676
+0.617702 0.187378 0.749087 -0.149003
+0.604125 0.227376 0.757229 -0.099691
+0.58796 0.266401 0.762127 -0.0499525
+0.569278 0.304285 0.763763 1.61233e-08
+0.548158 0.340866 0.762127 0.0499525
+0.52469 0.375988 0.757229 0.099691
+0.498976 0.409499 0.749087 0.149003
+0.471125 0.441257 0.737738 0.197676
+0.441257 0.471125 0.72323 0.245503
+0.409499 0.498976 0.705625 0.292279
+0.375988 0.52469 0.684998 0.337804
+0.340866 0.548158 0.661438 0.381881
+0.304285 0.569278 0.635045 0.424324
+0.266401 0.58796 0.605934 0.464949
+0.227376 0.604125 0.574227 0.503584
+0.187378 0.617702 0.540062 0.540062
+0.146577 0.628635 0.503584 0.574227
+0.105148 0.636876 0.464949 0.605934
+0.0632697 0.642389 0.424324 0.635045
+0.02112 0.645152 0.381881 0.661438
+-0.0211201 0.645152 0.337804 0.684998
+-0.0632698 0.642389 0.292279 0.705625
+-0.105149 0.636876 0.245503 0.72323
+-0.146577 0.628635 0.197676 0.737738
+-0.187378 0.617702 0.149003 0.749087
+-0.227377 0.604125 0.0996909 0.757229
+-0.266401 0.58796 0.0499524 0.762127
+-0.304285 0.569278 8.70629e-08 0.763763
+-0.340866 0.548158 -0.0499525 0.762127
+-0.375988 0.52469 -0.0996911 0.757229
+-0.409499 0.498976 -0.149003 0.749087
+-0.441257 0.471125 -0.197676 0.737738
+-0.471125 0.441257 -0.245503 0.72323
+-0.498976 0.409499 -0.292279 0.705625
+-0.52469 0.375988 -0.337804 0.684998
+-0.548158 0.340866 -0.381881 0.661438
+-0.569278 0.304285 -0.424324 0.635045
+-0.58796 0.266401 -0.464949 0.605934
+-0.604125 0.227376 -0.503584 0.574227
+-0.617702 0.187378 -0.540062 0.540062
+-0.628635 0.146577 -0.574227 0.503584
+-0.636876 0.105149 -0.605934 0.464949
+-0.642389 0.0632698 -0.635045 0.424324
+-0.645152 0.0211201 -0.661438 0.381881
+0.676641 0.0221509 0.688808 -0.259249
+0.673743 0.0663579 0.704289 -0.213644
+0.667961 0.110281 0.716754 -0.167124
+0.659318 0.153731 0.72615 -0.119888
+0.647852 0.196524 0.732436 -0.0721387
+0.633611 0.238474 0.735586 -0.0240806
+0.616658 0.279404 0.735586 0.0240806
+0.597064 0.319137 0.732436 0.0721387
+0.574913 0.357504 0.72615 0.119888
+0.5503 0.394339 0.716754 0.167124
+0.523331 0.429486 0.704289 0.213644
+0.49412 0.462794 0.688808 0.259249
+0.462794 0.49412 0.670378 0.303744
+0.429486 0.523331 0.649076 0.346939
+0.394339 0.5503 0.624996 0.388647
+0.357504 0.574913 0.598239 0.428692
+0.319137 0.597064 0.56892 0.466901
+0.279404 0.616658 0.537165 0.50311
+0.238474 0.633611 0.50311 0.537165
+0.196524 0.647852 0.466901 0.56892
+0.153731 0.659318 0.428692 0.598239
+0.110281 0.667961 0.388647 0.624996
+0.0663578 0.673743 0.346939 0.649077
+0.0221508 0.676641 0.303744 0.670378
+-0.022151 0.676641 0.259249 0.688808
+-0.066358 0.673743 0.213644 0.704289
+-0.110281 0.667961 0.167124 0.716754
+-0.153731 0.659318 0.119888 0.72615
+-0.196524 0.647852 0.0721385 0.732436
+-0.238475 0.633611 0.0240805 0.735586
+-0.279404 0.616658 -0.0240807 0.735586
+-0.319137 0.597064 -0.0721386 0.732436
+-0.357504 0.574913 -0.119888 0.72615
+-0.394339 0.5503 -0.167124 0.716754
+-0.429486 0.523331 -0.213644 0.704289
+-0.462794 0.49412 -0.259249 0.688808
+-0.49412 0.462794 -0.303744 0.670378
+-0.523331 0.429486 -0.346939 0.649076
+-0.5503 0.394339 -0.388647 0.624996
+-0.574913 0.357504 -0.428692 0.598239
+-0.597063 0.319137 -0.466901 0.56892
+-0.616658 0.279404 -0.50311 0.537165
+-0.633611 0.238474 -0.537165 0.50311
+-0.647852 0.196524 -0.56892 0.466901
+-0.659318 0.153731 -0.598239 0.428692
+-0.667961 0.110281 -0.624996 0.388647
+-0.673743 0.0663579 -0.649076 0.346939
+-0.676641 0.022151 -0.670378 0.303744
+0.676641 0.0221509 0.72615 -0.119888
+0.673743 0.0663579 0.732436 -0.0721387
+0.667961 0.110281 0.735586 -0.0240806
+0.659318 0.153731 0.735586 0.0240806
+0.647852 0.196524 0.732436 0.0721387
+0.633611 0.238474 0.72615 0.119888
+0.616658 0.279404 0.716754 0.167124
+0.597064 0.319137 0.704289 0.213644
+0.574913 0.357504 0.688808 0.259249
+0.5503 0.394339 0.670378 0.303744
+0.523331 0.429486 0.649076 0.346939
+0.49412 0.462794 0.624996 0.388647
+0.462794 0.49412 0.598239 0.428692
+0.429486 0.523331 0.56892 0.466901
+0.394339 0.5503 0.537165 0.50311
+0.357504 0.574913 0.50311 0.537165
+0.319137 0.597064 0.466901 0.56892
+0.279404 0.616658 0.428692 0.598239
+0.238474 0.633611 0.388647 0.624996
+0.196524 0.647852 0.346939 0.649076
+0.153731 0.659318 0.303744 0.670378
+0.110281 0.667961 0.259249 0.688808
+0.0663578 0.673743 0.213644 0.704289
+0.0221508 0.676641 0.167124 0.716754
+-0.022151 0.676641 0.119888 0.72615
+-0.066358 0.673743 0.0721386 0.732436
+-0.110281 0.667961 0.0240805 0.735586
+-0.153731 0.659318 -0.0240806 0.735586
+-0.196524 0.647852 -0.0721388 0.732436
+-0.238475 0.633611 -0.119888 0.72615
+-0.279404 0.616658 -0.167124 0.716754
+-0.319137 0.597064 -0.213644 0.704289
+-0.357504 0.574913 -0.259249 0.688808
+-0.394339 0.5503 -0.303744 0.670378
+-0.429486 0.523331 -0.346939 0.649076
+-0.462794 0.49412 -0.388647 0.624996
+-0.49412 0.462794 -0.428692 0.598239
+-0.523331 0.429486 -0.466901 0.56892
+-0.5503 0.394339 -0.50311 0.537165
+-0.574913 0.357504 -0.537165 0.50311
+-0.597063 0.319137 -0.56892 0.466901
+-0.616658 0.279404 -0.598239 0.428692
+-0.633611 0.238474 -0.624996 0.388647
+-0.647852 0.196524 -0.649076 0.346939
+-0.659318 0.153731 -0.670378 0.303744
+-0.667961 0.110281 -0.688808 0.259249
+-0.673743 0.0663579 -0.704289 0.213644
+-0.676641 0.022151 -0.716754 0.167124
+0.706728 0.0231359 0.705593 -0.046247
+0.703702 0.0693086 0.707107 1.93179e-09
+0.697662 0.115184 0.705593 0.046247
+0.688635 0.160567 0.701057 0.092296
+0.676659 0.205262 0.69352 0.13795
+0.661785 0.249078 0.683013 0.183013
+0.644078 0.291828 0.669581 0.227292
+0.623612 0.333328 0.653281 0.270598
+0.600477 0.3734 0.634185 0.312745
+0.574769 0.411874 0.612372 0.353553
+0.546601 0.448584 0.587938 0.392847
+0.516092 0.483373 0.560986 0.430459
+0.483373 0.516092 0.531631 0.466228
+0.448584 0.546601 0.5 0.5
+0.411874 0.574769 0.466228 0.531631
+0.3734 0.600477 0.430459 0.560986
+0.333328 0.623613 0.392847 0.587938
+0.291828 0.644078 0.353553 0.612372
+0.249078 0.661785 0.312745 0.634185
+0.205262 0.676659 0.270598 0.653281
+0.160567 0.688635 0.227292 0.669581
+0.115184 0.697662 0.183013 0.683013
+0.0693085 0.703702 0.13795 0.69352
+0.0231358 0.706728 0.0922959 0.701057
+-0.023136 0.706728 0.0462469 0.705593
+-0.0693086 0.703702 -5.91822e-08 0.707107
+-0.115185 0.697662 -0.046247 0.705593
+-0.160567 0.688635 -0.092296 0.701057
+-0.205262 0.676659 -0.13795 0.69352
+-0.249078 0.661785 -0.183013 0.683013
+-0.291828 0.644078 -0.227292 0.669581
+-0.333328 0.623613 -0.270598 0.653282
+-0.3734 0.600477 -0.312745 0.634185
+-0.411874 0.574769 -0.353553 0.612372
+-0.448584 0.546601 -0.392847 0.587938
+-0.483373 0.516092 -0.430459 0.560985
+-0.516092 0.483373 -0.466228 0.531631
+-0.546601 0.448584 -0.5 0.5
+-0.574769 0.411874 -0.531631 0.466228
+-0.600477 0.3734 -0.560986 0.430459
+-0.623612 0.333328 -0.587938 0.392848
+-0.644078 0.291828 -0.612372 0.353553
+-0.661785 0.249078 -0.634185 0.312745
+-0.676659 0.205262 -0.653281 0.270598
+-0.688635 0.160567 -0.669581 0.227292
+-0.697662 0.115185 -0.683013 0.183013
+-0.703702 0.0693086 -0.69352 0.13795
+-0.706728 0.0231359 -0.701057 0.092296
+0.706728 0.0231359 0.683013 -0.183013
+0.703702 0.0693086 0.69352 -0.13795
+0.697662 0.115184 0.701057 -0.092296
+0.688635 0.160567 0.705593 -0.046247
+0.676659 0.205262 0.707107 5.2701e-10
+0.661785 0.249078 0.705593 0.046247
+0.644078 0.291828 0.701057 0.092296
+0.623612 0.333328 0.69352 0.13795
+0.600477 0.3734 0.683013 0.183013
+0.574769 0.411874 0.669581 0.227292
+0.546601 0.448584 0.653281 0.270598
+0.516092 0.483373 0.634185 0.312745
+0.483373 0.516092 0.612372 0.353553
+0.448584 0.546601 0.587938 0.392847
+0.411874 0.574769 0.560986 0.430459
+0.3734 0.600477 0.531631 0.466228
+0.333328 0.623613 0.5 0.5
+0.291828 0.644078 0.466228 0.531631
+0.249078 0.661785 0.430459 0.560986
+0.205262 0.676659 0.392847 0.587938
+0.160567 0.688635 0.353553 0.612372
+0.115184 0.697662 0.312745 0.634185
+0.0693085 0.703702 0.270598 0.653282
+0.0231358 0.706728 0.227292 0.669581
+-0.023136 0.706728 0.183013 0.683013
+-0.0693086 0.703702 0.13795 0.69352
+-0.115185 0.697662 0.0922959 0.701057
+-0.160567 0.688635 0.046247 0.705593
+-0.205262 0.676659 -1.15729e-07 0.707107
+-0.249078 0.661785 -0.0462471 0.705593
+-0.291828 0.644078 -0.0922961 0.701057
+-0.333328 0.623613 -0.13795 0.69352
+-0.3734 0.600477 -0.183013 0.683013
+-0.411874 0.574769 -0.227292 0.669581
+-0.448584 0.546601 -0.270598 0.653281
+-0.483373 0.516092 -0.312745 0.634185
+-0.516092 0.483373 -0.353553 0.612372
+-0.546601 0.448584 -0.392848 0.587938
+-0.574769 0.411874 -0.430459 0.560986
+-0.600477 0.3734 -0.466228 0.531631
+-0.623612 0.333328 -0.5 0.5
+-0.644078 0.291828 -0.531631 0.466228
+-0.661785 0.249078 -0.560986 0.430459
+-0.676659 0.205262 -0.587938 0.392847
+-0.688635 0.160567 -0.612372 0.353553
+-0.697662 0.115185 -0.634185 0.312745
+-0.703702 0.0693086 -0.653281 0.270598
+-0.706728 0.0231359 -0.669581 0.227292
+0.735586 0.0240806 0.667961 -0.110281
+0.732436 0.0721387 0.673743 -0.0663579
+0.72615 0.119888 0.676641 -0.0221509
+0.716754 0.167124 0.676641 0.0221509
+0.704289 0.213644 0.673743 0.0663579
+0.688808 0.259249 0.667961 0.110281
+0.670378 0.303744 0.659318 0.153731
+0.649076 0.346939 0.647852 0.196524
+0.624996 0.388647 0.633611 0.238474
+0.598239 0.428692 0.616658 0.279404
+0.56892 0.466901 0.597064 0.319137
+0.537165 0.50311 0.574913 0.357504
+0.50311 0.537165 0.5503 0.394339
+0.466901 0.56892 0.523331 0.429486
+0.428692 0.598239 0.49412 0.462794
+0.388647 0.624996 0.462794 0.49412
+0.346939 0.649077 0.429486 0.523331
+0.303744 0.670378 0.394339 0.5503
+0.259249 0.688808 0.357504 0.574913
+0.213644 0.704289 0.319137 0.597064
+0.167124 0.716754 0.279404 0.616658
+0.119888 0.72615 0.238474 0.633611
+0.0721386 0.732436 0.196524 0.647852
+0.0240805 0.735586 0.153731 0.659318
+-0.0240807 0.735586 0.110281 0.667961
+-0.0721387 0.732436 0.0663579 0.673743
+-0.119888 0.72615 0.0221509 0.676641
+-0.167124 0.716754 -0.022151 0.676641
+-0.213644 0.704289 -0.066358 0.673743
+-0.259249 0.688808 -0.110281 0.667961
+-0.303744 0.670378 -0.153731 0.659318
+-0.346939 0.649077 -0.196524 0.647852
+-0.388647 0.624996 -0.238474 0.633611
+-0.428692 0.598239 -0.279404 0.616658
+-0.466901 0.56892 -0.319137 0.597064
+-0.50311 0.537165 -0.357504 0.574913
+-0.537165 0.50311 -0.394339 0.5503
+-0.56892 0.466901 -0.429486 0.523331
+-0.598239 0.428692 -0.462794 0.49412
+-0.624996 0.388647 -0.49412 0.462794
+-0.649076 0.346939 -0.523331 0.429486
+-0.670378 0.303744 -0.5503 0.394339
+-0.688808 0.259249 -0.574913 0.357504
+-0.704289 0.213644 -0.597064 0.319137
+-0.716754 0.167124 -0.616658 0.279404
+-0.72615 0.119888 -0.633611 0.238474
+-0.732436 0.0721386 -0.647852 0.196524
+-0.735586 0.0240807 -0.659318 0.153731
+0.676641 0.0221509 0.624996 -0.388647
+0.673743 0.0663579 0.649076 -0.346939
+0.667961 0.110281 0.670378 -0.303744
+0.659318 0.153731 0.688808 -0.259249
+0.647852 0.196524 0.704289 -0.213644
+0.633611 0.238474 0.716754 -0.167124
+0.616658 0.279404 0.72615 -0.119888
+0.597064 0.319137 0.732436 -0.0721386
+0.574913 0.357504 0.735586 -0.0240806
+0.5503 0.394339 0.735586 0.0240806
+0.523331 0.429486 0.732436 0.0721386
+0.49412 0.462794 0.72615 0.119888
+0.462794 0.49412 0.716754 0.167124
+0.429486 0.523331 0.704289 0.213644
+0.394339 0.5503 0.688808 0.259249
+0.357504 0.574913 0.670378 0.303744
+0.319137 0.597064 0.649076 0.346939
+0.279404 0.616658 0.624996 0.388647
+0.238474 0.633611 0.598239 0.428692
+0.196524 0.647852 0.56892 0.466901
+0.153731 0.659318 0.537165 0.50311
+0.110281 0.667961 0.50311 0.537165
+0.0663578 0.673743 0.466901 0.56892
+0.0221508 0.676641 0.428692 0.598239
+-0.022151 0.676641 0.388647 0.624996
+-0.066358 0.673743 0.346939 0.649077
+-0.110281 0.667961 0.303744 0.670378
+-0.153731 0.659318 0.259249 0.688808
+-0.196524 0.647852 0.213644 0.704289
+-0.238475 0.633611 0.167123 0.716754
+-0.279404 0.616658 0.119888 0.72615
+-0.319137 0.597064 0.0721387 0.732436
+-0.357504 0.574913 0.0240806 0.735586
+-0.394339 0.5503 -0.0240807 0.735586
+-0.429486 0.523331 -0.0721386 0.732436
+-0.462794 0.49412 -0.119888 0.72615
+-0.49412 0.462794 -0.167124 0.716754
+-0.523331 0.429486 -0.213644 0.704289
+-0.5503 0.394339 -0.259249 0.688808
+-0.574913 0.357504 -0.303744 0.670378
+-0.597063 0.319137 -0.346939 0.649077
+-0.616658 0.279404 -0.388647 0.624996
+-0.633611 0.238474 -0.428692 0.598239
+-0.647852 0.196524 -0.466901 0.56892
+-0.659318 0.153731 -0.50311 0.537165
+-0.667961 0.110281 -0.537165 0.50311
+-0.673743 0.0663579 -0.56892 0.466901
+-0.676641 0.022151 -0.598239 0.428692
+0.706728 0.0231359 0.634185 -0.312745
+0.703702 0.0693086 0.653281 -0.270598
+0.697662 0.115184 0.669581 -0.227292
+0.688635 0.160567 0.683013 -0.183013
+0.676659 0.205262 0.69352 -0.13795
+0.661785 0.249078 0.701057 -0.092296
+0.644078 0.291828 0.705593 -0.046247
+0.623612 0.333328 0.707107 1.49273e-08
+0.600477 0.3734 0.705593 0.046247
+0.574769 0.411874 0.701057 0.092296
+0.546601 0.448584 0.69352 0.13795
+0.516092 0.483373 0.683013 0.183013
+0.483373 0.516092 0.669581 0.227292
+0.448584 0.546601 0.653281 0.270598
+0.411874 0.574769 0.634185 0.312745
+0.3734 0.600477 0.612372 0.353553
+0.333328 0.623613 0.587938 0.392848
+0.291828 0.644078 0.560985 0.430459
+0.249078 0.661785 0.531631 0.466228
+0.205262 0.676659 0.5 0.5
+0.160567 0.688635 0.466228 0.531631
+0.115184 0.697662 0.430459 0.560986
+0.0693085 0.703702 0.392847 0.587938
+0.0231358 0.706728 0.353553 0.612372
+-0.023136 0.706728 0.312745 0.634185
+-0.0693086 0.703702 0.270598 0.653282
+-0.115185 0.697662 0.227292 0.669581
+-0.160567 0.688635 0.183013 0.683013
+-0.205262 0.676659 0.13795 0.69352
+-0.249078 0.661785 0.0922959 0.701057
+-0.291828 0.644078 0.0462469 0.705593
+-0.333328 0.623613 8.06046e-08 0.707107
+-0.3734 0.600477 -0.046247 0.705593
+-0.411874 0.574769 -0.092296 0.701057
+-0.448584 0.546601 -0.13795 0.69352
+-0.483373 0.516092 -0.183013 0.683013
+-0.516092 0.483373 -0.227292 0.669581
+-0.546601 0.448584 -0.270598 0.653281
+-0.574769 0.411874 -0.312745 0.634185
+-0.600477 0.3734 -0.353553 0.612372
+-0.623612 0.333328 -0.392847 0.587938
+-0.644078 0.291828 -0.430459 0.560986
+-0.661785 0.249078 -0.466228 0.531631
+-0.676659 0.205262 -0.5 0.5
+-0.688635 0.160567 -0.531631 0.466228
+-0.697662 0.115185 -0.560986 0.430459
+-0.703702 0.0693086 -0.587938 0.392847
+-0.706728 0.0231359 -0.612372 0.353553
+0.706728 0.0231359 0.560986 -0.430459
+0.703702 0.0693086 0.587938 -0.392847
+0.697662 0.115184 0.612372 -0.353553
+0.688635 0.160567 0.634185 -0.312745
+0.676659 0.205262 0.653281 -0.270598
+0.661785 0.249078 0.669581 -0.227292
+0.644078 0.291828 0.683013 -0.183013
+0.623612 0.333328 0.69352 -0.13795
+0.600477 0.3734 0.701057 -0.092296
+0.574769 0.411874 0.705593 -0.046247
+0.546601 0.448584 0.707107 -1.28193e-08
+0.516092 0.483373 0.705593 0.046247
+0.483373 0.516092 0.701057 0.092296
+0.448584 0.546601 0.69352 0.13795
+0.411874 0.574769 0.683013 0.183013
+0.3734 0.600477 0.669581 0.227292
+0.333328 0.623613 0.653281 0.270598
+0.291828 0.644078 0.634185 0.312745
+0.249078 0.661785 0.612372 0.353553
+0.205262 0.676659 0.587938 0.392848
+0.160567 0.688635 0.560986 0.430459
+0.115184 0.697662 0.531631 0.466228
+0.0693085 0.703702 0.5 0.5
+0.0231358 0.706728 0.466228 0.531631
+-0.023136 0.706728 0.430459 0.560986
+-0.0693086 0.703702 0.392847 0.587938
+-0.115185 0.697662 0.353553 0.612372
+-0.160567 0.688635 0.312745 0.634185
+-0.205262 0.676659 0.270598 0.653282
+-0.249078 0.661785 0.227292 0.669581
+-0.291828 0.644078 0.183013 0.683013
+-0.333328 0.623613 0.13795 0.69352
+-0.3734 0.600477 0.092296 0.701057
+-0.411874 0.574769 0.0462469 0.705593
+-0.448584 0.546601 2.40575e-08 0.707107
+-0.483373 0.516092 -0.046247 0.705593
+-0.516092 0.483373 -0.0922959 0.701057
+-0.546601 0.448584 -0.13795 0.69352
+-0.574769 0.411874 -0.183013 0.683013
+-0.600477 0.3734 -0.227292 0.669581
+-0.623612 0.333328 -0.270598 0.653282
+-0.644078 0.291828 -0.312745 0.634185
+-0.661785 0.249078 -0.353553 0.612372
+-0.676659 0.205262 -0.392847 0.587938
+-0.688635 0.160567 -0.430459 0.560985
+-0.697662 0.115185 -0.466228 0.531631
+-0.703702 0.0693086 -0.5 0.5
+-0.706728 0.0231359 -0.531631 0.466228
+0.735586 0.0240806 0.574913 -0.357504
+0.732436 0.0721387 0.597064 -0.319137
+0.72615 0.119888 0.616658 -0.279404
+0.716754 0.167124 0.633611 -0.238474
+0.704289 0.213644 0.647852 -0.196524
+0.688808 0.259249 0.659318 -0.153731
+0.670378 0.303744 0.667961 -0.110281
+0.649076 0.346939 0.673743 -0.0663579
+0.624996 0.388647 0.676641 -0.0221509
+0.598239 0.428692 0.676641 0.0221509
+0.56892 0.466901 0.673743 0.0663579
+0.537165 0.50311 0.667961 0.110281
+0.50311 0.537165 0.659318 0.153731
+0.466901 0.56892 0.647852 0.196524
+0.428692 0.598239 0.633611 0.238474
+0.388647 0.624996 0.616658 0.279404
+0.346939 0.649077 0.597063 0.319137
+0.303744 0.670378 0.574913 0.357504
+0.259249 0.688808 0.5503 0.394339
+0.213644 0.704289 0.523331 0.429486
+0.167124 0.716754 0.49412 0.462794
+0.119888 0.72615 0.462794 0.49412
+0.0721386 0.732436 0.429486 0.523331
+0.0240805 0.735586 0.394339 0.5503
+-0.0240807 0.735586 0.357504 0.574913
+-0.0721387 0.732436 0.319137 0.597064
+-0.119888 0.72615 0.279404 0.616658
+-0.167124 0.716754 0.238474 0.633611
+-0.213644 0.704289 0.196524 0.647852
+-0.259249 0.688808 0.153731 0.659318
+-0.303744 0.670378 0.110281 0.667961
+-0.346939 0.649077 0.066358 0.673743
+-0.388647 0.624996 0.0221509 0.676641
+-0.428692 0.598239 -0.022151 0.676641
+-0.466901 0.56892 -0.0663579 0.673743
+-0.50311 0.537165 -0.110281 0.667961
+-0.537165 0.50311 -0.153731 0.659318
+-0.56892 0.466901 -0.196524 0.647852
+-0.598239 0.428692 -0.238474 0.633611
+-0.624996 0.388647 -0.279404 0.616658
+-0.649076 0.346939 -0.319137 0.597064
+-0.670378 0.303744 -0.357504 0.574913
+-0.688808 0.259249 -0.394339 0.5503
+-0.704289 0.213644 -0.429486 0.523331
+-0.716754 0.167124 -0.462794 0.49412
+-0.72615 0.119888 -0.49412 0.462794
+-0.732436 0.0721386 -0.523331 0.429486
+-0.735586 0.0240807 -0.5503 0.394339
+0.735586 0.0240806 0.633611 -0.238474
+0.732436 0.0721387 0.647852 -0.196524
+0.72615 0.119888 0.659318 -0.153731
+0.716754 0.167124 0.667961 -0.110281
+0.704289 0.213644 0.673743 -0.0663579
+0.688808 0.259249 0.676641 -0.0221509
+0.670378 0.303744 0.676641 0.0221509
+0.649076 0.346939 0.673743 0.0663579
+0.624996 0.388647 0.667961 0.110281
+0.598239 0.428692 0.659318 0.153731
+0.56892 0.466901 0.647852 0.196524
+0.537165 0.50311 0.633611 0.238474
+0.50311 0.537165 0.616658 0.279404
+0.466901 0.56892 0.597064 0.319137
+0.428692 0.598239 0.574913 0.357504
+0.388647 0.624996 0.5503 0.394339
+0.346939 0.649077 0.523331 0.429486
+0.303744 0.670378 0.49412 0.462794
+0.259249 0.688808 0.462794 0.49412
+0.213644 0.704289 0.429486 0.523331
+0.167124 0.716754 0.394339 0.5503
+0.119888 0.72615 0.357504 0.574913
+0.0721386 0.732436 0.319137 0.597064
+0.0240805 0.735586 0.279404 0.616658
+-0.0240807 0.735586 0.238474 0.633611
+-0.0721387 0.732436 0.196524 0.647852
+-0.119888 0.72615 0.153731 0.659318
+-0.167124 0.716754 0.110281 0.667961
+-0.213644 0.704289 0.0663578 0.673743
+-0.259249 0.688808 0.0221508 0.676641
+-0.303744 0.670378 -0.022151 0.676641
+-0.346939 0.649077 -0.0663578 0.673743
+-0.388647 0.624996 -0.110281 0.667961
+-0.428692 0.598239 -0.153731 0.659318
+-0.466901 0.56892 -0.196524 0.647852
+-0.50311 0.537165 -0.238474 0.633611
+-0.537165 0.50311 -0.279404 0.616658
+-0.56892 0.466901 -0.319137 0.597064
+-0.598239 0.428692 -0.357504 0.574913
+-0.624996 0.388647 -0.394339 0.5503
+-0.649076 0.346939 -0.429486 0.523331
+-0.670378 0.303744 -0.462794 0.49412
+-0.688808 0.259249 -0.49412 0.462794
+-0.704289 0.213644 -0.523331 0.429486
+-0.716754 0.167124 -0.5503 0.394339
+-0.72615 0.119888 -0.574913 0.357504
+-0.732436 0.0721386 -0.597064 0.319137
+-0.735586 0.0240807 -0.616658 0.279404
+0.763354 0.0249896 0.623502 -0.167067
+0.760085 0.0748618 0.633094 -0.12593
+0.753561 0.124413 0.639975 -0.0842543
+0.743811 0.173432 0.644115 -0.0422175
+0.730875 0.221709 0.645497 4.81092e-10
+0.71481 0.269035 0.644115 0.0422175
+0.695684 0.31521 0.639975 0.0842543
+0.673578 0.360035 0.633094 0.12593
+0.648589 0.403318 0.623502 0.167067
+0.620822 0.444875 0.611241 0.207488
+0.590396 0.484526 0.596362 0.247021
+0.557443 0.522102 0.578929 0.285496
+0.522102 0.557443 0.559017 0.322749
+0.484526 0.590396 0.536711 0.358619
+0.444875 0.620822 0.512107 0.392954
+0.403318 0.648589 0.48531 0.425606
+0.360035 0.673579 0.456435 0.456436
+0.31521 0.695684 0.425606 0.485311
+0.269035 0.71481 0.392954 0.512107
+0.221709 0.730875 0.358619 0.536711
+0.173432 0.743811 0.322749 0.559017
+0.124413 0.753561 0.285496 0.578929
+0.0748617 0.760085 0.247021 0.596362
+0.0249895 0.763354 0.207488 0.611241
+-0.0249897 0.763354 0.167067 0.623502
+-0.0748619 0.760085 0.12593 0.633094
+-0.124414 0.753561 0.0842542 0.639975
+-0.173432 0.743811 0.0422175 0.644115
+-0.221709 0.730875 -1.05646e-07 0.645497
+-0.269036 0.71481 -0.0422176 0.644115
+-0.31521 0.695684 -0.0842544 0.639975
+-0.360035 0.673579 -0.12593 0.633094
+-0.403318 0.648589 -0.167067 0.623502
+-0.444875 0.620822 -0.207488 0.611241
+-0.484526 0.590397 -0.247021 0.596362
+-0.522102 0.557443 -0.285496 0.578929
+-0.557443 0.522102 -0.322749 0.559017
+-0.590397 0.484526 -0.358619 0.536711
+-0.620822 0.444875 -0.392954 0.512107
+-0.648589 0.403318 -0.425606 0.485311
+-0.673578 0.360035 -0.456435 0.456436
+-0.695684 0.31521 -0.485311 0.425606
+-0.71481 0.269035 -0.512107 0.392954
+-0.730875 0.221709 -0.536711 0.358619
+-0.743811 0.173432 -0.559017 0.322749
+-0.753561 0.124414 -0.578929 0.285496
+-0.760085 0.0748618 -0.596362 0.247021
+-0.763354 0.0249897 -0.611241 0.207488
+0.763354 0.0249896 0.578929 -0.285496
+0.760085 0.0748618 0.596362 -0.247021
+0.753561 0.124413 0.611241 -0.207488
+0.743811 0.173432 0.623502 -0.167067
+0.730875 0.221709 0.633094 -0.12593
+0.71481 0.269035 0.639975 -0.0842543
+0.695684 0.31521 0.644115 -0.0422175
+0.673578 0.360035 0.645497 1.36267e-08
+0.648589 0.403318 0.644115 0.0422175
+0.620822 0.444875 0.639975 0.0842543
+0.590396 0.484526 0.633094 0.12593
+0.557443 0.522102 0.623502 0.167067
+0.522102 0.557443 0.611241 0.207488
+0.484526 0.590396 0.596362 0.247021
+0.444875 0.620822 0.578929 0.285496
+0.403318 0.648589 0.559017 0.322749
+0.360035 0.673579 0.536711 0.358619
+0.31521 0.695684 0.512107 0.392954
+0.269035 0.71481 0.48531 0.425606
+0.221709 0.730875 0.456435 0.456435
+0.173432 0.743811 0.425606 0.485311
+0.124413 0.753561 0.392954 0.512107
+0.0748617 0.760085 0.358619 0.536711
+0.0249895 0.763354 0.322749 0.559017
+-0.0249897 0.763354 0.285496 0.578929
+-0.0748619 0.760085 0.247021 0.596362
+-0.124414 0.753561 0.207488 0.611241
+-0.173432 0.743811 0.167067 0.623502
+-0.221709 0.730875 0.12593 0.633094
+-0.269036 0.71481 0.0842542 0.639975
+-0.31521 0.695684 0.0422174 0.644115
+-0.360035 0.673579 7.35816e-08 0.645497
+-0.403318 0.648589 -0.0422175 0.644115
+-0.444875 0.620822 -0.0842544 0.639975
+-0.484526 0.590397 -0.12593 0.633094
+-0.522102 0.557443 -0.167067 0.623502
+-0.557443 0.522102 -0.207488 0.611241
+-0.590397 0.484526 -0.247021 0.596362
+-0.620822 0.444875 -0.285496 0.578929
+-0.648589 0.403318 -0.322749 0.559017
+-0.673578 0.360035 -0.358619 0.536711
+-0.695684 0.31521 -0.392954 0.512107
+-0.71481 0.269035 -0.425606 0.48531
+-0.730875 0.221709 -0.456435 0.456435
+-0.743811 0.173432 -0.485311 0.425606
+-0.753561 0.124414 -0.512107 0.392954
+-0.760085 0.0748618 -0.536711 0.358619
+-0.763354 0.0249897 -0.559017 0.322749
+0.790146 0.0258667 0.573123 -0.215708
+0.786763 0.0774894 0.586004 -0.177762
+0.78001 0.12878 0.596375 -0.139055
+0.769917 0.17952 0.604193 -0.0997527
+0.756528 0.22949 0.609424 -0.060023
+0.739899 0.278478 0.612045 -0.0200363
+0.720101 0.326274 0.612045 0.0200363
+0.69722 0.372672 0.609424 0.060023
+0.671353 0.417474 0.604193 0.0997527
+0.642612 0.460489 0.596375 0.139055
+0.611118 0.501532 0.586004 0.177762
+0.577008 0.540427 0.573123 0.215708
+0.540427 0.577008 0.557788 0.25273
+0.501532 0.611118 0.540064 0.28867
+0.460489 0.642612 0.520028 0.323374
+0.417474 0.671353 0.497765 0.356693
+0.372672 0.69722 0.47337 0.388485
+0.326274 0.720101 0.446949 0.418613
+0.278478 0.739899 0.418613 0.446949
+0.22949 0.756528 0.388485 0.47337
+0.17952 0.769917 0.356693 0.497765
+0.12878 0.78001 0.323374 0.520028
+0.0774893 0.786763 0.28867 0.540064
+0.0258666 0.790146 0.25273 0.557788
+-0.0258668 0.790146 0.215708 0.573123
+-0.0774894 0.786763 0.177762 0.586004
+-0.12878 0.78001 0.139055 0.596375
+-0.17952 0.769917 0.0997527 0.604193
+-0.22949 0.756528 0.0600229 0.609424
+-0.278478 0.739899 0.0200362 0.612045
+-0.326274 0.720101 -0.0200363 0.612045
+-0.372672 0.69722 -0.0600229 0.609424
+-0.417474 0.671353 -0.0997527 0.604193
+-0.460489 0.642612 -0.139055 0.596375
+-0.501532 0.611118 -0.177762 0.586004
+-0.540427 0.577008 -0.215708 0.573123
+-0.577008 0.540427 -0.25273 0.557788
+-0.611118 0.501532 -0.28867 0.540064
+-0.642612 0.460489 -0.323374 0.520028
+-0.671353 0.417474 -0.356693 0.497765
+-0.69722 0.372672 -0.388485 0.47337
+-0.720101 0.326274 -0.418613 0.446949
+-0.739899 0.278478 -0.446949 0.418613
+-0.756528 0.22949 -0.47337 0.388485
+-0.769917 0.179519 -0.497765 0.356693
+-0.78001 0.12878 -0.520028 0.323374
+-0.786763 0.0774893 -0.540064 0.28867
+-0.790146 0.0258668 -0.557788 0.25273
+0.735586 0.0240806 0.676641 0.0221509
+0.732436 0.0721387 0.673743 0.0663579
+0.72615 0.119888 0.667961 0.110281
+0.716754 0.167124 0.659318 0.153731
+0.704289 0.213644 0.647852 0.196524
+0.688808 0.259249 0.633611 0.238474
+0.670378 0.303744 0.616658 0.279404
+0.649076 0.346939 0.597064 0.319137
+0.624996 0.388647 0.574913 0.357504
+0.598239 0.428692 0.5503 0.394339
+0.56892 0.466901 0.523331 0.429486
+0.537165 0.50311 0.49412 0.462794
+0.50311 0.537165 0.462794 0.49412
+0.466901 0.56892 0.429486 0.523331
+0.428692 0.598239 0.394339 0.5503
+0.388647 0.624996 0.357504 0.574913
+0.346939 0.649077 0.319137 0.597064
+0.303744 0.670378 0.279404 0.616658
+0.259249 0.688808 0.238474 0.633611
+0.213644 0.704289 0.196524 0.647852
+0.167124 0.716754 0.153731 0.659318
+0.119888 0.72615 0.110281 0.667961
+0.0721386 0.732436 0.0663578 0.673743
+0.0240805 0.735586 0.0221508 0.676641
+-0.0240807 0.735586 -0.022151 0.676641
+-0.0721387 0.732436 -0.066358 0.673743
+-0.119888 0.72615 -0.110281 0.667961
+-0.167124 0.716754 -0.153731 0.659318
+-0.213644 0.704289 -0.196524 0.647852
+-0.259249 0.688808 -0.238475 0.633611
+-0.303744 0.670378 -0.279404 0.616658
+-0.346939 0.649077 -0.319137 0.597064
+-0.388647 0.624996 -0.357504 0.574913
+-0.428692 0.598239 -0.394339 0.5503
+-0.466901 0.56892 -0.429486 0.523331
+-0.50311 0.537165 -0.462794 0.49412
+-0.537165 0.50311 -0.49412 0.462794
+-0.56892 0.466901 -0.523331 0.429486
+-0.598239 0.428692 -0.5503 0.394339
+-0.624996 0.388647 -0.574913 0.357504
+-0.649076 0.346939 -0.597063 0.319137
+-0.670378 0.303744 -0.616658 0.279404
+-0.688808 0.259249 -0.633611 0.238474
+-0.704289 0.213644 -0.647852 0.196524
+-0.716754 0.167124 -0.659318 0.153731
+-0.72615 0.119888 -0.667961 0.110281
+-0.732436 0.0721386 -0.673743 0.0663579
+-0.735586 0.0240807 -0.676641 0.022151
+0.763354 0.0249896 0.639975 0.0842543
+0.760085 0.0748618 0.633094 0.12593
+0.753561 0.124413 0.623502 0.167067
+0.743811 0.173432 0.611241 0.207488
+0.730875 0.221709 0.596362 0.247021
+0.71481 0.269035 0.578929 0.285496
+0.695684 0.31521 0.559017 0.322749
+0.673578 0.360035 0.536711 0.358619
+0.648589 0.403318 0.512107 0.392954
+0.620822 0.444875 0.485311 0.425606
+0.590396 0.484526 0.456435 0.456435
+0.557443 0.522102 0.425606 0.485311
+0.522102 0.557443 0.392954 0.512107
+0.484526 0.590396 0.358619 0.536711
+0.444875 0.620822 0.322749 0.559017
+0.403318 0.648589 0.285496 0.578929
+0.360035 0.673579 0.247021 0.596362
+0.31521 0.695684 0.207488 0.611241
+0.269035 0.71481 0.167067 0.623502
+0.221709 0.730875 0.12593 0.633094
+0.173432 0.743811 0.0842543 0.639975
+0.124413 0.753561 0.0422175 0.644115
+0.0748617 0.760085 -7.93547e-08 0.645497
+0.0249895 0.763354 -0.0422176 0.644115
+-0.0249897 0.763354 -0.0842544 0.639975
+-0.0748619 0.760085 -0.12593 0.633094
+-0.124414 0.753561 -0.167067 0.623502
+-0.173432 0.743811 -0.207488 0.611241
+-0.221709 0.730875 -0.247021 0.596362
+-0.269036 0.71481 -0.285496 0.578929
+-0.31521 0.695684 -0.322749 0.559017
+-0.360035 0.673579 -0.358619 0.536711
+-0.403318 0.648589 -0.392954 0.512107
+-0.444875 0.620822 -0.425606 0.48531
+-0.484526 0.590397 -0.456435 0.456435
+-0.522102 0.557443 -0.485311 0.425606
+-0.557443 0.522102 -0.512107 0.392954
+-0.590397 0.484526 -0.536711 0.358619
+-0.620822 0.444875 -0.559017 0.322749
+-0.648589 0.403318 -0.578929 0.285496
+-0.673578 0.360035 -0.596362 0.247021
+-0.695684 0.31521 -0.611241 0.207488
+-0.71481 0.269035 -0.623502 0.167067
+-0.730875 0.221709 -0.633094 0.12593
+-0.743811 0.173432 -0.639975 0.0842542
+-0.753561 0.124414 -0.644115 0.0422176
+-0.760085 0.0748618 -0.645497 -3.0621e-08
+-0.763354 0.0249897 -0.644115 -0.0422175
+0.763354 0.0249896 0.644115 -0.0422175
+0.760085 0.0748618 0.645497 1.76347e-09
+0.753561 0.124413 0.644115 0.0422175
+0.743811 0.173432 0.639975 0.0842543
+0.730875 0.221709 0.633094 0.12593
+0.71481 0.269035 0.623502 0.167067
+0.695684 0.31521 0.611241 0.207488
+0.673578 0.360035 0.596362 0.247021
+0.648589 0.403318 0.578929 0.285496
+0.620822 0.444875 0.559017 0.322749
+0.590396 0.484526 0.536711 0.358619
+0.557443 0.522102 0.512107 0.392954
+0.522102 0.557443 0.485311 0.425606
+0.484526 0.590396 0.456435 0.456435
+0.444875 0.620822 0.425606 0.485311
+0.403318 0.648589 0.392954 0.512107
+0.360035 0.673579 0.358619 0.536711
+0.31521 0.695684 0.322749 0.559017
+0.269035 0.71481 0.285496 0.578929
+0.221709 0.730875 0.247021 0.596362
+0.173432 0.743811 0.207488 0.611241
+0.124413 0.753561 0.167067 0.623502
+0.0748617 0.760085 0.12593 0.633094
+0.0249895 0.763354 0.0842542 0.639975
+-0.0249897 0.763354 0.0422175 0.644115
+-0.0748619 0.760085 -5.40257e-08 0.645497
+-0.124414 0.753561 -0.0422176 0.644115
+-0.173432 0.743811 -0.0842543 0.639975
+-0.221709 0.730875 -0.12593 0.633094
+-0.269036 0.71481 -0.167067 0.623502
+-0.31521 0.695684 -0.207488 0.611241
+-0.360035 0.673579 -0.247021 0.596362
+-0.403318 0.648589 -0.285496 0.578929
+-0.444875 0.620822 -0.322749 0.559017
+-0.484526 0.590397 -0.358619 0.536711
+-0.522102 0.557443 -0.392954 0.512107
+-0.557443 0.522102 -0.425606 0.485311
+-0.590397 0.484526 -0.456435 0.456435
+-0.620822 0.444875 -0.48531 0.425606
+-0.648589 0.403318 -0.512107 0.392954
+-0.673578 0.360035 -0.536711 0.358619
+-0.695684 0.31521 -0.559017 0.322749
+-0.71481 0.269035 -0.578929 0.285496
+-0.730875 0.221709 -0.596362 0.247021
+-0.743811 0.173432 -0.611241 0.207488
+-0.753561 0.124414 -0.623502 0.167067
+-0.760085 0.0748618 -0.633094 0.12593
+-0.763354 0.0249897 -0.639975 0.0842543
+0.790146 0.0258667 0.612045 0.0200363
+0.786763 0.0774894 0.609424 0.060023
+0.78001 0.12878 0.604193 0.0997527
+0.769917 0.17952 0.596375 0.139055
+0.756528 0.22949 0.586004 0.177762
+0.739899 0.278478 0.573123 0.215708
+0.720101 0.326274 0.557788 0.25273
+0.69722 0.372672 0.540064 0.28867
+0.671353 0.417474 0.520028 0.323374
+0.642612 0.460489 0.497765 0.356693
+0.611118 0.501532 0.47337 0.388485
+0.577008 0.540427 0.446949 0.418613
+0.540427 0.577008 0.418613 0.446949
+0.501532 0.611118 0.388485 0.47337
+0.460489 0.642612 0.356693 0.497765
+0.417474 0.671353 0.323374 0.520028
+0.372672 0.69722 0.28867 0.540064
+0.326274 0.720101 0.25273 0.557788
+0.278478 0.739899 0.215708 0.573123
+0.22949 0.756528 0.177762 0.586004
+0.17952 0.769917 0.139055 0.596375
+0.12878 0.78001 0.0997526 0.604193
+0.0774893 0.786763 0.0600229 0.609424
+0.0258666 0.790146 0.0200362 0.612045
+-0.0258668 0.790146 -0.0200363 0.612045
+-0.0774894 0.786763 -0.060023 0.609424
+-0.12878 0.78001 -0.0997527 0.604193
+-0.17952 0.769917 -0.139055 0.596375
+-0.22949 0.756528 -0.177762 0.586004
+-0.278478 0.739899 -0.215708 0.573123
+-0.326274 0.720101 -0.25273 0.557788
+-0.372672 0.69722 -0.28867 0.540064
+-0.417474 0.671353 -0.323374 0.520028
+-0.460489 0.642612 -0.356693 0.497765
+-0.501532 0.611118 -0.388485 0.47337
+-0.540427 0.577008 -0.418613 0.446949
+-0.577008 0.540427 -0.446949 0.418613
+-0.611118 0.501532 -0.47337 0.388485
+-0.642612 0.460489 -0.497765 0.356693
+-0.671353 0.417474 -0.520028 0.323374
+-0.69722 0.372672 -0.540064 0.28867
+-0.720101 0.326274 -0.557788 0.25273
+-0.739899 0.278478 -0.573123 0.215708
+-0.756528 0.22949 -0.586004 0.177762
+-0.769917 0.179519 -0.596375 0.139055
+-0.78001 0.12878 -0.604193 0.0997527
+-0.786763 0.0774893 -0.609424 0.060023
+-0.790146 0.0258668 -0.612045 0.0200363
+0.790146 0.0258667 0.596375 0.139055
+0.786763 0.0774894 0.586004 0.177762
+0.78001 0.12878 0.573123 0.215708
+0.769917 0.17952 0.557788 0.25273
+0.756528 0.22949 0.540064 0.28867
+0.739899 0.278478 0.520028 0.323374
+0.720101 0.326274 0.497765 0.356693
+0.69722 0.372672 0.47337 0.388485
+0.671353 0.417474 0.446949 0.418613
+0.642612 0.460489 0.418613 0.446949
+0.611118 0.501532 0.388485 0.47337
+0.577008 0.540427 0.356693 0.497765
+0.540427 0.577008 0.323374 0.520028
+0.501532 0.611118 0.28867 0.540064
+0.460489 0.642612 0.25273 0.557788
+0.417474 0.671353 0.215708 0.573123
+0.372672 0.69722 0.177762 0.586004
+0.326274 0.720101 0.139055 0.596375
+0.278478 0.739899 0.0997527 0.604193
+0.22949 0.756528 0.060023 0.609424
+0.17952 0.769917 0.0200362 0.612045
+0.12878 0.78001 -0.0200363 0.612045
+0.0774893 0.786763 -0.0600231 0.609424
+0.0258666 0.790146 -0.0997528 0.604193
+-0.0258668 0.790146 -0.139055 0.596375
+-0.0774894 0.786763 -0.177762 0.586004
+-0.12878 0.78001 -0.215708 0.573123
+-0.17952 0.769917 -0.25273 0.557788
+-0.22949 0.756528 -0.28867 0.540064
+-0.278478 0.739899 -0.323374 0.520028
+-0.326274 0.720101 -0.356693 0.497765
+-0.372672 0.69722 -0.388485 0.47337
+-0.417474 0.671353 -0.418613 0.446949
+-0.460489 0.642612 -0.446949 0.418613
+-0.501532 0.611118 -0.47337 0.388485
+-0.540427 0.577008 -0.497765 0.356693
+-0.577008 0.540427 -0.520028 0.323374
+-0.611118 0.501532 -0.540064 0.28867
+-0.642612 0.460489 -0.557788 0.25273
+-0.671353 0.417474 -0.573123 0.215708
+-0.69722 0.372672 -0.586004 0.177762
+-0.720101 0.326274 -0.596375 0.139055
+-0.739899 0.278478 -0.604193 0.0997526
+-0.756528 0.22949 -0.609424 0.060023
+-0.769917 0.179519 -0.612045 0.0200362
+-0.78001 0.12878 -0.612045 -0.0200362
+-0.786763 0.0774893 -0.609424 -0.060023
+-0.790146 0.0258668 -0.604193 -0.0997526
+0.816059 0.026715 0.54671 0.185583
+0.812565 0.0800307 0.533402 0.220942
+0.805591 0.133004 0.51781 0.255355
+0.795167 0.185407 0.5 0.288675
+0.781339 0.237016 0.480049 0.320759
+0.764164 0.287611 0.458043 0.351469
+0.743717 0.336974 0.434075 0.380673
+0.720086 0.384894 0.408248 0.408248
+0.693371 0.431166 0.380673 0.434075
+0.663687 0.475591 0.351469 0.458043
+0.63116 0.51798 0.320759 0.480049
+0.595932 0.558151 0.288675 0.5
+0.558151 0.595932 0.255355 0.51781
+0.51798 0.63116 0.220942 0.533402
+0.475591 0.663687 0.185583 0.54671
+0.431166 0.693371 0.149429 0.557678
+0.384894 0.720086 0.112635 0.566257
+0.336974 0.743717 0.0753593 0.572411
+0.287611 0.764164 0.0377605 0.576114
+0.237016 0.781339 -2.48065e-08 0.57735
+0.185407 0.795167 -0.0377605 0.576114
+0.133003 0.805591 -0.0753594 0.572411
+0.0800306 0.812565 -0.112636 0.566257
+0.0267149 0.816059 -0.149429 0.557678
+-0.0267151 0.816059 -0.185583 0.54671
+-0.0800307 0.812565 -0.220942 0.533402
+-0.133004 0.805591 -0.255356 0.51781
+-0.185407 0.795167 -0.288675 0.5
+-0.237017 0.781338 -0.320759 0.480049
+-0.287611 0.764164 -0.351469 0.458043
+-0.336974 0.743717 -0.380674 0.434075
+-0.384894 0.720086 -0.408248 0.408248
+-0.431166 0.693371 -0.434075 0.380673
+-0.475591 0.663686 -0.458043 0.351469
+-0.51798 0.63116 -0.480049 0.320759
+-0.558151 0.595931 -0.5 0.288675
+-0.595931 0.558151 -0.51781 0.255356
+-0.63116 0.51798 -0.533402 0.220942
+-0.663686 0.475591 -0.54671 0.185583
+-0.693371 0.431166 -0.557678 0.149429
+-0.720086 0.384894 -0.566257 0.112636
+-0.743717 0.336974 -0.572411 0.0753593
+-0.764164 0.287611 -0.576114 0.0377605
+-0.781339 0.237016 -0.57735 1.87823e-08
+-0.795167 0.185407 -0.576114 -0.0377606
+-0.805591 0.133004 -0.572411 -0.0753593
+-0.812565 0.0800306 -0.566257 -0.112635
+-0.816059 0.0267151 -0.557678 -0.149429
+0.816059 0.026715 0.572411 0.0753593
+0.812565 0.0800307 0.566257 0.112635
+0.805591 0.133004 0.557678 0.149429
+0.795167 0.185407 0.54671 0.185583
+0.781339 0.237016 0.533402 0.220942
+0.764164 0.287611 0.51781 0.255355
+0.743717 0.336974 0.5 0.288675
+0.720086 0.384894 0.480049 0.320759
+0.693371 0.431166 0.458043 0.351469
+0.663687 0.475591 0.434075 0.380673
+0.63116 0.51798 0.408248 0.408248
+0.595932 0.558151 0.380673 0.434075
+0.558151 0.595932 0.351469 0.458043
+0.51798 0.63116 0.320759 0.480049
+0.475591 0.663687 0.288675 0.5
+0.431166 0.693371 0.255355 0.51781
+0.384894 0.720086 0.220942 0.533402
+0.336974 0.743717 0.185583 0.54671
+0.287611 0.764164 0.149429 0.557678
+0.237016 0.781339 0.112635 0.566257
+0.185407 0.795167 0.0753593 0.572411
+0.133003 0.805591 0.0377604 0.576114
+0.0800306 0.812565 -7.0977e-08 0.57735
+0.0267149 0.816059 -0.0377606 0.576114
+-0.0267151 0.816059 -0.0753594 0.572411
+-0.0800307 0.812565 -0.112635 0.566257
+-0.133004 0.805591 -0.149429 0.557678
+-0.185407 0.795167 -0.185583 0.54671
+-0.237017 0.781338 -0.220942 0.533402
+-0.287611 0.764164 -0.255356 0.51781
+-0.336974 0.743717 -0.288675 0.5
+-0.384894 0.720086 -0.320759 0.480049
+-0.431166 0.693371 -0.351469 0.458043
+-0.475591 0.663686 -0.380674 0.434075
+-0.51798 0.63116 -0.408248 0.408248
+-0.558151 0.595931 -0.434075 0.380673
+-0.595931 0.558151 -0.458043 0.351469
+-0.63116 0.51798 -0.480049 0.320759
+-0.663686 0.475591 -0.5 0.288675
+-0.693371 0.431166 -0.51781 0.255355
+-0.720086 0.384894 -0.533402 0.220942
+-0.743717 0.336974 -0.54671 0.185583
+-0.764164 0.287611 -0.557678 0.149429
+-0.781339 0.237016 -0.566257 0.112635
+-0.795167 0.185407 -0.572411 0.0753593
+-0.805591 0.133004 -0.576114 0.0377605
+-0.812565 0.0800306 -0.57735 -2.73883e-08
+-0.816059 0.0267151 -0.576114 -0.0377605
+0.841175 0.0275372 0.525954 0.122635
+0.837573 0.0824937 0.516807 0.156772
+0.830384 0.137097 0.505447 0.190237
+0.81964 0.191113 0.491923 0.222887
+0.805385 0.244311 0.476292 0.254583
+0.787682 0.296463 0.458622 0.285189
+0.766606 0.347345 0.438987 0.314574
+0.742247 0.396739 0.417473 0.342612
+0.71471 0.444435 0.394172 0.369182
+0.684112 0.490228 0.369182 0.394172
+0.650585 0.533921 0.342612 0.417473
+0.614272 0.575329 0.314574 0.438987
+0.575329 0.614272 0.285189 0.458622
+0.533922 0.650585 0.254583 0.476292
+0.490228 0.684112 0.222887 0.491923
+0.444435 0.71471 0.190237 0.505447
+0.396739 0.742247 0.156772 0.516807
+0.347345 0.766606 0.122635 0.525954
+0.296463 0.787682 0.0879736 0.532848
+0.244311 0.805385 0.0529353 0.537461
+0.191113 0.81964 0.0176703 0.539773
+0.137097 0.830384 -0.0176704 0.539773
+0.0824936 0.837573 -0.0529354 0.537461
+0.0275371 0.841175 -0.0879737 0.532848
+-0.0275373 0.841175 -0.122635 0.525954
+-0.0824938 0.837573 -0.156772 0.516807
+-0.137097 0.830384 -0.190237 0.505447
+-0.191113 0.81964 -0.222887 0.491923
+-0.244311 0.805385 -0.254583 0.476292
+-0.296463 0.787682 -0.285189 0.458622
+-0.347345 0.766606 -0.314574 0.438987
+-0.396739 0.742247 -0.342611 0.417473
+-0.444435 0.71471 -0.369182 0.394172
+-0.490228 0.684112 -0.394172 0.369182
+-0.533921 0.650585 -0.417473 0.342612
+-0.575329 0.614272 -0.438987 0.314574
+-0.614272 0.575329 -0.458622 0.285189
+-0.650585 0.533921 -0.476292 0.254583
+-0.684112 0.490228 -0.491923 0.222887
+-0.71471 0.444435 -0.505447 0.190237
+-0.742247 0.39674 -0.516807 0.156772
+-0.766606 0.347345 -0.525954 0.122635
+-0.787682 0.296463 -0.532848 0.0879736
+-0.805385 0.244311 -0.537461 0.0529353
+-0.81964 0.191113 -0.539773 0.0176703
+-0.830384 0.137097 -0.539773 -0.0176703
+-0.837573 0.0824937 -0.537461 -0.0529353
+-0.841175 0.0275373 -0.532848 -0.0879736
+0.790146 0.0258667 0.604193 -0.0997527
+0.786763 0.0774894 0.609424 -0.060023
+0.78001 0.12878 0.612045 -0.0200363
+0.769917 0.17952 0.612045 0.0200363
+0.756528 0.22949 0.609424 0.060023
+0.739899 0.278478 0.604193 0.0997527
+0.720101 0.326274 0.596375 0.139055
+0.69722 0.372672 0.586004 0.177762
+0.671353 0.417474 0.573123 0.215708
+0.642612 0.460489 0.557788 0.25273
+0.611118 0.501532 0.540064 0.28867
+0.577008 0.540427 0.520028 0.323374
+0.540427 0.577008 0.497765 0.356693
+0.501532 0.611118 0.47337 0.388485
+0.460489 0.642612 0.446949 0.418613
+0.417474 0.671353 0.418613 0.446949
+0.372672 0.69722 0.388485 0.47337
+0.326274 0.720101 0.356693 0.497765
+0.278478 0.739899 0.323374 0.520028
+0.22949 0.756528 0.28867 0.540064
+0.17952 0.769917 0.25273 0.557788
+0.12878 0.78001 0.215708 0.573123
+0.0774893 0.786763 0.177762 0.586004
+0.0258666 0.790146 0.139055 0.596375
+-0.0258668 0.790146 0.0997526 0.604193
+-0.0774894 0.786763 0.0600229 0.609424
+-0.12878 0.78001 0.0200362 0.612045
+-0.17952 0.769917 -0.0200363 0.612045
+-0.22949 0.756528 -0.0600231 0.609424
+-0.278478 0.739899 -0.0997528 0.604193
+-0.326274 0.720101 -0.139055 0.596375
+-0.372672 0.69722 -0.177762 0.586004
+-0.417474 0.671353 -0.215708 0.573123
+-0.460489 0.642612 -0.25273 0.557788
+-0.501532 0.611118 -0.28867 0.540064
+-0.540427 0.577008 -0.323374 0.520028
+-0.577008 0.540427 -0.356693 0.497765
+-0.611118 0.501532 -0.388485 0.47337
+-0.642612 0.460489 -0.418613 0.446949
+-0.671353 0.417474 -0.446949 0.418613
+-0.69722 0.372672 -0.47337 0.388485
+-0.720101 0.326274 -0.497765 0.356693
+-0.739899 0.278478 -0.520028 0.323374
+-0.756528 0.22949 -0.540064 0.28867
+-0.769917 0.179519 -0.557788 0.25273
+-0.78001 0.12878 -0.573123 0.215708
+-0.786763 0.0774893 -0.586004 0.177762
+-0.790146 0.0258668 -0.596375 0.139055
+0.816059 0.026715 0.576114 -0.0377605
+0.812565 0.0800307 0.57735 1.5773e-09
+0.805591 0.133004 0.576114 0.0377605
+0.795167 0.185407 0.572411 0.0753593
+0.781339 0.237016 0.566257 0.112635
+0.764164 0.287611 0.557678 0.149429
+0.743717 0.336974 0.54671 0.185583
+0.720086 0.384894 0.533402 0.220942
+0.693371 0.431166 0.51781 0.255355
+0.663687 0.475591 0.5 0.288675
+0.63116 0.51798 0.480049 0.320759
+0.595932 0.558151 0.458043 0.351469
+0.558151 0.595932 0.434075 0.380673
+0.51798 0.63116 0.408248 0.408248
+0.475591 0.663687 0.380673 0.434075
+0.431166 0.693371 0.351469 0.458043
+0.384894 0.720086 0.320759 0.480049
+0.336974 0.743717 0.288675 0.5
+0.287611 0.764164 0.255355 0.51781
+0.237016 0.781339 0.220942 0.533402
+0.185407 0.795167 0.185583 0.54671
+0.133003 0.805591 0.149429 0.557678
+0.0800306 0.812565 0.112635 0.566257
+0.0267149 0.816059 0.0753593 0.572411
+-0.0267151 0.816059 0.0377605 0.576114
+-0.0800307 0.812565 -4.83221e-08 0.57735
+-0.133004 0.805591 -0.0377606 0.576114
+-0.185407 0.795167 -0.0753594 0.572411
+-0.237017 0.781338 -0.112636 0.566257
+-0.287611 0.764164 -0.149429 0.557678
+-0.336974 0.743717 -0.185583 0.54671
+-0.384894 0.720086 -0.220942 0.533402
+-0.431166 0.693371 -0.255355 0.51781
+-0.475591 0.663686 -0.288675 0.5
+-0.51798 0.63116 -0.320759 0.480049
+-0.558151 0.595931 -0.351469 0.458043
+-0.595931 0.558151 -0.380673 0.434075
+-0.63116 0.51798 -0.408248 0.408248
+-0.663686 0.475591 -0.434075 0.380674
+-0.693371 0.431166 -0.458043 0.351469
+-0.720086 0.384894 -0.480049 0.320759
+-0.743717 0.336974 -0.5 0.288675
+-0.764164 0.287611 -0.51781 0.255355
+-0.781339 0.237016 -0.533402 0.220942
+-0.795167 0.185407 -0.54671 0.185583
+-0.805591 0.133004 -0.557678 0.149429
+-0.812565 0.0800306 -0.566257 0.112635
+-0.816059 0.0267151 -0.572411 0.0753594
+0.816059 0.026715 0.557678 -0.149429
+0.812565 0.0800307 0.566257 -0.112635
+0.805591 0.133004 0.572411 -0.0753593
+0.795167 0.185407 0.576114 -0.0377605
+0.781339 0.237016 0.57735 4.30302e-10
+0.764164 0.287611 0.576114 0.0377605
+0.743717 0.336974 0.572411 0.0753593
+0.720086 0.384894 0.566257 0.112635
+0.693371 0.431166 0.557678 0.149429
+0.663687 0.475591 0.54671 0.185583
+0.63116 0.51798 0.533402 0.220942
+0.595932 0.558151 0.51781 0.255356
+0.558151 0.595932 0.5 0.288675
+0.51798 0.63116 0.480049 0.320759
+0.475591 0.663687 0.458043 0.351469
+0.431166 0.693371 0.434075 0.380674
+0.384894 0.720086 0.408248 0.408248
+0.336974 0.743717 0.380673 0.434075
+0.287611 0.764164 0.351469 0.458043
+0.237016 0.781339 0.320759 0.480049
+0.185407 0.795167 0.288675 0.5
+0.133003 0.805591 0.255355 0.51781
+0.0800306 0.812565 0.220942 0.533402
+0.0267149 0.816059 0.185583 0.54671
+-0.0267151 0.816059 0.149429 0.557678
+-0.0800307 0.812565 0.112635 0.566257
+-0.133004 0.805591 0.0753593 0.572411
+-0.185407 0.795167 0.0377605 0.576114
+-0.237017 0.781338 -9.44926e-08 0.57735
+-0.287611 0.764164 -0.0377606 0.576114
+-0.336974 0.743717 -0.0753594 0.572411
+-0.384894 0.720086 -0.112635 0.566257
+-0.431166 0.693371 -0.149429 0.557678
+-0.475591 0.663686 -0.185583 0.54671
+-0.51798 0.63116 -0.220942 0.533402
+-0.558151 0.595931 -0.255356 0.51781
+-0.595931 0.558151 -0.288675 0.5
+-0.63116 0.51798 -0.320759 0.480049
+-0.663686 0.475591 -0.351469 0.458043
+-0.693371 0.431166 -0.380673 0.434075
+-0.720086 0.384894 -0.408248 0.408248
+-0.743717 0.336974 -0.434075 0.380673
+-0.764164 0.287611 -0.458043 0.351469
+-0.781339 0.237016 -0.480049 0.320759
+-0.795167 0.185407 -0.5 0.288675
+-0.805591 0.133004 -0.51781 0.255356
+-0.812565 0.0800306 -0.533402 0.220942
+-0.816059 0.0267151 -0.54671 0.185583
+0.841175 0.0275372 0.532848 -0.0879736
+0.837573 0.0824937 0.537461 -0.0529353
+0.830384 0.137097 0.539773 -0.0176703
+0.81964 0.191113 0.539773 0.0176703
+0.805385 0.244311 0.537461 0.0529353
+0.787682 0.296463 0.532848 0.0879736
+0.766606 0.347345 0.525954 0.122635
+0.742247 0.396739 0.516807 0.156772
+0.71471 0.444435 0.505447 0.190237
+0.684112 0.490228 0.491923 0.222887
+0.650585 0.533921 0.476292 0.254583
+0.614272 0.575329 0.458622 0.285189
+0.575329 0.614272 0.438987 0.314574
+0.533922 0.650585 0.417473 0.342612
+0.490228 0.684112 0.394172 0.369182
+0.444435 0.71471 0.369182 0.394172
+0.396739 0.742247 0.342611 0.417473
+0.347345 0.766606 0.314574 0.438987
+0.296463 0.787682 0.285189 0.458622
+0.244311 0.805385 0.254583 0.476292
+0.191113 0.81964 0.222887 0.491923
+0.137097 0.830384 0.190237 0.505447
+0.0824936 0.837573 0.156772 0.516807
+0.0275371 0.841175 0.122635 0.525954
+-0.0275373 0.841175 0.0879736 0.532848
+-0.0824938 0.837573 0.0529353 0.537461
+-0.137097 0.830384 0.0176703 0.539773
+-0.191113 0.81964 -0.0176704 0.539773
+-0.244311 0.805385 -0.0529354 0.537461
+-0.296463 0.787682 -0.0879737 0.532848
+-0.347345 0.766606 -0.122635 0.525954
+-0.396739 0.742247 -0.156772 0.516807
+-0.444435 0.71471 -0.190237 0.505447
+-0.490228 0.684112 -0.222887 0.491923
+-0.533921 0.650585 -0.254583 0.476292
+-0.575329 0.614272 -0.285189 0.458622
+-0.614272 0.575329 -0.314574 0.438987
+-0.650585 0.533921 -0.342612 0.417473
+-0.684112 0.490228 -0.369182 0.394172
+-0.71471 0.444435 -0.394172 0.369182
+-0.742247 0.39674 -0.417473 0.342612
+-0.766606 0.347345 -0.438987 0.314574
+-0.787682 0.296463 -0.458622 0.285189
+-0.805385 0.244311 -0.476292 0.254583
+-0.81964 0.191113 -0.491923 0.222887
+-0.830384 0.137097 -0.505447 0.190237
+-0.837573 0.0824937 -0.516807 0.156772
+-0.841175 0.0275373 -0.525954 0.122635
+0.841175 0.0275372 0.539773 0.0176703
+0.837573 0.0824937 0.537461 0.0529353
+0.830384 0.137097 0.532848 0.0879736
+0.81964 0.191113 0.525954 0.122635
+0.805385 0.244311 0.516807 0.156772
+0.787682 0.296463 0.505447 0.190237
+0.766606 0.347345 0.491923 0.222887
+0.742247 0.396739 0.476292 0.254583
+0.71471 0.444435 0.458622 0.285189
+0.684112 0.490228 0.438987 0.314574
+0.650585 0.533921 0.417473 0.342612
+0.614272 0.575329 0.394172 0.369182
+0.575329 0.614272 0.369182 0.394172
+0.533922 0.650585 0.342612 0.417473
+0.490228 0.684112 0.314574 0.438987
+0.444435 0.71471 0.285189 0.458622
+0.396739 0.742247 0.254583 0.476292
+0.347345 0.766606 0.222887 0.491923
+0.296463 0.787682 0.190237 0.505447
+0.244311 0.805385 0.156772 0.516807
+0.191113 0.81964 0.122635 0.525954
+0.137097 0.830384 0.0879735 0.532848
+0.0824936 0.837573 0.0529352 0.537461
+0.0275371 0.841175 0.0176703 0.539773
+-0.0275373 0.841175 -0.0176704 0.539773
+-0.0824938 0.837573 -0.0529354 0.537461
+-0.137097 0.830384 -0.0879736 0.532848
+-0.191113 0.81964 -0.122635 0.525954
+-0.244311 0.805385 -0.156772 0.516807
+-0.296463 0.787682 -0.190237 0.505447
+-0.347345 0.766606 -0.222887 0.491923
+-0.396739 0.742247 -0.254583 0.476292
+-0.444435 0.71471 -0.285189 0.458622
+-0.490228 0.684112 -0.314574 0.438987
+-0.533921 0.650585 -0.342612 0.417473
+-0.575329 0.614272 -0.369182 0.394172
+-0.614272 0.575329 -0.394172 0.369182
+-0.650585 0.533921 -0.417473 0.342612
+-0.684112 0.490228 -0.438987 0.314574
+-0.71471 0.444435 -0.458622 0.285189
+-0.742247 0.39674 -0.476292 0.254583
+-0.766606 0.347345 -0.491923 0.222887
+-0.787682 0.296463 -0.505447 0.190237
+-0.805385 0.244311 -0.516807 0.156772
+-0.81964 0.191113 -0.525954 0.122635
+-0.830384 0.137097 -0.532848 0.0879736
+-0.837573 0.0824937 -0.537461 0.0529353
+-0.841175 0.0275373 -0.539773 0.0176704
+0.865562 0.0283356 0.495722 0.0652631
+0.861855 0.0848853 0.490393 0.0975452
+0.854458 0.141072 0.482963 0.12941
+0.843402 0.196654 0.473465 0.16072
+0.828735 0.251394 0.46194 0.191342
+0.810518 0.305057 0.448436 0.221144
+0.788831 0.357415 0.433013 0.25
+0.763766 0.408242 0.415735 0.277785
+0.735431 0.45732 0.396677 0.304381
+0.703946 0.50444 0.37592 0.329673
+0.669447 0.549401 0.353553 0.353553
+0.632081 0.592008 0.329673 0.37592
+0.592008 0.632081 0.304381 0.396677
+0.549401 0.669447 0.277785 0.415735
+0.50444 0.703946 0.25 0.433013
+0.45732 0.735431 0.221144 0.448436
+0.408241 0.763766 0.191342 0.46194
+0.357415 0.788831 0.16072 0.473465
+0.305057 0.810518 0.129409 0.482963
+0.251394 0.828735 0.0975451 0.490393
+0.196654 0.843402 0.0652631 0.495722
+0.141072 0.854458 0.0327015 0.498929
+0.0848852 0.861855 -6.14679e-08 0.5
+0.0283355 0.865562 -0.0327016 0.498929
+-0.0283356 0.865562 -0.0652631 0.495722
+-0.0848854 0.861855 -0.0975452 0.490393
+-0.141072 0.854458 -0.12941 0.482963
+-0.196654 0.843402 -0.16072 0.473465
+-0.251394 0.828735 -0.191342 0.46194
+-0.305058 0.810518 -0.221144 0.448436
+-0.357415 0.788831 -0.25 0.433013
+-0.408241 0.763766 -0.277785 0.415735
+-0.45732 0.735431 -0.304381 0.396677
+-0.504441 0.703946 -0.329673 0.37592
+-0.549401 0.669447 -0.353553 0.353553
+-0.592008 0.632081 -0.37592 0.329673
+-0.632081 0.592008 -0.396677 0.304381
+-0.669447 0.549401 -0.415735 0.277785
+-0.703946 0.504441 -0.433013 0.25
+-0.735431 0.45732 -0.448436 0.221144
+-0.763766 0.408242 -0.46194 0.191342
+-0.788831 0.357415 -0.473465 0.16072
+-0.810518 0.305057 -0.482963 0.129409
+-0.828735 0.251394 -0.490393 0.0975452
+-0.843402 0.196654 -0.495722 0.0652631
+-0.854458 0.141072 -0.498929 0.0327016
+-0.861855 0.0848853 -0.5 -2.3719e-08
+-0.865562 0.0283356 -0.498929 -0.0327015
+0.865562 0.0283356 0.498929 -0.0327016
+0.861855 0.0848853 0.5 1.36598e-09
+0.854458 0.141072 0.498929 0.0327016
+0.843402 0.196654 0.495722 0.0652631
+0.828735 0.251394 0.490393 0.0975452
+0.810518 0.305057 0.482963 0.12941
+0.788831 0.357415 0.473465 0.16072
+0.763766 0.408242 0.46194 0.191342
+0.735431 0.45732 0.448436 0.221144
+0.703946 0.50444 0.433013 0.25
+0.669447 0.549401 0.415735 0.277785
+0.632081 0.592008 0.396677 0.304381
+0.592008 0.632081 0.37592 0.329673
+0.549401 0.669447 0.353553 0.353553
+0.50444 0.703946 0.329673 0.37592
+0.45732 0.735431 0.304381 0.396677
+0.408241 0.763766 0.277785 0.415735
+0.357415 0.788831 0.25 0.433013
+0.305057 0.810518 0.221144 0.448436
+0.251394 0.828735 0.191342 0.46194
+0.196654 0.843402 0.16072 0.473465
+0.141072 0.854458 0.129409 0.482963
+0.0848852 0.861855 0.0975451 0.490393
+0.0283355 0.865562 0.065263 0.495722
+-0.0283356 0.865562 0.0327015 0.498929
+-0.0848854 0.861855 -4.18481e-08 0.5
+-0.141072 0.854458 -0.0327016 0.498929
+-0.196654 0.843402 -0.0652631 0.495722
+-0.251394 0.828735 -0.0975452 0.490393
+-0.305058 0.810518 -0.12941 0.482963
+-0.357415 0.788831 -0.16072 0.473465
+-0.408241 0.763766 -0.191342 0.46194
+-0.45732 0.735431 -0.221144 0.448436
+-0.504441 0.703946 -0.25 0.433013
+-0.549401 0.669447 -0.277785 0.415735
+-0.592008 0.632081 -0.304381 0.396677
+-0.632081 0.592008 -0.329673 0.37592
+-0.669447 0.549401 -0.353553 0.353553
+-0.703946 0.504441 -0.37592 0.329673
+-0.735431 0.45732 -0.396677 0.304381
+-0.763766 0.408242 -0.415735 0.277785
+-0.788831 0.357415 -0.433013 0.25
+-0.810518 0.305057 -0.448436 0.221144
+-0.828735 0.251394 -0.46194 0.191342
+-0.843402 0.196654 -0.473465 0.16072
+-0.854458 0.141072 -0.482963 0.12941
+-0.861855 0.0848853 -0.490393 0.0975451
+-0.865562 0.0283356 -0.495722 0.0652631
+0.88928 0.029112 0.456191 0.0149342
+0.885472 0.0872114 0.454238 0.0447385
+0.877872 0.144937 0.450339 0.0743513
+0.866513 0.202043 0.444512 0.103646
+0.851444 0.258283 0.436782 0.132496
+0.832728 0.313417 0.427181 0.160779
+0.810447 0.367209 0.415751 0.188374
+0.784695 0.419428 0.40254 0.215162
+0.755583 0.469852 0.387606 0.241029
+0.723236 0.518263 0.371012 0.265863
+0.687791 0.564456 0.352829 0.28956
+0.649401 0.608231 0.333136 0.312016
+0.608231 0.649401 0.312016 0.333136
+0.564456 0.687791 0.28956 0.352829
+0.518263 0.723236 0.265863 0.371012
+0.469852 0.755583 0.241029 0.387606
+0.419428 0.784695 0.215162 0.40254
+0.367209 0.810447 0.188374 0.415751
+0.313417 0.832728 0.160779 0.427181
+0.258283 0.851444 0.132496 0.436782
+0.202043 0.866513 0.103646 0.444512
+0.144937 0.877872 0.0743512 0.450339
+0.0872113 0.885472 0.0447384 0.454238
+0.0291119 0.88928 0.0149341 0.456191
+-0.0291121 0.88928 -0.0149342 0.456191
+-0.0872115 0.885472 -0.0447385 0.454238
+-0.144937 0.877872 -0.0743513 0.450339
+-0.202043 0.866513 -0.103646 0.444512
+-0.258283 0.851444 -0.132496 0.436781
+-0.313417 0.832728 -0.160779 0.427181
+-0.367209 0.810447 -0.188374 0.415751
+-0.419428 0.784695 -0.215162 0.40254
+-0.469852 0.755583 -0.241029 0.387606
+-0.518263 0.723236 -0.265864 0.371012
+-0.564456 0.687791 -0.28956 0.352829
+-0.608231 0.649401 -0.312016 0.333136
+-0.649401 0.608231 -0.333136 0.312016
+-0.687791 0.564456 -0.352829 0.28956
+-0.723236 0.518263 -0.371012 0.265864
+-0.755583 0.469852 -0.387606 0.241029
+-0.784695 0.419428 -0.40254 0.215162
+-0.810447 0.367209 -0.415751 0.188374
+-0.832728 0.313417 -0.427181 0.160779
+-0.851444 0.258283 -0.436782 0.132496
+-0.866513 0.202043 -0.444512 0.103646
+-0.877872 0.144937 -0.450339 0.0743513
+-0.885472 0.0872113 -0.454238 0.0447385
+-0.88928 0.0291121 -0.456191 0.0149342
+0.456191 0.0149342 -0.029112 0.88928
+0.454238 0.0447385 -0.0872114 0.885472
+0.450339 0.0743513 -0.144937 0.877872
+0.444512 0.103646 -0.202043 0.866513
+0.436782 0.132496 -0.258283 0.851444
+0.427181 0.160779 -0.313417 0.832728
+0.415751 0.188374 -0.367209 0.810447
+0.40254 0.215162 -0.419428 0.784695
+0.387606 0.241029 -0.469852 0.755583
+0.371012 0.265863 -0.518263 0.723236
+0.352829 0.28956 -0.564456 0.687791
+0.333136 0.312016 -0.608231 0.649401
+0.312016 0.333136 -0.649401 0.608231
+0.28956 0.352829 -0.687791 0.564456
+0.265863 0.371012 -0.723236 0.518263
+0.241029 0.387606 -0.755583 0.469852
+0.215162 0.40254 -0.784695 0.419428
+0.188374 0.415751 -0.810447 0.367209
+0.160779 0.427181 -0.832728 0.313417
+0.132496 0.436782 -0.851444 0.258283
+0.103646 0.444512 -0.866513 0.202043
+0.0743512 0.450339 -0.877872 0.144937
+0.0447384 0.454238 -0.885472 0.0872113
+0.0149341 0.456191 -0.88928 0.0291119
+-0.0149342 0.456191 -0.88928 -0.0291121
+-0.0447385 0.454238 -0.885472 -0.0872115
+-0.0743513 0.450339 -0.877872 -0.144937
+-0.103646 0.444512 -0.866513 -0.202043
+-0.132496 0.436781 -0.851444 -0.258283
+-0.160779 0.427181 -0.832728 -0.313417
+-0.188374 0.415751 -0.810447 -0.367209
+-0.215162 0.40254 -0.784695 -0.419428
+-0.241029 0.387606 -0.755583 -0.469852
+-0.265864 0.371012 -0.723236 -0.518263
+-0.28956 0.352829 -0.687791 -0.564456
+-0.312016 0.333136 -0.649401 -0.608231
+-0.333136 0.312016 -0.608231 -0.649401
+-0.352829 0.28956 -0.564456 -0.687791
+-0.371012 0.265864 -0.518263 -0.723236
+-0.387606 0.241029 -0.469852 -0.755583
+-0.40254 0.215162 -0.419428 -0.784695
+-0.415751 0.188374 -0.367209 -0.810447
+-0.427181 0.160779 -0.313417 -0.832728
+-0.436782 0.132496 -0.258283 -0.851444
+-0.444512 0.103646 -0.202043 -0.866513
+-0.450339 0.0743513 -0.144937 -0.877872
+-0.454238 0.0447385 -0.0872113 -0.885472
+-0.456191 0.0149342 -0.0291121 -0.88928
+0.499732 0.0163595 -0.113039 0.858616
+0.497592 0.0490086 -0.168953 0.849385
+0.493322 0.0814477 -0.224144 0.836516
+0.486938 0.113538 -0.278375 0.820066
+0.47847 0.145142 -0.331414 0.800103
+0.467953 0.176125 -0.383033 0.776715
+0.455432 0.206354 -0.433013 0.75
+0.440961 0.235698 -0.481138 0.720074
+0.424601 0.264034 -0.527203 0.687064
+0.406423 0.291239 -0.57101 0.651112
+0.386505 0.317197 -0.612372 0.612372
+0.364932 0.341796 -0.651112 0.57101
+0.341796 0.364932 -0.687064 0.527203
+0.317197 0.386505 -0.720074 0.481138
+0.291239 0.406423 -0.75 0.433013
+0.264034 0.424601 -0.776715 0.383033
+0.235698 0.440961 -0.800103 0.331414
+0.206353 0.455432 -0.820066 0.278375
+0.176125 0.467953 -0.836516 0.224144
+0.145142 0.47847 -0.849385 0.168953
+0.113538 0.486938 -0.858616 0.113039
+0.0814477 0.493322 -0.864171 0.0566407
+0.0490085 0.497592 -0.866025 -1.06466e-07
+0.0163595 0.499732 -0.864171 -0.0566409
+-0.0163596 0.499732 -0.858616 -0.113039
+-0.0490086 0.497592 -0.849385 -0.168953
+-0.0814478 0.493322 -0.836516 -0.224144
+-0.113538 0.486938 -0.820066 -0.278375
+-0.145142 0.47847 -0.800103 -0.331414
+-0.176125 0.467953 -0.776715 -0.383033
+-0.206354 0.455432 -0.75 -0.433013
+-0.235698 0.440961 -0.720074 -0.481138
+-0.264034 0.424601 -0.687064 -0.527203
+-0.291239 0.406423 -0.651112 -0.57101
+-0.317197 0.386505 -0.612372 -0.612372
+-0.341796 0.364932 -0.57101 -0.651112
+-0.364932 0.341796 -0.527203 -0.687064
+-0.386505 0.317197 -0.481138 -0.720074
+-0.406423 0.291239 -0.433013 -0.75
+-0.424601 0.264034 -0.383033 -0.776715
+-0.440961 0.235698 -0.331414 -0.800103
+-0.455432 0.206354 -0.278375 -0.820066
+-0.467953 0.176125 -0.224144 -0.836516
+-0.47847 0.145142 -0.168953 -0.849385
+-0.486938 0.113538 -0.113039 -0.858616
+-0.493322 0.0814478 -0.0566408 -0.864171
+-0.497592 0.0490085 4.10824e-08 -0.866025
+-0.499732 0.0163596 0.0566407 -0.864171
+0.499732 0.0163595 0.0566408 0.864171
+0.497592 0.0490086 -2.36595e-09 0.866025
+0.493322 0.0814477 -0.0566408 0.864171
+0.486938 0.113538 -0.113039 0.858616
+0.47847 0.145142 -0.168953 0.849385
+0.467953 0.176125 -0.224144 0.836516
+0.455432 0.206354 -0.278375 0.820066
+0.440961 0.235698 -0.331414 0.800103
+0.424601 0.264034 -0.383033 0.776715
+0.406423 0.291239 -0.433013 0.75
+0.386505 0.317197 -0.481138 0.720074
+0.364932 0.341796 -0.527203 0.687064
+0.341796 0.364932 -0.57101 0.651112
+0.317197 0.386505 -0.612372 0.612372
+0.291239 0.406423 -0.651112 0.57101
+0.264034 0.424601 -0.687064 0.527203
+0.235698 0.440961 -0.720074 0.481138
+0.206353 0.455432 -0.75 0.433013
+0.176125 0.467953 -0.776715 0.383033
+0.145142 0.47847 -0.800103 0.331414
+0.113538 0.486938 -0.820066 0.278375
+0.0814477 0.493322 -0.836516 0.224144
+0.0490085 0.497592 -0.849385 0.168953
+0.0163595 0.499732 -0.858616 0.113039
+-0.0163596 0.499732 -0.864171 0.0566407
+-0.0490086 0.497592 -0.866025 -7.24831e-08
+-0.0814478 0.493322 -0.864171 -0.0566408
+-0.113538 0.486938 -0.858616 -0.113039
+-0.145142 0.47847 -0.849385 -0.168953
+-0.176125 0.467953 -0.836516 -0.224144
+-0.206354 0.455432 -0.820066 -0.278375
+-0.235698 0.440961 -0.800103 -0.331413
+-0.264034 0.424601 -0.776715 -0.383033
+-0.291239 0.406423 -0.75 -0.433013
+-0.317197 0.386505 -0.720074 -0.481138
+-0.341796 0.364932 -0.687064 -0.527203
+-0.364932 0.341796 -0.651112 -0.57101
+-0.386505 0.317197 -0.612372 -0.612372
+-0.406423 0.291239 -0.57101 -0.651112
+-0.424601 0.264034 -0.527203 -0.687064
+-0.440961 0.235698 -0.481138 -0.720074
+-0.455432 0.206354 -0.433013 -0.75
+-0.467953 0.176125 -0.383033 -0.776715
+-0.47847 0.145142 -0.331414 -0.800103
+-0.486938 0.113538 -0.278375 -0.820066
+-0.493322 0.0814478 -0.224144 -0.836516
+-0.497592 0.0490085 -0.168953 -0.849385
+-0.499732 0.0163596 -0.113039 -0.858616
+0.539773 0.0176703 -0.0275372 0.841175
+0.537461 0.0529353 -0.0824937 0.837573
+0.532848 0.0879736 -0.137097 0.830384
+0.525954 0.122635 -0.191113 0.81964
+0.516807 0.156772 -0.244311 0.805385
+0.505447 0.190237 -0.296463 0.787682
+0.491923 0.222887 -0.347345 0.766606
+0.476292 0.254583 -0.396739 0.742247
+0.458622 0.285189 -0.444435 0.71471
+0.438987 0.314574 -0.490228 0.684112
+0.417473 0.342612 -0.533921 0.650585
+0.394172 0.369182 -0.575329 0.614272
+0.369182 0.394172 -0.614272 0.575329
+0.342612 0.417473 -0.650585 0.533922
+0.314574 0.438987 -0.684112 0.490228
+0.285189 0.458622 -0.71471 0.444435
+0.254583 0.476292 -0.742247 0.396739
+0.222887 0.491923 -0.766606 0.347345
+0.190237 0.505447 -0.787682 0.296463
+0.156772 0.516807 -0.805385 0.244311
+0.122635 0.525954 -0.81964 0.191113
+0.0879735 0.532848 -0.830384 0.137097
+0.0529352 0.537461 -0.837573 0.0824936
+0.0176703 0.539773 -0.841175 0.0275371
+-0.0176704 0.539773 -0.841175 -0.0275373
+-0.0529354 0.537461 -0.837573 -0.0824938
+-0.0879736 0.532848 -0.830384 -0.137097
+-0.122635 0.525954 -0.81964 -0.191113
+-0.156772 0.516807 -0.805385 -0.244311
+-0.190237 0.505447 -0.787682 -0.296463
+-0.222887 0.491923 -0.766606 -0.347345
+-0.254583 0.476292 -0.742247 -0.396739
+-0.285189 0.458622 -0.71471 -0.444435
+-0.314574 0.438987 -0.684112 -0.490228
+-0.342612 0.417473 -0.650585 -0.533921
+-0.369182 0.394172 -0.614272 -0.575329
+-0.394172 0.369182 -0.575329 -0.614272
+-0.417473 0.342612 -0.533921 -0.650585
+-0.438987 0.314574 -0.490228 -0.684112
+-0.458622 0.285189 -0.444435 -0.71471
+-0.476292 0.254583 -0.39674 -0.742247
+-0.491923 0.222887 -0.347345 -0.766606
+-0.505447 0.190237 -0.296463 -0.787682
+-0.516807 0.156772 -0.244311 -0.805385
+-0.525954 0.122635 -0.191113 -0.81964
+-0.532848 0.0879736 -0.137097 -0.830384
+-0.537461 0.0529353 -0.0824937 -0.837573
+-0.539773 0.0176704 -0.0275373 -0.841175
+0.539773 0.0176703 -0.191113 0.81964
+0.537461 0.0529353 -0.244311 0.805385
+0.532848 0.0879736 -0.296463 0.787682
+0.525954 0.122635 -0.347345 0.766606
+0.516807 0.156772 -0.396739 0.742247
+0.505447 0.190237 -0.444435 0.71471
+0.491923 0.222887 -0.490228 0.684112
+0.476292 0.254583 -0.533922 0.650585
+0.458622 0.285189 -0.575329 0.614272
+0.438987 0.314574 -0.614272 0.575329
+0.417473 0.342612 -0.650585 0.533922
+0.394172 0.369182 -0.684112 0.490228
+0.369182 0.394172 -0.71471 0.444435
+0.342612 0.417473 -0.742247 0.396739
+0.314574 0.438987 -0.766606 0.347345
+0.285189 0.458622 -0.787682 0.296463
+0.254583 0.476292 -0.805385 0.244311
+0.222887 0.491923 -0.81964 0.191113
+0.190237 0.505447 -0.830384 0.137097
+0.156772 0.516807 -0.837573 0.0824937
+0.122635 0.525954 -0.841175 0.0275372
+0.0879735 0.532848 -0.841175 -0.0275373
+0.0529352 0.537461 -0.837573 -0.0824938
+0.0176703 0.539773 -0.830384 -0.137097
+-0.0176704 0.539773 -0.81964 -0.191113
+-0.0529354 0.537461 -0.805385 -0.244311
+-0.0879736 0.532848 -0.787682 -0.296463
+-0.122635 0.525954 -0.766606 -0.347345
+-0.156772 0.516807 -0.742247 -0.39674
+-0.190237 0.505447 -0.71471 -0.444435
+-0.222887 0.491923 -0.684112 -0.490228
+-0.254583 0.476292 -0.650585 -0.533921
+-0.285189 0.458622 -0.614272 -0.575329
+-0.314574 0.438987 -0.575329 -0.614272
+-0.342612 0.417473 -0.533922 -0.650585
+-0.369182 0.394172 -0.490228 -0.684112
+-0.394172 0.369182 -0.444435 -0.71471
+-0.417473 0.342612 -0.396739 -0.742247
+-0.438987 0.314574 -0.347345 -0.766606
+-0.458622 0.285189 -0.296463 -0.787682
+-0.476292 0.254583 -0.244311 -0.805385
+-0.491923 0.222887 -0.191113 -0.81964
+-0.505447 0.190237 -0.137097 -0.830384
+-0.516807 0.156772 -0.0824937 -0.837573
+-0.525954 0.122635 -0.0275371 -0.841175
+-0.532848 0.0879736 0.0275372 -0.841175
+-0.537461 0.0529353 0.0824938 -0.837573
+-0.539773 0.0176704 0.137097 -0.830384
+0.577041 0.0188904 -0.262454 0.773165
+0.57457 0.0565902 -0.31246 0.754344
+0.569639 0.0940477 -0.361127 0.732294
+0.562268 0.131103 -0.408248 0.707107
+0.55249 0.167596 -0.453621 0.678892
+0.540346 0.203372 -0.497052 0.64777
+0.525887 0.238277 -0.538354 0.613875
+0.509177 0.272161 -0.57735 0.57735
+0.490287 0.30488 -0.613875 0.538354
+0.469297 0.336294 -0.64777 0.497052
+0.446298 0.366267 -0.678892 0.453621
+0.421387 0.394672 -0.707107 0.408248
+0.394672 0.421387 -0.732294 0.361127
+0.366267 0.446298 -0.754344 0.31246
+0.336294 0.469297 -0.773165 0.262454
+0.30488 0.490287 -0.788675 0.211325
+0.272161 0.509178 -0.800808 0.159291
+0.238276 0.525887 -0.809511 0.106574
+0.203372 0.540346 -0.814748 0.0534014
+0.167596 0.55249 -0.816497 -3.50817e-08
+0.131103 0.562268 -0.814748 -0.0534015
+0.0940477 0.569639 -0.809511 -0.106574
+0.0565902 0.57457 -0.800808 -0.159291
+0.0188903 0.577041 -0.788675 -0.211325
+-0.0188904 0.577041 -0.773165 -0.262454
+-0.0565903 0.57457 -0.754344 -0.31246
+-0.0940478 0.569639 -0.732294 -0.361127
+-0.131103 0.562268 -0.707107 -0.408248
+-0.167596 0.55249 -0.678892 -0.453621
+-0.203372 0.540346 -0.64777 -0.497052
+-0.238277 0.525887 -0.613875 -0.538354
+-0.272161 0.509178 -0.57735 -0.57735
+-0.30488 0.490287 -0.538354 -0.613875
+-0.336294 0.469297 -0.497052 -0.64777
+-0.366267 0.446298 -0.453621 -0.678892
+-0.394672 0.421387 -0.408248 -0.707107
+-0.421387 0.394672 -0.361127 -0.732294
+-0.446298 0.366267 -0.31246 -0.754344
+-0.469297 0.336294 -0.262454 -0.773165
+-0.490287 0.30488 -0.211325 -0.788675
+-0.509177 0.272161 -0.159291 -0.800808
+-0.525887 0.238277 -0.106574 -0.809511
+-0.540346 0.203372 -0.0534014 -0.814748
+-0.55249 0.167596 -2.65621e-08 -0.816497
+-0.562268 0.131103 0.0534015 -0.814748
+-0.569639 0.0940478 0.106574 -0.809511
+-0.57457 0.0565902 0.159291 -0.800808
+-0.577041 0.0188904 0.211325 -0.788675
+0.577041 0.0188904 -0.106574 0.809511
+0.57457 0.0565902 -0.159291 0.800808
+0.569639 0.0940477 -0.211325 0.788675
+0.562268 0.131103 -0.262454 0.773165
+0.55249 0.167596 -0.31246 0.754344
+0.540346 0.203372 -0.361127 0.732294
+0.525887 0.238277 -0.408248 0.707107
+0.509177 0.272161 -0.453621 0.678892
+0.490287 0.30488 -0.497052 0.64777
+0.469297 0.336294 -0.538354 0.613875
+0.446298 0.366267 -0.57735 0.57735
+0.421387 0.394672 -0.613875 0.538354
+0.394672 0.421387 -0.64777 0.497052
+0.366267 0.446298 -0.678892 0.453621
+0.336294 0.469297 -0.707107 0.408248
+0.30488 0.490287 -0.732294 0.361127
+0.272161 0.509178 -0.754345 0.31246
+0.238276 0.525887 -0.773165 0.262454
+0.203372 0.540346 -0.788675 0.211325
+0.167596 0.55249 -0.800808 0.159291
+0.131103 0.562268 -0.809511 0.106574
+0.0940477 0.569639 -0.814748 0.0534013
+0.0565902 0.57457 -0.816497 -1.00377e-07
+0.0188903 0.577041 -0.814748 -0.0534015
+-0.0188904 0.577041 -0.809511 -0.106574
+-0.0565903 0.57457 -0.800808 -0.159291
+-0.0940478 0.569639 -0.788675 -0.211325
+-0.131103 0.562268 -0.773165 -0.262454
+-0.167596 0.55249 -0.754344 -0.31246
+-0.203372 0.540346 -0.732293 -0.361127
+-0.238277 0.525887 -0.707107 -0.408248
+-0.272161 0.509178 -0.678892 -0.453621
+-0.30488 0.490287 -0.64777 -0.497052
+-0.336294 0.469297 -0.613875 -0.538354
+-0.366267 0.446298 -0.57735 -0.57735
+-0.394672 0.421387 -0.538354 -0.613875
+-0.421387 0.394672 -0.497052 -0.64777
+-0.446298 0.366267 -0.453621 -0.678892
+-0.469297 0.336294 -0.408248 -0.707107
+-0.490287 0.30488 -0.361127 -0.732294
+-0.509177 0.272161 -0.31246 -0.754344
+-0.525887 0.238277 -0.262454 -0.773165
+-0.540346 0.203372 -0.211325 -0.788675
+-0.55249 0.167596 -0.159291 -0.800808
+-0.562268 0.131103 -0.106574 -0.809511
+-0.569639 0.0940478 -0.0534015 -0.814748
+-0.57457 0.0565902 3.87329e-08 -0.816497
+-0.577041 0.0188904 0.0534014 -0.814748
+0.612045 0.0200363 -0.17952 0.769917
+0.609424 0.060023 -0.22949 0.756528
+0.604193 0.0997527 -0.278478 0.739899
+0.596375 0.139055 -0.326274 0.720101
+0.586004 0.177762 -0.372672 0.69722
+0.573123 0.215708 -0.417474 0.671353
+0.557788 0.25273 -0.460489 0.642612
+0.540064 0.28867 -0.501532 0.611118
+0.520028 0.323374 -0.540427 0.577008
+0.497765 0.356693 -0.577008 0.540427
+0.47337 0.388485 -0.611118 0.501532
+0.446949 0.418613 -0.642612 0.460489
+0.418613 0.446949 -0.671353 0.417474
+0.388485 0.47337 -0.69722 0.372672
+0.356693 0.497765 -0.720101 0.326274
+0.323374 0.520028 -0.739899 0.278478
+0.28867 0.540064 -0.756528 0.22949
+0.25273 0.557788 -0.769917 0.179519
+0.215708 0.573123 -0.78001 0.12878
+0.177762 0.586004 -0.786763 0.0774893
+0.139055 0.596375 -0.790146 0.0258667
+0.0997526 0.604193 -0.790146 -0.0258668
+0.0600229 0.609424 -0.786763 -0.0774895
+0.0200362 0.612045 -0.78001 -0.12878
+-0.0200363 0.612045 -0.769917 -0.17952
+-0.060023 0.609424 -0.756528 -0.22949
+-0.0997527 0.604193 -0.739899 -0.278478
+-0.139055 0.596375 -0.720101 -0.326274
+-0.177762 0.586004 -0.69722 -0.372672
+-0.215708 0.573123 -0.671353 -0.417474
+-0.25273 0.557788 -0.642612 -0.460489
+-0.28867 0.540064 -0.611118 -0.501532
+-0.323374 0.520028 -0.577008 -0.540427
+-0.356693 0.497765 -0.540427 -0.577008
+-0.388485 0.47337 -0.501532 -0.611118
+-0.418613 0.446949 -0.460489 -0.642612
+-0.446949 0.418613 -0.417474 -0.671353
+-0.47337 0.388485 -0.372672 -0.69722
+-0.497765 0.356693 -0.326274 -0.720101
+-0.520028 0.323374 -0.278478 -0.739899
+-0.540064 0.28867 -0.22949 -0.756528
+-0.557788 0.25273 -0.17952 -0.769917
+-0.573123 0.215708 -0.12878 -0.78001
+-0.586004 0.177762 -0.0774894 -0.786763
+-0.596375 0.139055 -0.0258666 -0.790146
+-0.604193 0.0997527 0.0258667 -0.790146
+-0.609424 0.060023 0.0774894 -0.786763
+-0.612045 0.0200363 0.12878 -0.78001
+0.539773 0.0176703 0.137097 0.830384
+0.537461 0.0529353 0.0824937 0.837573
+0.532848 0.0879736 0.0275372 0.841175
+0.525954 0.122635 -0.0275372 0.841175
+0.516807 0.156772 -0.0824937 0.837573
+0.505447 0.190237 -0.137097 0.830384
+0.491923 0.222887 -0.191113 0.81964
+0.476292 0.254583 -0.244311 0.805385
+0.458622 0.285189 -0.296463 0.787682
+0.438987 0.314574 -0.347345 0.766606
+0.417473 0.342612 -0.396739 0.742247
+0.394172 0.369182 -0.444435 0.71471
+0.369182 0.394172 -0.490228 0.684112
+0.342612 0.417473 -0.533922 0.650585
+0.314574 0.438987 -0.575329 0.614272
+0.285189 0.458622 -0.614272 0.575329
+0.254583 0.476292 -0.650585 0.533921
+0.222887 0.491923 -0.684112 0.490228
+0.190237 0.505447 -0.71471 0.444435
+0.156772 0.516807 -0.742247 0.396739
+0.122635 0.525954 -0.766606 0.347345
+0.0879735 0.532848 -0.787682 0.296462
+0.0529352 0.537461 -0.805385 0.244311
+0.0176703 0.539773 -0.81964 0.191113
+-0.0176704 0.539773 -0.830384 0.137097
+-0.0529354 0.537461 -0.837573 0.0824936
+-0.0879736 0.532848 -0.841175 0.0275372
+-0.122635 0.525954 -0.841175 -0.0275373
+-0.156772 0.516807 -0.837573 -0.0824939
+-0.190237 0.505447 -0.830384 -0.137097
+-0.222887 0.491923 -0.81964 -0.191113
+-0.254583 0.476292 -0.805385 -0.244311
+-0.285189 0.458622 -0.787682 -0.296463
+-0.314574 0.438987 -0.766606 -0.347345
+-0.342612 0.417473 -0.742247 -0.396739
+-0.369182 0.394172 -0.71471 -0.444435
+-0.394172 0.369182 -0.684112 -0.490228
+-0.417473 0.342612 -0.650585 -0.533922
+-0.438987 0.314574 -0.614272 -0.575329
+-0.458622 0.285189 -0.575329 -0.614272
+-0.476292 0.254583 -0.533922 -0.650585
+-0.491923 0.222887 -0.490228 -0.684112
+-0.505447 0.190237 -0.444435 -0.71471
+-0.516807 0.156772 -0.396739 -0.742247
+-0.525954 0.122635 -0.347345 -0.766606
+-0.532848 0.0879736 -0.296463 -0.787682
+-0.537461 0.0529353 -0.244311 -0.805385
+-0.539773 0.0176704 -0.191113 -0.81964
+0.577041 0.0188904 0.0534014 0.814748
+0.57457 0.0565902 -2.23064e-09 0.816497
+0.569639 0.0940477 -0.0534014 0.814748
+0.562268 0.131103 -0.106574 0.809511
+0.55249 0.167596 -0.159291 0.800808
+0.540346 0.203372 -0.211325 0.788675
+0.525887 0.238277 -0.262454 0.773165
+0.509177 0.272161 -0.31246 0.754344
+0.490287 0.30488 -0.361127 0.732294
+0.469297 0.336294 -0.408248 0.707107
+0.446298 0.366267 -0.453621 0.678892
+0.421387 0.394672 -0.497052 0.64777
+0.394672 0.421387 -0.538354 0.613875
+0.366267 0.446298 -0.57735 0.57735
+0.336294 0.469297 -0.613875 0.538354
+0.30488 0.490287 -0.64777 0.497052
+0.272161 0.509178 -0.678892 0.453621
+0.238276 0.525887 -0.707107 0.408248
+0.203372 0.540346 -0.732294 0.361127
+0.167596 0.55249 -0.754344 0.31246
+0.131103 0.562268 -0.773165 0.262454
+0.0940477 0.569639 -0.788675 0.211325
+0.0565902 0.57457 -0.800808 0.15929
+0.0188903 0.577041 -0.809511 0.106574
+-0.0188904 0.577041 -0.814748 0.0534014
+-0.0565903 0.57457 -0.816497 -6.83377e-08
+-0.0940478 0.569639 -0.814748 -0.0534015
+-0.131103 0.562268 -0.809511 -0.106574
+-0.167596 0.55249 -0.800808 -0.159291
+-0.203372 0.540346 -0.788675 -0.211325
+-0.238277 0.525887 -0.773165 -0.262454
+-0.272161 0.509178 -0.754345 -0.31246
+-0.30488 0.490287 -0.732294 -0.361127
+-0.336294 0.469297 -0.707107 -0.408248
+-0.366267 0.446298 -0.678892 -0.453621
+-0.394672 0.421387 -0.64777 -0.497052
+-0.421387 0.394672 -0.613875 -0.538354
+-0.446298 0.366267 -0.57735 -0.57735
+-0.469297 0.336294 -0.538354 -0.613875
+-0.490287 0.30488 -0.497052 -0.64777
+-0.509177 0.272161 -0.453621 -0.678892
+-0.525887 0.238277 -0.408248 -0.707107
+-0.540346 0.203372 -0.361127 -0.732294
+-0.55249 0.167596 -0.31246 -0.754344
+-0.562268 0.131103 -0.262454 -0.773165
+-0.569639 0.0940478 -0.211325 -0.788675
+-0.57457 0.0565902 -0.159291 -0.800808
+-0.577041 0.0188904 -0.106574 -0.809511
+0.577041 0.0188904 0.211325 0.788675
+0.57457 0.0565902 0.159291 0.800808
+0.569639 0.0940477 0.106574 0.809511
+0.562268 0.131103 0.0534014 0.814748
+0.55249 0.167596 -6.08539e-10 0.816497
+0.540346 0.203372 -0.0534014 0.814748
+0.525887 0.238277 -0.106574 0.809511
+0.509177 0.272161 -0.159291 0.800808
+0.490287 0.30488 -0.211325 0.788675
+0.469297 0.336294 -0.262454 0.773165
+0.446298 0.366267 -0.31246 0.754344
+0.421387 0.394672 -0.361127 0.732294
+0.394672 0.421387 -0.408248 0.707107
+0.366267 0.446298 -0.453621 0.678892
+0.336294 0.469297 -0.497052 0.64777
+0.30488 0.490287 -0.538354 0.613875
+0.272161 0.509178 -0.57735 0.57735
+0.238276 0.525887 -0.613875 0.538354
+0.203372 0.540346 -0.64777 0.497052
+0.167596 0.55249 -0.678892 0.453621
+0.131103 0.562268 -0.707107 0.408248
+0.0940477 0.569639 -0.732294 0.361127
+0.0565902 0.57457 -0.754345 0.31246
+0.0188903 0.577041 -0.773165 0.262454
+-0.0188904 0.577041 -0.788675 0.211325
+-0.0565903 0.57457 -0.800808 0.159291
+-0.0940478 0.569639 -0.809511 0.106574
+-0.131103 0.562268 -0.814748 0.0534014
+-0.167596 0.55249 -0.816497 -1.33633e-07
+-0.203372 0.540346 -0.814748 -0.0534016
+-0.238277 0.525887 -0.809511 -0.106574
+-0.272161 0.509178 -0.800808 -0.15929
+-0.30488 0.490287 -0.788675 -0.211325
+-0.336294 0.469297 -0.773165 -0.262454
+-0.366267 0.446298 -0.754344 -0.31246
+-0.394672 0.421387 -0.732294 -0.361127
+-0.421387 0.394672 -0.707107 -0.408248
+-0.446298 0.366267 -0.678892 -0.453621
+-0.469297 0.336294 -0.64777 -0.497052
+-0.490287 0.30488 -0.613875 -0.538354
+-0.509177 0.272161 -0.57735 -0.57735
+-0.525887 0.238277 -0.538354 -0.613875
+-0.540346 0.203372 -0.497052 -0.64777
+-0.55249 0.167596 -0.453621 -0.678892
+-0.562268 0.131103 -0.408248 -0.707107
+-0.569639 0.0940478 -0.361127 -0.732294
+-0.57457 0.0565902 -0.31246 -0.754344
+-0.577041 0.0188904 -0.262454 -0.773165
+0.612045 0.0200363 0.12878 0.78001
+0.609424 0.060023 0.0774894 0.786763
+0.604193 0.0997527 0.0258667 0.790146
+0.596375 0.139055 -0.0258667 0.790146
+0.586004 0.177762 -0.0774894 0.786763
+0.573123 0.215708 -0.12878 0.78001
+0.557788 0.25273 -0.17952 0.769917
+0.540064 0.28867 -0.22949 0.756528
+0.520028 0.323374 -0.278478 0.739899
+0.497765 0.356693 -0.326274 0.720101
+0.47337 0.388485 -0.372672 0.69722
+0.446949 0.418613 -0.417474 0.671353
+0.418613 0.446949 -0.460489 0.642612
+0.388485 0.47337 -0.501532 0.611118
+0.356693 0.497765 -0.540427 0.577008
+0.323374 0.520028 -0.577008 0.540427
+0.28867 0.540064 -0.611118 0.501532
+0.25273 0.557788 -0.642612 0.460489
+0.215708 0.573123 -0.671353 0.417474
+0.177762 0.586004 -0.69722 0.372672
+0.139055 0.596375 -0.720101 0.326274
+0.0997526 0.604193 -0.739899 0.278478
+0.0600229 0.609424 -0.756528 0.22949
+0.0200362 0.612045 -0.769917 0.179519
+-0.0200363 0.612045 -0.78001 0.12878
+-0.060023 0.609424 -0.786763 0.0774893
+-0.0997527 0.604193 -0.790146 0.0258667
+-0.139055 0.596375 -0.790146 -0.0258668
+-0.177762 0.586004 -0.786763 -0.0774895
+-0.215708 0.573123 -0.78001 -0.12878
+-0.25273 0.557788 -0.769917 -0.17952
+-0.28867 0.540064 -0.756528 -0.22949
+-0.323374 0.520028 -0.739899 -0.278478
+-0.356693 0.497765 -0.720101 -0.326274
+-0.388485 0.47337 -0.69722 -0.372672
+-0.418613 0.446949 -0.671353 -0.417474
+-0.446949 0.418613 -0.642612 -0.460489
+-0.47337 0.388485 -0.611118 -0.501532
+-0.497765 0.356693 -0.577008 -0.540427
+-0.520028 0.323374 -0.540427 -0.577008
+-0.540064 0.28867 -0.501532 -0.611118
+-0.557788 0.25273 -0.460489 -0.642612
+-0.573123 0.215708 -0.417474 -0.671353
+-0.586004 0.177762 -0.372672 -0.69722
+-0.596375 0.139055 -0.326274 -0.720101
+-0.604193 0.0997527 -0.278478 -0.739899
+-0.609424 0.060023 -0.22949 -0.756528
+-0.612045 0.0200363 -0.17952 -0.769917
+0.612045 0.0200363 -0.0258667 0.790146
+0.609424 0.060023 -0.0774894 0.786763
+0.604193 0.0997527 -0.12878 0.78001
+0.596375 0.139055 -0.17952 0.769917
+0.586004 0.177762 -0.22949 0.756528
+0.573123 0.215708 -0.278478 0.739899
+0.557788 0.25273 -0.326274 0.720101
+0.540064 0.28867 -0.372672 0.69722
+0.520028 0.323374 -0.417474 0.671353
+0.497765 0.356693 -0.460489 0.642612
+0.47337 0.388485 -0.501532 0.611118
+0.446949 0.418613 -0.540427 0.577008
+0.418613 0.446949 -0.577008 0.540427
+0.388485 0.47337 -0.611118 0.501532
+0.356693 0.497765 -0.642612 0.460489
+0.323374 0.520028 -0.671353 0.417474
+0.28867 0.540064 -0.69722 0.372672
+0.25273 0.557788 -0.720101 0.326274
+0.215708 0.573123 -0.739899 0.278478
+0.177762 0.586004 -0.756528 0.22949
+0.139055 0.596375 -0.769917 0.17952
+0.0997526 0.604193 -0.78001 0.12878
+0.0600229 0.609424 -0.786763 0.0774893
+0.0200362 0.612045 -0.790146 0.0258666
+-0.0200363 0.612045 -0.790146 -0.0258668
+-0.060023 0.609424 -0.786763 -0.0774894
+-0.0997527 0.604193 -0.78001 -0.12878
+-0.139055 0.596375 -0.769917 -0.17952
+-0.177762 0.586004 -0.756528 -0.22949
+-0.215708 0.573123 -0.739899 -0.278478
+-0.25273 0.557788 -0.720101 -0.326274
+-0.28867 0.540064 -0.69722 -0.372672
+-0.323374 0.520028 -0.671353 -0.417474
+-0.356693 0.497765 -0.642612 -0.460489
+-0.388485 0.47337 -0.611118 -0.501532
+-0.418613 0.446949 -0.577008 -0.540427
+-0.446949 0.418613 -0.540427 -0.577008
+-0.47337 0.388485 -0.501532 -0.611118
+-0.497765 0.356693 -0.460489 -0.642612
+-0.520028 0.323374 -0.417474 -0.671353
+-0.540064 0.28867 -0.372672 -0.69722
+-0.557788 0.25273 -0.326274 -0.720101
+-0.573123 0.215708 -0.278478 -0.739899
+-0.586004 0.177762 -0.22949 -0.756528
+-0.596375 0.139055 -0.179519 -0.769917
+-0.604193 0.0997527 -0.12878 -0.78001
+-0.609424 0.060023 -0.0774893 -0.786763
+-0.612045 0.0200363 -0.0258668 -0.790146
+0.645152 0.0211201 -0.099691 0.757229
+0.642389 0.0632698 -0.149003 0.749087
+0.636876 0.105149 -0.197676 0.737738
+0.628635 0.146577 -0.245503 0.72323
+0.617702 0.187378 -0.292279 0.705625
+0.604125 0.227376 -0.337804 0.684998
+0.58796 0.266401 -0.381881 0.661438
+0.569278 0.304285 -0.424324 0.635045
+0.548158 0.340866 -0.464949 0.605934
+0.52469 0.375988 -0.503584 0.574227
+0.498976 0.409499 -0.540062 0.540062
+0.471125 0.441257 -0.574227 0.503584
+0.441257 0.471125 -0.605934 0.464949
+0.409499 0.498976 -0.635045 0.424324
+0.375988 0.52469 -0.661438 0.381881
+0.340866 0.548158 -0.684998 0.337804
+0.304285 0.569278 -0.705625 0.292279
+0.266401 0.58796 -0.72323 0.245503
+0.227376 0.604125 -0.737738 0.197676
+0.187378 0.617702 -0.749087 0.149003
+0.146577 0.628635 -0.757229 0.099691
+0.105148 0.636876 -0.762127 0.0499524
+0.0632697 0.642389 -0.763763 -9.38938e-08
+0.02112 0.645152 -0.762127 -0.0499525
+-0.0211201 0.645152 -0.757229 -0.0996911
+-0.0632698 0.642389 -0.749087 -0.149003
+-0.105149 0.636876 -0.737738 -0.197676
+-0.146577 0.628635 -0.72323 -0.245503
+-0.187378 0.617702 -0.705625 -0.292279
+-0.227377 0.604125 -0.684998 -0.337804
+-0.266401 0.58796 -0.661438 -0.381881
+-0.304285 0.569278 -0.635045 -0.424324
+-0.340866 0.548158 -0.605934 -0.464949
+-0.375988 0.52469 -0.574227 -0.503584
+-0.409499 0.498976 -0.540062 -0.540062
+-0.441257 0.471125 -0.503584 -0.574227
+-0.471125 0.441257 -0.464949 -0.605934
+-0.498976 0.409499 -0.424324 -0.635045
+-0.52469 0.375988 -0.381881 -0.661438
+-0.548158 0.340866 -0.337804 -0.684998
+-0.569278 0.304285 -0.292279 -0.705625
+-0.58796 0.266401 -0.245503 -0.72323
+-0.604125 0.227376 -0.197676 -0.737738
+-0.617702 0.187378 -0.149003 -0.749087
+-0.628635 0.146577 -0.099691 -0.757229
+-0.636876 0.105149 -0.0499525 -0.762127
+-0.642389 0.0632698 3.62313e-08 -0.763763
+-0.645152 0.0211201 0.0499524 -0.762127
+0.645152 0.0211201 0.0499525 0.762127
+0.642389 0.0632698 -2.08657e-09 0.763763
+0.636876 0.105149 -0.0499525 0.762127
+0.628635 0.146577 -0.099691 0.757229
+0.617702 0.187378 -0.149003 0.749087
+0.604125 0.227376 -0.197676 0.737738
+0.58796 0.266401 -0.245503 0.72323
+0.569278 0.304285 -0.292279 0.705625
+0.548158 0.340866 -0.337804 0.684998
+0.52469 0.375988 -0.381881 0.661438
+0.498976 0.409499 -0.424324 0.635045
+0.471125 0.441257 -0.464949 0.605934
+0.441257 0.471125 -0.503584 0.574227
+0.409499 0.498976 -0.540062 0.540062
+0.375988 0.52469 -0.574227 0.503584
+0.340866 0.548158 -0.605934 0.464949
+0.304285 0.569278 -0.635045 0.424324
+0.266401 0.58796 -0.661438 0.381881
+0.227376 0.604125 -0.684998 0.337804
+0.187378 0.617702 -0.705625 0.292279
+0.146577 0.628635 -0.72323 0.245503
+0.105148 0.636876 -0.737738 0.197676
+0.0632697 0.642389 -0.749087 0.149003
+0.02112 0.645152 -0.757229 0.0996909
+-0.0211201 0.645152 -0.762127 0.0499524
+-0.0632698 0.642389 -0.763763 -6.39241e-08
+-0.105149 0.636876 -0.762127 -0.0499525
+-0.146577 0.628635 -0.757229 -0.0996911
+-0.187378 0.617702 -0.749087 -0.149003
+-0.227377 0.604125 -0.737738 -0.197676
+-0.266401 0.58796 -0.72323 -0.245504
+-0.304285 0.569278 -0.705625 -0.292279
+-0.340866 0.548158 -0.684998 -0.337804
+-0.375988 0.52469 -0.661438 -0.381881
+-0.409499 0.498976 -0.635045 -0.424324
+-0.441257 0.471125 -0.605934 -0.464949
+-0.471125 0.441257 -0.574227 -0.503584
+-0.498976 0.409499 -0.540062 -0.540062
+-0.52469 0.375988 -0.503584 -0.574227
+-0.548158 0.340866 -0.464949 -0.605934
+-0.569278 0.304285 -0.424324 -0.635045
+-0.58796 0.266401 -0.381881 -0.661438
+-0.604125 0.227376 -0.337803 -0.684998
+-0.617702 0.187378 -0.292279 -0.705625
+-0.628635 0.146577 -0.245503 -0.72323
+-0.636876 0.105149 -0.197676 -0.737738
+-0.642389 0.0632698 -0.149003 -0.749087
+-0.645152 0.0211201 -0.0996911 -0.757229
+0.676641 0.0221509 -0.0240806 0.735586
+0.673743 0.0663579 -0.0721387 0.732436
+0.667961 0.110281 -0.119888 0.72615
+0.659318 0.153731 -0.167124 0.716754
+0.647852 0.196524 -0.213644 0.704289
+0.633611 0.238474 -0.259249 0.688808
+0.616658 0.279404 -0.303744 0.670378
+0.597064 0.319137 -0.346939 0.649076
+0.574913 0.357504 -0.388647 0.624996
+0.5503 0.394339 -0.428692 0.598239
+0.523331 0.429486 -0.466901 0.56892
+0.49412 0.462794 -0.50311 0.537165
+0.462794 0.49412 -0.537165 0.50311
+0.429486 0.523331 -0.56892 0.466901
+0.394339 0.5503 -0.598239 0.428692
+0.357504 0.574913 -0.624996 0.388647
+0.319137 0.597064 -0.649077 0.346939
+0.279404 0.616658 -0.670378 0.303744
+0.238474 0.633611 -0.688808 0.259249
+0.196524 0.647852 -0.704289 0.213644
+0.153731 0.659318 -0.716754 0.167124
+0.110281 0.667961 -0.72615 0.119888
+0.0663578 0.673743 -0.732436 0.0721386
+0.0221508 0.676641 -0.735586 0.0240805
+-0.022151 0.676641 -0.735586 -0.0240807
+-0.066358 0.673743 -0.732436 -0.0721387
+-0.110281 0.667961 -0.72615 -0.119888
+-0.153731 0.659318 -0.716754 -0.167124
+-0.196524 0.647852 -0.704289 -0.213644
+-0.238475 0.633611 -0.688808 -0.259249
+-0.279404 0.616658 -0.670378 -0.303744
+-0.319137 0.597064 -0.649077 -0.346939
+-0.357504 0.574913 -0.624996 -0.388647
+-0.394339 0.5503 -0.598239 -0.428692
+-0.429486 0.523331 -0.56892 -0.466901
+-0.462794 0.49412 -0.537165 -0.50311
+-0.49412 0.462794 -0.50311 -0.537165
+-0.523331 0.429486 -0.466901 -0.56892
+-0.5503 0.394339 -0.428692 -0.598239
+-0.574913 0.357504 -0.388647 -0.624996
+-0.597063 0.319137 -0.346939 -0.649076
+-0.616658 0.279404 -0.303744 -0.670378
+-0.633611 0.238474 -0.259249 -0.688808
+-0.647852 0.196524 -0.213644 -0.704289
+-0.659318 0.153731 -0.167124 -0.716754
+-0.667961 0.110281 -0.119888 -0.72615
+-0.673743 0.0663579 -0.0721386 -0.732436
+-0.676641 0.022151 -0.0240807 -0.735586
+0.612045 0.0200363 -0.326274 0.720101
+0.609424 0.060023 -0.372672 0.69722
+0.604193 0.0997527 -0.417474 0.671353
+0.596375 0.139055 -0.460489 0.642612
+0.586004 0.177762 -0.501532 0.611118
+0.573123 0.215708 -0.540427 0.577008
+0.557788 0.25273 -0.577008 0.540427
+0.540064 0.28867 -0.611118 0.501532
+0.520028 0.323374 -0.642612 0.460489
+0.497765 0.356693 -0.671353 0.417474
+0.47337 0.388485 -0.69722 0.372672
+0.446949 0.418613 -0.720101 0.326274
+0.418613 0.446949 -0.739899 0.278478
+0.388485 0.47337 -0.756528 0.22949
+0.356693 0.497765 -0.769917 0.17952
+0.323374 0.520028 -0.78001 0.12878
+0.28867 0.540064 -0.786763 0.0774893
+0.25273 0.557788 -0.790146 0.0258667
+0.215708 0.573123 -0.790146 -0.0258668
+0.177762 0.586004 -0.786763 -0.0774894
+0.139055 0.596375 -0.78001 -0.12878
+0.0997526 0.604193 -0.769917 -0.17952
+0.0600229 0.609424 -0.756528 -0.22949
+0.0200362 0.612045 -0.739899 -0.278478
+-0.0200363 0.612045 -0.720101 -0.326274
+-0.060023 0.609424 -0.69722 -0.372672
+-0.0997527 0.604193 -0.671353 -0.417474
+-0.139055 0.596375 -0.642612 -0.460489
+-0.177762 0.586004 -0.611118 -0.501532
+-0.215708 0.573123 -0.577008 -0.540427
+-0.25273 0.557788 -0.540427 -0.577008
+-0.28867 0.540064 -0.501532 -0.611118
+-0.323374 0.520028 -0.460489 -0.642612
+-0.356693 0.497765 -0.417474 -0.671353
+-0.388485 0.47337 -0.372672 -0.69722
+-0.418613 0.446949 -0.326274 -0.720101
+-0.446949 0.418613 -0.278478 -0.739899
+-0.47337 0.388485 -0.22949 -0.756528
+-0.497765 0.356693 -0.17952 -0.769917
+-0.520028 0.323374 -0.12878 -0.78001
+-0.540064 0.28867 -0.0774894 -0.786763
+-0.557788 0.25273 -0.0258667 -0.790146
+-0.573123 0.215708 0.0258668 -0.790146
+-0.586004 0.177762 0.0774893 -0.786763
+-0.596375 0.139055 0.12878 -0.78001
+-0.604193 0.0997527 0.17952 -0.769917
+-0.609424 0.060023 0.22949 -0.756528
+-0.612045 0.0200363 0.278478 -0.739899
+0.645152 0.0211201 -0.381881 0.661438
+0.642389 0.0632698 -0.424324 0.635045
+0.636876 0.105149 -0.464949 0.605934
+0.628635 0.146577 -0.503584 0.574227
+0.617702 0.187378 -0.540062 0.540062
+0.604125 0.227376 -0.574227 0.503584
+0.58796 0.266401 -0.605934 0.464949
+0.569278 0.304285 -0.635045 0.424324
+0.548158 0.340866 -0.661438 0.381881
+0.52469 0.375988 -0.684998 0.337804
+0.498976 0.409499 -0.705625 0.292279
+0.471125 0.441257 -0.72323 0.245503
+0.441257 0.471125 -0.737738 0.197676
+0.409499 0.498976 -0.749087 0.149003
+0.375988 0.52469 -0.757229 0.099691
+0.340866 0.548158 -0.762127 0.0499524
+0.304285 0.569278 -0.763763 -6.27856e-08
+0.266401 0.58796 -0.762127 -0.0499525
+0.227376 0.604125 -0.757229 -0.0996911
+0.187378 0.617702 -0.749087 -0.149003
+0.146577 0.628635 -0.737738 -0.197676
+0.105148 0.636876 -0.72323 -0.245504
+0.0632697 0.642389 -0.705625 -0.292279
+0.02112 0.645152 -0.684998 -0.337804
+-0.0211201 0.645152 -0.661438 -0.381881
+-0.0632698 0.642389 -0.635045 -0.424324
+-0.105149 0.636876 -0.605934 -0.464949
+-0.146577 0.628635 -0.574227 -0.503584
+-0.187378 0.617702 -0.540062 -0.540062
+-0.227377 0.604125 -0.503584 -0.574227
+-0.266401 0.58796 -0.464949 -0.605934
+-0.304285 0.569278 -0.424324 -0.635045
+-0.340866 0.548158 -0.381881 -0.661438
+-0.375988 0.52469 -0.337803 -0.684998
+-0.409499 0.498976 -0.292279 -0.705625
+-0.441257 0.471125 -0.245503 -0.72323
+-0.471125 0.441257 -0.197676 -0.737738
+-0.498976 0.409499 -0.149003 -0.749087
+-0.52469 0.375988 -0.0996911 -0.757229
+-0.548158 0.340866 -0.0499524 -0.762127
+-0.569278 0.304285 -8.59245e-08 -0.763763
+-0.58796 0.266401 0.0499525 -0.762127
+-0.604125 0.227376 0.0996911 -0.757229
+-0.617702 0.187378 0.149003 -0.749087
+-0.628635 0.146577 0.197676 -0.737738
+-0.636876 0.105149 0.245503 -0.72323
+-0.642389 0.0632698 0.292279 -0.705625
+-0.645152 0.0211201 0.337804 -0.684998
+0.645152 0.0211201 -0.245503 0.72323
+0.642389 0.0632698 -0.292279 0.705625
+0.636876 0.105149 -0.337804 0.684998
+0.628635 0.146577 -0.381881 0.661438
+0.617702 0.187378 -0.424324 0.635045
+0.604125 0.227376 -0.464949 0.605934
+0.58796 0.266401 -0.503584 0.574227
+0.569278 0.304285 -0.540062 0.540062
+0.548158 0.340866 -0.574227 0.503584
+0.52469 0.375988 -0.605934 0.464949
+0.498976 0.409499 -0.635045 0.424324
+0.471125 0.441257 -0.661438 0.381881
+0.441257 0.471125 -0.684998 0.337804
+0.409499 0.498976 -0.705625 0.292279
+0.375988 0.52469 -0.72323 0.245503
+0.340866 0.548158 -0.737738 0.197676
+0.304285 0.569278 -0.749087 0.149003
+0.266401 0.58796 -0.757229 0.099691
+0.227376 0.604125 -0.762127 0.0499524
+0.187378 0.617702 -0.763763 -3.28159e-08
+0.146577 0.628635 -0.762127 -0.0499525
+0.105148 0.636876 -0.757229 -0.0996911
+0.0632697 0.642389 -0.749087 -0.149003
+0.02112 0.645152 -0.737738 -0.197676
+-0.0211201 0.645152 -0.72323 -0.245504
+-0.0632698 0.642389 -0.705625 -0.292279
+-0.105149 0.636876 -0.684998 -0.337804
+-0.146577 0.628635 -0.661438 -0.381881
+-0.187378 0.617702 -0.635045 -0.424324
+-0.227377 0.604125 -0.605934 -0.464949
+-0.266401 0.58796 -0.574227 -0.503584
+-0.304285 0.569278 -0.540062 -0.540062
+-0.340866 0.548158 -0.503584 -0.574227
+-0.375988 0.52469 -0.464949 -0.605934
+-0.409499 0.498976 -0.424324 -0.635045
+-0.441257 0.471125 -0.381881 -0.661438
+-0.471125 0.441257 -0.337804 -0.684998
+-0.498976 0.409499 -0.292279 -0.705625
+-0.52469 0.375988 -0.245504 -0.72323
+-0.548158 0.340866 -0.197676 -0.737738
+-0.569278 0.304285 -0.149003 -0.749087
+-0.58796 0.266401 -0.099691 -0.757229
+-0.604125 0.227376 -0.0499524 -0.762127
+-0.617702 0.187378 -2.48466e-08 -0.763763
+-0.628635 0.146577 0.0499525 -0.762127
+-0.636876 0.105149 0.099691 -0.757229
+-0.642389 0.0632698 0.149003 -0.749087
+-0.645152 0.0211201 0.197676 -0.737738
+0.676641 0.0221509 -0.303744 0.670378
+0.673743 0.0663579 -0.346939 0.649076
+0.667961 0.110281 -0.388647 0.624996
+0.659318 0.153731 -0.428692 0.598239
+0.647852 0.196524 -0.466901 0.56892
+0.633611 0.238474 -0.50311 0.537165
+0.616658 0.279404 -0.537165 0.50311
+0.597064 0.319137 -0.56892 0.466901
+0.574913 0.357504 -0.598239 0.428692
+0.5503 0.394339 -0.624996 0.388647
+0.523331 0.429486 -0.649076 0.346939
+0.49412 0.462794 -0.670378 0.303744
+0.462794 0.49412 -0.688808 0.259249
+0.429486 0.523331 -0.704289 0.213644
+0.394339 0.5503 -0.716754 0.167124
+0.357504 0.574913 -0.72615 0.119888
+0.319137 0.597064 -0.732436 0.0721386
+0.279404 0.616658 -0.735586 0.0240805
+0.238474 0.633611 -0.735586 -0.0240806
+0.196524 0.647852 -0.732436 -0.0721387
+0.153731 0.659318 -0.72615 -0.119888
+0.110281 0.667961 -0.716754 -0.167124
+0.0663578 0.673743 -0.704289 -0.213644
+0.0221508 0.676641 -0.688808 -0.259249
+-0.022151 0.676641 -0.670378 -0.303744
+-0.066358 0.673743 -0.649076 -0.346939
+-0.110281 0.667961 -0.624996 -0.388647
+-0.153731 0.659318 -0.598239 -0.428692
+-0.196524 0.647852 -0.56892 -0.466901
+-0.238475 0.633611 -0.537165 -0.50311
+-0.279404 0.616658 -0.50311 -0.537165
+-0.319137 0.597064 -0.466901 -0.56892
+-0.357504 0.574913 -0.428692 -0.598239
+-0.394339 0.5503 -0.388647 -0.624996
+-0.429486 0.523331 -0.346939 -0.649076
+-0.462794 0.49412 -0.303744 -0.670378
+-0.49412 0.462794 -0.259249 -0.688808
+-0.523331 0.429486 -0.213644 -0.704289
+-0.5503 0.394339 -0.167124 -0.716754
+-0.574913 0.357504 -0.119888 -0.72615
+-0.597063 0.319137 -0.0721387 -0.732436
+-0.616658 0.279404 -0.0240806 -0.735586
+-0.633611 0.238474 0.0240807 -0.735586
+-0.647852 0.196524 0.0721386 -0.732436
+-0.659318 0.153731 0.119888 -0.72615
+-0.667961 0.110281 0.167124 -0.716754
+-0.673743 0.0663579 0.213644 -0.704289
+-0.676641 0.022151 0.259249 -0.688808
+0.676641 0.0221509 -0.428692 0.598239
+0.673743 0.0663579 -0.466901 0.56892
+0.667961 0.110281 -0.50311 0.537165
+0.659318 0.153731 -0.537165 0.50311
+0.647852 0.196524 -0.56892 0.466901
+0.633611 0.238474 -0.598239 0.428692
+0.616658 0.279404 -0.624996 0.388647
+0.597064 0.319137 -0.649076 0.346939
+0.574913 0.357504 -0.670378 0.303744
+0.5503 0.394339 -0.688808 0.259249
+0.523331 0.429486 -0.704289 0.213644
+0.49412 0.462794 -0.716754 0.167124
+0.462794 0.49412 -0.72615 0.119888
+0.429486 0.523331 -0.732436 0.0721387
+0.394339 0.5503 -0.735586 0.0240806
+0.357504 0.574913 -0.735586 -0.0240807
+0.319137 0.597064 -0.732436 -0.0721387
+0.279404 0.616658 -0.72615 -0.119888
+0.238474 0.633611 -0.716754 -0.167124
+0.196524 0.647852 -0.704289 -0.213644
+0.153731 0.659318 -0.688808 -0.259249
+0.110281 0.667961 -0.670378 -0.303744
+0.0663578 0.673743 -0.649076 -0.346939
+0.0221508 0.676641 -0.624996 -0.388647
+-0.022151 0.676641 -0.598239 -0.428692
+-0.066358 0.673743 -0.56892 -0.466901
+-0.110281 0.667961 -0.537165 -0.50311
+-0.153731 0.659318 -0.50311 -0.537165
+-0.196524 0.647852 -0.466901 -0.56892
+-0.238475 0.633611 -0.428692 -0.598239
+-0.279404 0.616658 -0.388647 -0.624996
+-0.319137 0.597064 -0.346939 -0.649076
+-0.357504 0.574913 -0.303744 -0.670378
+-0.394339 0.5503 -0.259249 -0.688808
+-0.429486 0.523331 -0.213644 -0.704289
+-0.462794 0.49412 -0.167124 -0.716754
+-0.49412 0.462794 -0.119888 -0.72615
+-0.523331 0.429486 -0.0721386 -0.732436
+-0.5503 0.394339 -0.0240807 -0.735586
+-0.574913 0.357504 0.0240806 -0.735586
+-0.597063 0.319137 0.0721386 -0.732436
+-0.616658 0.279404 0.119888 -0.72615
+-0.633611 0.238474 0.167124 -0.716754
+-0.647852 0.196524 0.213644 -0.704289
+-0.659318 0.153731 0.259249 -0.688808
+-0.667961 0.110281 0.303744 -0.670378
+-0.673743 0.0663579 0.346939 -0.649076
+-0.676641 0.022151 0.388647 -0.624996
+0.706728 0.0231359 -0.466228 0.531631
+0.703702 0.0693086 -0.5 0.5
+0.697662 0.115184 -0.531631 0.466228
+0.688635 0.160567 -0.560986 0.430459
+0.676659 0.205262 -0.587938 0.392847
+0.661785 0.249078 -0.612372 0.353553
+0.644078 0.291828 -0.634185 0.312745
+0.623612 0.333328 -0.653281 0.270598
+0.600477 0.3734 -0.669581 0.227292
+0.574769 0.411874 -0.683013 0.183013
+0.546601 0.448584 -0.69352 0.13795
+0.516092 0.483373 -0.701057 0.0922959
+0.483373 0.516092 -0.705593 0.046247
+0.448584 0.546601 -0.707107 -1.58103e-09
+0.411874 0.574769 -0.705593 -0.046247
+0.3734 0.600477 -0.701057 -0.092296
+0.333328 0.623613 -0.69352 -0.13795
+0.291828 0.644078 -0.683013 -0.183013
+0.249078 0.661785 -0.669581 -0.227292
+0.205262 0.676659 -0.653281 -0.270598
+0.160567 0.688635 -0.634185 -0.312745
+0.115184 0.697662 -0.612372 -0.353553
+0.0693085 0.703702 -0.587938 -0.392848
+0.0231358 0.706728 -0.560985 -0.430459
+-0.023136 0.706728 -0.531631 -0.466228
+-0.0693086 0.703702 -0.5 -0.5
+-0.115185 0.697662 -0.466228 -0.531631
+-0.160567 0.688635 -0.430459 -0.560986
+-0.205262 0.676659 -0.392847 -0.587938
+-0.249078 0.661785 -0.353553 -0.612372
+-0.291828 0.644078 -0.312745 -0.634185
+-0.333328 0.623613 -0.270598 -0.653281
+-0.3734 0.600477 -0.227292 -0.669581
+-0.411874 0.574769 -0.183013 -0.683013
+-0.448584 0.546601 -0.13795 -0.69352
+-0.483373 0.516092 -0.0922959 -0.701057
+-0.516092 0.483373 -0.046247 -0.705593
+-0.546601 0.448584 3.24897e-08 -0.707107
+-0.574769 0.411874 0.0462469 -0.705593
+-0.600477 0.3734 0.092296 -0.701057
+-0.623612 0.333328 0.13795 -0.69352
+-0.644078 0.291828 0.183013 -0.683013
+-0.661785 0.249078 0.227292 -0.669581
+-0.676659 0.205262 0.270598 -0.653281
+-0.688635 0.160567 0.312745 -0.634185
+-0.697662 0.115185 0.353553 -0.612372
+-0.703702 0.0693086 0.392848 -0.587938
+-0.706728 0.0231359 0.430459 -0.560986
+0.706728 0.0231359 -0.353553 0.612372
+0.703702 0.0693086 -0.392847 0.587938
+0.697662 0.115184 -0.430459 0.560986
+0.688635 0.160567 -0.466228 0.531631
+0.676659 0.205262 -0.5 0.5
+0.661785 0.249078 -0.531631 0.466228
+0.644078 0.291828 -0.560986 0.430459
+0.623612 0.333328 -0.587938 0.392847
+0.600477 0.3734 -0.612372 0.353553
+0.574769 0.411874 -0.634185 0.312745
+0.546601 0.448584 -0.653281 0.270598
+0.516092 0.483373 -0.669581 0.227292
+0.483373 0.516092 -0.683013 0.183013
+0.448584 0.546601 -0.69352 0.13795
+0.411874 0.574769 -0.701057 0.0922959
+0.3734 0.600477 -0.705593 0.0462469
+0.333328 0.623613 -0.707107 -5.81282e-08
+0.291828 0.644078 -0.705593 -0.046247
+0.249078 0.661785 -0.701057 -0.092296
+0.205262 0.676659 -0.69352 -0.13795
+0.160567 0.688635 -0.683013 -0.183013
+0.115184 0.697662 -0.669581 -0.227292
+0.0693085 0.703702 -0.653281 -0.270598
+0.0231358 0.706728 -0.634185 -0.312745
+-0.023136 0.706728 -0.612372 -0.353553
+-0.0693086 0.703702 -0.587938 -0.392848
+-0.115185 0.697662 -0.560985 -0.430459
+-0.160567 0.688635 -0.531631 -0.466228
+-0.205262 0.676659 -0.5 -0.5
+-0.249078 0.661785 -0.466228 -0.531631
+-0.291828 0.644078 -0.430459 -0.560986
+-0.333328 0.623613 -0.392848 -0.587938
+-0.3734 0.600477 -0.353553 -0.612372
+-0.411874 0.574769 -0.312745 -0.634185
+-0.448584 0.546601 -0.270598 -0.653281
+-0.483373 0.516092 -0.227292 -0.669581
+-0.516092 0.483373 -0.183013 -0.683013
+-0.546601 0.448584 -0.13795 -0.69352
+-0.574769 0.411874 -0.092296 -0.701057
+-0.600477 0.3734 -0.046247 -0.705593
+-0.623612 0.333328 -7.95506e-08 -0.707107
+-0.644078 0.291828 0.046247 -0.705593
+-0.661785 0.249078 0.092296 -0.701057
+-0.676659 0.205262 0.13795 -0.69352
+-0.688635 0.160567 0.183013 -0.683013
+-0.697662 0.115185 0.227292 -0.669581
+-0.703702 0.0693086 0.270598 -0.653281
+-0.706728 0.0231359 0.312745 -0.634185
+0.735586 0.0240806 -0.394339 0.5503
+0.732436 0.0721387 -0.429486 0.523331
+0.72615 0.119888 -0.462794 0.49412
+0.716754 0.167124 -0.49412 0.462794
+0.704289 0.213644 -0.523331 0.429486
+0.688808 0.259249 -0.5503 0.394339
+0.670378 0.303744 -0.574913 0.357504
+0.649076 0.346939 -0.597064 0.319137
+0.624996 0.388647 -0.616658 0.279404
+0.598239 0.428692 -0.633611 0.238474
+0.56892 0.466901 -0.647852 0.196524
+0.537165 0.50311 -0.659318 0.153731
+0.50311 0.537165 -0.667961 0.110281
+0.466901 0.56892 -0.673743 0.0663579
+0.428692 0.598239 -0.676641 0.0221509
+0.388647 0.624996 -0.676641 -0.022151
+0.346939 0.649077 -0.673743 -0.066358
+0.303744 0.670378 -0.667961 -0.110281
+0.259249 0.688808 -0.659318 -0.153731
+0.213644 0.704289 -0.647852 -0.196524
+0.167124 0.716754 -0.633611 -0.238474
+0.119888 0.72615 -0.616658 -0.279404
+0.0721386 0.732436 -0.597063 -0.319137
+0.0240805 0.735586 -0.574913 -0.357504
+-0.0240807 0.735586 -0.5503 -0.394339
+-0.0721387 0.732436 -0.523331 -0.429486
+-0.119888 0.72615 -0.49412 -0.462794
+-0.167124 0.716754 -0.462794 -0.49412
+-0.213644 0.704289 -0.429486 -0.523331
+-0.259249 0.688808 -0.394339 -0.5503
+-0.303744 0.670378 -0.357504 -0.574913
+-0.346939 0.649077 -0.319137 -0.597063
+-0.388647 0.624996 -0.279404 -0.616658
+-0.428692 0.598239 -0.238474 -0.633611
+-0.466901 0.56892 -0.196524 -0.647852
+-0.50311 0.537165 -0.153731 -0.659318
+-0.537165 0.50311 -0.110281 -0.667961
+-0.56892 0.466901 -0.0663579 -0.673743
+-0.598239 0.428692 -0.022151 -0.676641
+-0.624996 0.388647 0.0221509 -0.676641
+-0.649076 0.346939 0.0663578 -0.673743
+-0.670378 0.303744 0.110281 -0.667961
+-0.688808 0.259249 0.153731 -0.659318
+-0.704289 0.213644 0.196524 -0.647852
+-0.716754 0.167124 0.238474 -0.633611
+-0.72615 0.119888 0.279404 -0.616658
+-0.732436 0.0721386 0.319137 -0.597064
+-0.735586 0.0240807 0.357504 -0.574913
+0.676641 0.0221509 -0.167124 0.716754
+0.673743 0.0663579 -0.213644 0.704289
+0.667961 0.110281 -0.259249 0.688808
+0.659318 0.153731 -0.303744 0.670378
+0.647852 0.196524 -0.346939 0.649076
+0.633611 0.238474 -0.388647 0.624996
+0.616658 0.279404 -0.428692 0.598239
+0.597064 0.319137 -0.466901 0.56892
+0.574913 0.357504 -0.50311 0.537165
+0.5503 0.394339 -0.537165 0.50311
+0.523331 0.429486 -0.56892 0.466901
+0.49412 0.462794 -0.598239 0.428692
+0.462794 0.49412 -0.624996 0.388647
+0.429486 0.523331 -0.649076 0.346939
+0.394339 0.5503 -0.670378 0.303744
+0.357504 0.574913 -0.688808 0.259249
+0.319137 0.597064 -0.704289 0.213644
+0.279404 0.616658 -0.716754 0.167124
+0.238474 0.633611 -0.72615 0.119888
+0.196524 0.647852 -0.732436 0.0721386
+0.153731 0.659318 -0.735586 0.0240806
+0.110281 0.667961 -0.735586 -0.0240807
+0.0663578 0.673743 -0.732436 -0.0721388
+0.0221508 0.676641 -0.72615 -0.119888
+-0.022151 0.676641 -0.716754 -0.167124
+-0.066358 0.673743 -0.704289 -0.213644
+-0.110281 0.667961 -0.688808 -0.259249
+-0.153731 0.659318 -0.670378 -0.303744
+-0.196524 0.647852 -0.649076 -0.346939
+-0.238475 0.633611 -0.624996 -0.388648
+-0.279404 0.616658 -0.598239 -0.428692
+-0.319137 0.597064 -0.56892 -0.466901
+-0.357504 0.574913 -0.537165 -0.50311
+-0.394339 0.5503 -0.50311 -0.537165
+-0.429486 0.523331 -0.466901 -0.56892
+-0.462794 0.49412 -0.428692 -0.598239
+-0.49412 0.462794 -0.388647 -0.624996
+-0.523331 0.429486 -0.346939 -0.649076
+-0.5503 0.394339 -0.303744 -0.670378
+-0.574913 0.357504 -0.259249 -0.688808
+-0.597063 0.319137 -0.213644 -0.704289
+-0.616658 0.279404 -0.167124 -0.716754
+-0.633611 0.238474 -0.119888 -0.72615
+-0.647852 0.196524 -0.0721387 -0.732436
+-0.659318 0.153731 -0.0240805 -0.735586
+-0.667961 0.110281 0.0240805 -0.735586
+-0.673743 0.0663579 0.0721387 -0.732436
+-0.676641 0.022151 0.119888 -0.72615
+0.706728 0.0231359 -0.227292 0.669581
+0.703702 0.0693086 -0.270598 0.653281
+0.697662 0.115184 -0.312745 0.634185
+0.688635 0.160567 -0.353553 0.612372
+0.676659 0.205262 -0.392847 0.587938
+0.661785 0.249078 -0.430459 0.560986
+0.644078 0.291828 -0.466228 0.531631
+0.623612 0.333328 -0.5 0.5
+0.600477 0.3734 -0.531631 0.466228
+0.574769 0.411874 -0.560986 0.430459
+0.546601 0.448584 -0.587938 0.392847
+0.516092 0.483373 -0.612372 0.353553
+0.483373 0.516092 -0.634185 0.312745
+0.448584 0.546601 -0.653281 0.270598
+0.411874 0.574769 -0.669581 0.227292
+0.3734 0.600477 -0.683013 0.183013
+0.333328 0.623613 -0.69352 0.13795
+0.291828 0.644078 -0.701057 0.0922959
+0.249078 0.661785 -0.705593 0.046247
+0.205262 0.676659 -0.707107 -3.03816e-08
+0.160567 0.688635 -0.705593 -0.046247
+0.115184 0.697662 -0.701057 -0.0922961
+0.0693085 0.703702 -0.69352 -0.13795
+0.0231358 0.706728 -0.683013 -0.183013
+-0.023136 0.706728 -0.669581 -0.227292
+-0.0693086 0.703702 -0.653281 -0.270598
+-0.115185 0.697662 -0.634185 -0.312745
+-0.160567 0.688635 -0.612372 -0.353553
+-0.205262 0.676659 -0.587938 -0.392848
+-0.249078 0.661785 -0.560985 -0.430459
+-0.291828 0.644078 -0.531631 -0.466228
+-0.333328 0.623613 -0.5 -0.5
+-0.3734 0.600477 -0.466228 -0.531631
+-0.411874 0.574769 -0.430459 -0.560986
+-0.448584 0.546601 -0.392847 -0.587938
+-0.483373 0.516092 -0.353553 -0.612372
+-0.516092 0.483373 -0.312745 -0.634185
+-0.546601 0.448584 -0.270598 -0.653281
+-0.574769 0.411874 -0.227292 -0.669581
+-0.600477 0.3734 -0.183013 -0.683013
+-0.623612 0.333328 -0.13795 -0.69352
+-0.644078 0.291828 -0.092296 -0.701057
+-0.661785 0.249078 -0.0462469 -0.705593
+-0.676659 0.205262 -2.30035e-08 -0.707107
+-0.688635 0.160567 0.046247 -0.705593
+-0.697662 0.115185 0.0922959 -0.701057
+-0.703702 0.0693086 0.13795 -0.69352
+-0.706728 0.0231359 0.183013 -0.683013
+0.706728 0.0231359 -0.092296 0.701057
+0.703702 0.0693086 -0.13795 0.69352
+0.697662 0.115184 -0.183013 0.683013
+0.688635 0.160567 -0.227292 0.669581
+0.676659 0.205262 -0.270598 0.653281
+0.661785 0.249078 -0.312745 0.634185
+0.644078 0.291828 -0.353553 0.612372
+0.623612 0.333328 -0.392847 0.587938
+0.600477 0.3734 -0.430459 0.560986
+0.574769 0.411874 -0.466228 0.531631
+0.546601 0.448584 -0.5 0.5
+0.516092 0.483373 -0.531631 0.466228
+0.483373 0.516092 -0.560986 0.430459
+0.448584 0.546601 -0.587938 0.392847
+0.411874 0.574769 -0.612372 0.353553
+0.3734 0.600477 -0.634185 0.312745
+0.333328 0.623613 -0.653282 0.270598
+0.291828 0.644078 -0.669581 0.227292
+0.249078 0.661785 -0.683013 0.183013
+0.205262 0.676659 -0.69352 0.13795
+0.160567 0.688635 -0.701057 0.0922959
+0.115184 0.697662 -0.705593 0.0462469
+0.0693085 0.703702 -0.707107 -8.69287e-08
+0.0231358 0.706728 -0.705593 -0.0462471
+-0.023136 0.706728 -0.701057 -0.092296
+-0.0693086 0.703702 -0.69352 -0.13795
+-0.115185 0.697662 -0.683013 -0.183013
+-0.160567 0.688635 -0.669581 -0.227292
+-0.205262 0.676659 -0.653281 -0.270598
+-0.249078 0.661785 -0.634185 -0.312745
+-0.291828 0.644078 -0.612372 -0.353553
+-0.333328 0.623613 -0.587938 -0.392847
+-0.3734 0.600477 -0.560986 -0.430459
+-0.411874 0.574769 -0.531631 -0.466228
+-0.448584 0.546601 -0.5 -0.5
+-0.483373 0.516092 -0.466228 -0.531631
+-0.516092 0.483373 -0.430459 -0.560986
+-0.546601 0.448584 -0.392847 -0.587938
+-0.574769 0.411874 -0.353553 -0.612372
+-0.600477 0.3734 -0.312745 -0.634185
+-0.623612 0.333328 -0.270598 -0.653281
+-0.644078 0.291828 -0.227292 -0.669581
+-0.661785 0.249078 -0.183013 -0.683013
+-0.676659 0.205262 -0.13795 -0.69352
+-0.688635 0.160567 -0.0922959 -0.701057
+-0.697662 0.115185 -0.046247 -0.705593
+-0.703702 0.0693086 3.35437e-08 -0.707107
+-0.706728 0.0231359 0.0462469 -0.705593
+0.735586 0.0240806 -0.153731 0.659318
+0.732436 0.0721387 -0.196524 0.647852
+0.72615 0.119888 -0.238474 0.633611
+0.716754 0.167124 -0.279404 0.616658
+0.704289 0.213644 -0.319137 0.597064
+0.688808 0.259249 -0.357504 0.574913
+0.670378 0.303744 -0.394339 0.5503
+0.649076 0.346939 -0.429486 0.523331
+0.624996 0.388647 -0.462794 0.49412
+0.598239 0.428692 -0.49412 0.462794
+0.56892 0.466901 -0.523331 0.429486
+0.537165 0.50311 -0.5503 0.394339
+0.50311 0.537165 -0.574913 0.357504
+0.466901 0.56892 -0.597064 0.319137
+0.428692 0.598239 -0.616658 0.279404
+0.388647 0.624996 -0.633611 0.238474
+0.346939 0.649077 -0.647852 0.196524
+0.303744 0.670378 -0.659318 0.153731
+0.259249 0.688808 -0.667961 0.110281
+0.213644 0.704289 -0.673743 0.0663579
+0.167124 0.716754 -0.676641 0.0221509
+0.119888 0.72615 -0.676641 -0.022151
+0.0721386 0.732436 -0.673743 -0.066358
+0.0240805 0.735586 -0.667961 -0.110281
+-0.0240807 0.735586 -0.659318 -0.153731
+-0.0721387 0.732436 -0.647852 -0.196524
+-0.119888 0.72615 -0.633611 -0.238474
+-0.167124 0.716754 -0.616658 -0.279404
+-0.213644 0.704289 -0.597063 -0.319137
+-0.259249 0.688808 -0.574913 -0.357504
+-0.303744 0.670378 -0.5503 -0.394339
+-0.346939 0.649077 -0.523331 -0.429486
+-0.388647 0.624996 -0.49412 -0.462794
+-0.428692 0.598239 -0.462794 -0.49412
+-0.466901 0.56892 -0.429486 -0.523331
+-0.50311 0.537165 -0.394339 -0.5503
+-0.537165 0.50311 -0.357504 -0.574913
+-0.56892 0.466901 -0.319137 -0.597064
+-0.598239 0.428692 -0.279404 -0.616658
+-0.624996 0.388647 -0.238474 -0.633611
+-0.649076 0.346939 -0.196524 -0.647852
+-0.670378 0.303744 -0.153731 -0.659318
+-0.688808 0.259249 -0.110281 -0.667961
+-0.704289 0.213644 -0.0663579 -0.673743
+-0.716754 0.167124 -0.0221509 -0.676641
+-0.72615 0.119888 0.0221509 -0.676641
+-0.732436 0.0721386 0.0663579 -0.673743
+-0.735586 0.0240807 0.110281 -0.667961
+0.735586 0.0240806 -0.279404 0.616658
+0.732436 0.0721387 -0.319137 0.597064
+0.72615 0.119888 -0.357504 0.574913
+0.716754 0.167124 -0.394339 0.5503
+0.704289 0.213644 -0.429486 0.523331
+0.688808 0.259249 -0.462794 0.49412
+0.670378 0.303744 -0.49412 0.462794
+0.649076 0.346939 -0.523331 0.429486
+0.624996 0.388647 -0.5503 0.394339
+0.598239 0.428692 -0.574913 0.357504
+0.56892 0.466901 -0.597064 0.319137
+0.537165 0.50311 -0.616658 0.279404
+0.50311 0.537165 -0.633611 0.238474
+0.466901 0.56892 -0.647852 0.196524
+0.428692 0.598239 -0.659318 0.153731
+0.388647 0.624996 -0.667961 0.110281
+0.346939 0.649077 -0.673743 0.0663579
+0.303744 0.670378 -0.676641 0.0221509
+0.259249 0.688808 -0.676641 -0.022151
+0.213644 0.704289 -0.673743 -0.0663579
+0.167124 0.716754 -0.667961 -0.110281
+0.119888 0.72615 -0.659318 -0.153731
+0.0721386 0.732436 -0.647852 -0.196524
+0.0240805 0.735586 -0.633611 -0.238474
+-0.0240807 0.735586 -0.616658 -0.279404
+-0.0721387 0.732436 -0.597063 -0.319137
+-0.119888 0.72615 -0.574913 -0.357504
+-0.167124 0.716754 -0.5503 -0.394339
+-0.213644 0.704289 -0.52333 -0.429486
+-0.259249 0.688808 -0.49412 -0.462794
+-0.303744 0.670378 -0.462794 -0.49412
+-0.346939 0.649077 -0.429486 -0.523331
+-0.388647 0.624996 -0.394339 -0.5503
+-0.428692 0.598239 -0.357504 -0.574913
+-0.466901 0.56892 -0.319137 -0.597064
+-0.50311 0.537165 -0.279404 -0.616658
+-0.537165 0.50311 -0.238474 -0.633611
+-0.56892 0.466901 -0.196524 -0.647852
+-0.598239 0.428692 -0.153731 -0.659318
+-0.624996 0.388647 -0.110281 -0.667961
+-0.649076 0.346939 -0.066358 -0.673743
+-0.670378 0.303744 -0.0221509 -0.676641
+-0.688808 0.259249 0.022151 -0.676641
+-0.704289 0.213644 0.0663579 -0.673743
+-0.716754 0.167124 0.110281 -0.667961
+-0.72615 0.119888 0.153731 -0.659318
+-0.732436 0.0721386 0.196524 -0.647852
+-0.735586 0.0240807 0.238474 -0.633611
+0.763354 0.0249896 -0.322749 0.559017
+0.760085 0.0748618 -0.358619 0.536711
+0.753561 0.124413 -0.392954 0.512107
+0.743811 0.173432 -0.425606 0.485311
+0.730875 0.221709 -0.456435 0.456435
+0.71481 0.269035 -0.485311 0.425606
+0.695684 0.31521 -0.512107 0.392954
+0.673578 0.360035 -0.536711 0.358619
+0.648589 0.403318 -0.559017 0.322749
+0.620822 0.444875 -0.578929 0.285496
+0.590396 0.484526 -0.596362 0.247021
+0.557443 0.522102 -0.611241 0.207488
+0.522102 0.557443 -0.623502 0.167067
+0.484526 0.590396 -0.633094 0.12593
+0.444875 0.620822 -0.639975 0.0842543
+0.403318 0.648589 -0.644115 0.0422175
+0.360035 0.673579 -0.645497 -5.30635e-08
+0.31521 0.695684 -0.644115 -0.0422176
+0.269035 0.71481 -0.639975 -0.0842543
+0.221709 0.730875 -0.633094 -0.12593
+0.173432 0.743811 -0.623502 -0.167067
+0.124413 0.753561 -0.611241 -0.207488
+0.0748617 0.760085 -0.596362 -0.247021
+0.0249895 0.763354 -0.578929 -0.285496
+-0.0249897 0.763354 -0.559017 -0.322749
+-0.0748619 0.760085 -0.536711 -0.358619
+-0.124414 0.753561 -0.512107 -0.392954
+-0.173432 0.743811 -0.48531 -0.425606
+-0.221709 0.730875 -0.456435 -0.456436
+-0.269036 0.71481 -0.425606 -0.485311
+-0.31521 0.695684 -0.392954 -0.512107
+-0.360035 0.673579 -0.358619 -0.536711
+-0.403318 0.648589 -0.322749 -0.559017
+-0.444875 0.620822 -0.285496 -0.578929
+-0.484526 0.590397 -0.247021 -0.596362
+-0.522102 0.557443 -0.207488 -0.611241
+-0.557443 0.522102 -0.167067 -0.623502
+-0.590397 0.484526 -0.12593 -0.633094
+-0.620822 0.444875 -0.0842544 -0.639975
+-0.648589 0.403318 -0.0422175 -0.644115
+-0.673578 0.360035 -7.26194e-08 -0.645497
+-0.695684 0.31521 0.0422175 -0.644115
+-0.71481 0.269035 0.0842544 -0.639975
+-0.730875 0.221709 0.12593 -0.633094
+-0.743811 0.173432 0.167067 -0.623502
+-0.753561 0.124414 0.207488 -0.611241
+-0.760085 0.0748618 0.247021 -0.596362
+-0.763354 0.0249897 0.285496 -0.578929
+0.763354 0.0249896 -0.207488 0.611241
+0.760085 0.0748618 -0.247021 0.596362
+0.753561 0.124413 -0.285496 0.578929
+0.743811 0.173432 -0.322749 0.559017
+0.730875 0.221709 -0.358619 0.536711
+0.71481 0.269035 -0.392954 0.512107
+0.695684 0.31521 -0.425606 0.485311
+0.673578 0.360035 -0.456435 0.456435
+0.648589 0.403318 -0.485311 0.425606
+0.620822 0.444875 -0.512107 0.392954
+0.590396 0.484526 -0.536711 0.358619
+0.557443 0.522102 -0.559017 0.322749
+0.522102 0.557443 -0.578929 0.285496
+0.484526 0.590396 -0.596362 0.247021
+0.444875 0.620822 -0.611241 0.207488
+0.403318 0.648589 -0.623502 0.167067
+0.360035 0.673579 -0.633094 0.12593
+0.31521 0.695684 -0.639975 0.0842543
+0.269035 0.71481 -0.644115 0.0422175
+0.221709 0.730875 -0.645497 -2.77345e-08
+0.173432 0.743811 -0.644115 -0.0422176
+0.124413 0.753561 -0.639975 -0.0842544
+0.0748617 0.760085 -0.633094 -0.12593
+0.0249895 0.763354 -0.623502 -0.167067
+-0.0249897 0.763354 -0.611241 -0.207488
+-0.0748619 0.760085 -0.596362 -0.247021
+-0.124414 0.753561 -0.578929 -0.285496
+-0.173432 0.743811 -0.559017 -0.322749
+-0.221709 0.730875 -0.536711 -0.358619
+-0.269036 0.71481 -0.512107 -0.392954
+-0.31521 0.695684 -0.48531 -0.425606
+-0.360035 0.673579 -0.456436 -0.456435
+-0.403318 0.648589 -0.425606 -0.485311
+-0.444875 0.620822 -0.392954 -0.512107
+-0.484526 0.590397 -0.358619 -0.536711
+-0.522102 0.557443 -0.322749 -0.559017
+-0.557443 0.522102 -0.285496 -0.578929
+-0.590397 0.484526 -0.247021 -0.596362
+-0.620822 0.444875 -0.207488 -0.611241
+-0.648589 0.403318 -0.167067 -0.623502
+-0.673578 0.360035 -0.12593 -0.633094
+-0.695684 0.31521 -0.0842543 -0.639975
+-0.71481 0.269035 -0.0422175 -0.644115
+-0.730875 0.221709 -2.09992e-08 -0.645497
+-0.743811 0.173432 0.0422176 -0.644115
+-0.753561 0.124414 0.0842543 -0.639975
+-0.760085 0.0748618 0.12593 -0.633094
+-0.763354 0.0249897 0.167067 -0.623502
+0.790146 0.0258667 -0.25273 0.557788
+0.786763 0.0774894 -0.28867 0.540064
+0.78001 0.12878 -0.323374 0.520028
+0.769917 0.17952 -0.356693 0.497765
+0.756528 0.22949 -0.388485 0.47337
+0.739899 0.278478 -0.418613 0.446949
+0.720101 0.326274 -0.446949 0.418613
+0.69722 0.372672 -0.47337 0.388485
+0.671353 0.417474 -0.497765 0.356693
+0.642612 0.460489 -0.520028 0.323374
+0.611118 0.501532 -0.540064 0.28867
+0.577008 0.540427 -0.557788 0.25273
+0.540427 0.577008 -0.573123 0.215708
+0.501532 0.611118 -0.586004 0.177762
+0.460489 0.642612 -0.596375 0.139055
+0.417474 0.671353 -0.604193 0.0997526
+0.372672 0.69722 -0.609424 0.0600229
+0.326274 0.720101 -0.612045 0.0200362
+0.278478 0.739899 -0.612045 -0.0200363
+0.22949 0.756528 -0.609424 -0.060023
+0.17952 0.769917 -0.604193 -0.0997527
+0.12878 0.78001 -0.596375 -0.139055
+0.0774893 0.786763 -0.586004 -0.177762
+0.0258666 0.790146 -0.573123 -0.215708
+-0.0258668 0.790146 -0.557788 -0.25273
+-0.0774894 0.786763 -0.540064 -0.28867
+-0.12878 0.78001 -0.520028 -0.323374
+-0.17952 0.769917 -0.497765 -0.356693
+-0.22949 0.756528 -0.47337 -0.388485
+-0.278478 0.739899 -0.446949 -0.418613
+-0.326274 0.720101 -0.418613 -0.446949
+-0.372672 0.69722 -0.388485 -0.47337
+-0.417474 0.671353 -0.356693 -0.497765
+-0.460489 0.642612 -0.323374 -0.520028
+-0.501532 0.611118 -0.28867 -0.540064
+-0.540427 0.577008 -0.25273 -0.557788
+-0.577008 0.540427 -0.215708 -0.573123
+-0.611118 0.501532 -0.177762 -0.586004
+-0.642612 0.460489 -0.139055 -0.596375
+-0.671353 0.417474 -0.0997527 -0.604193
+-0.69722 0.372672 -0.0600231 -0.609424
+-0.720101 0.326274 -0.0200363 -0.612045
+-0.739899 0.278478 0.0200363 -0.612045
+-0.756528 0.22949 0.060023 -0.609424
+-0.769917 0.179519 0.0997527 -0.604193
+-0.78001 0.12878 0.139055 -0.596375
+-0.786763 0.0774893 0.177762 -0.586004
+-0.790146 0.0258668 0.215708 -0.573123
+0.612045 0.0200363 0.278478 0.739899
+0.609424 0.060023 0.22949 0.756528
+0.604193 0.0997527 0.17952 0.769917
+0.596375 0.139055 0.12878 0.78001
+0.586004 0.177762 0.0774894 0.786763
+0.573123 0.215708 0.0258667 0.790146
+0.557788 0.25273 -0.0258667 0.790146
+0.540064 0.28867 -0.0774894 0.786763
+0.520028 0.323374 -0.12878 0.78001
+0.497765 0.356693 -0.17952 0.769917
+0.47337 0.388485 -0.22949 0.756528
+0.446949 0.418613 -0.278478 0.739899
+0.418613 0.446949 -0.326274 0.720101
+0.388485 0.47337 -0.372672 0.69722
+0.356693 0.497765 -0.417474 0.671353
+0.323374 0.520028 -0.460489 0.642612
+0.28867 0.540064 -0.501532 0.611118
+0.25273 0.557788 -0.540427 0.577008
+0.215708 0.573123 -0.577008 0.540427
+0.177762 0.586004 -0.611118 0.501532
+0.139055 0.596375 -0.642612 0.460489
+0.0997526 0.604193 -0.671353 0.417474
+0.0600229 0.609424 -0.69722 0.372672
+0.0200362 0.612045 -0.720101 0.326273
+-0.0200363 0.612045 -0.739899 0.278478
+-0.060023 0.609424 -0.756528 0.22949
+-0.0997527 0.604193 -0.769917 0.179519
+-0.139055 0.596375 -0.78001 0.12878
+-0.177762 0.586004 -0.786763 0.0774892
+-0.215708 0.573123 -0.790146 0.0258666
+-0.25273 0.557788 -0.790146 -0.0258668
+-0.28867 0.540064 -0.786763 -0.0774893
+-0.323374 0.520028 -0.78001 -0.12878
+-0.356693 0.497765 -0.769917 -0.17952
+-0.388485 0.47337 -0.756528 -0.22949
+-0.418613 0.446949 -0.739899 -0.278478
+-0.446949 0.418613 -0.720101 -0.326274
+-0.47337 0.388485 -0.69722 -0.372672
+-0.497765 0.356693 -0.671353 -0.417474
+-0.520028 0.323374 -0.642612 -0.460489
+-0.540064 0.28867 -0.611118 -0.501532
+-0.557788 0.25273 -0.577008 -0.540427
+-0.573123 0.215708 -0.540427 -0.577008
+-0.586004 0.177762 -0.501532 -0.611118
+-0.596375 0.139055 -0.460489 -0.642612
+-0.604193 0.0997527 -0.417474 -0.671353
+-0.609424 0.060023 -0.372672 -0.69722
+-0.612045 0.0200363 -0.326274 -0.720101
+0.645152 0.0211201 0.197676 0.737738
+0.642389 0.0632698 0.149003 0.749087
+0.636876 0.105149 0.099691 0.757229
+0.628635 0.146577 0.0499525 0.762127
+0.617702 0.187378 -5.69236e-10 0.763763
+0.604125 0.227376 -0.0499525 0.762127
+0.58796 0.266401 -0.099691 0.757229
+0.569278 0.304285 -0.149003 0.749087
+0.548158 0.340866 -0.197676 0.737738
+0.52469 0.375988 -0.245503 0.72323
+0.498976 0.409499 -0.292279 0.705625
+0.471125 0.441257 -0.337804 0.684998
+0.441257 0.471125 -0.381881 0.661438
+0.409499 0.498976 -0.424324 0.635045
+0.375988 0.52469 -0.464949 0.605934
+0.340866 0.548158 -0.503584 0.574227
+0.304285 0.569278 -0.540062 0.540062
+0.266401 0.58796 -0.574227 0.503584
+0.227376 0.604125 -0.605934 0.464949
+0.187378 0.617702 -0.635045 0.424324
+0.146577 0.628635 -0.661438 0.381881
+0.105148 0.636876 -0.684998 0.337803
+0.0632697 0.642389 -0.705625 0.292279
+0.02112 0.645152 -0.72323 0.245503
+-0.0211201 0.645152 -0.737738 0.197676
+-0.0632698 0.642389 -0.749087 0.149003
+-0.105149 0.636876 -0.757229 0.099691
+-0.146577 0.628635 -0.762127 0.0499524
+-0.187378 0.617702 -0.763763 -1.25002e-07
+-0.227377 0.604125 -0.762127 -0.0499526
+-0.266401 0.58796 -0.757229 -0.0996911
+-0.304285 0.569278 -0.749087 -0.149003
+-0.340866 0.548158 -0.737738 -0.197676
+-0.375988 0.52469 -0.72323 -0.245504
+-0.409499 0.498976 -0.705625 -0.292279
+-0.441257 0.471125 -0.684998 -0.337804
+-0.471125 0.441257 -0.661438 -0.381881
+-0.498976 0.409499 -0.635045 -0.424324
+-0.52469 0.375988 -0.605934 -0.464949
+-0.548158 0.340866 -0.574227 -0.503584
+-0.569278 0.304285 -0.540062 -0.540062
+-0.58796 0.266401 -0.503584 -0.574227
+-0.604125 0.227376 -0.464949 -0.605934
+-0.617702 0.187378 -0.424324 -0.635045
+-0.628635 0.146577 -0.381881 -0.661438
+-0.636876 0.105149 -0.337804 -0.684998
+-0.642389 0.0632698 -0.292279 -0.705625
+-0.645152 0.0211201 -0.245504 -0.72323
+0.645152 0.0211201 0.337804 0.684998
+0.642389 0.0632698 0.292279 0.705625
+0.636876 0.105149 0.245503 0.72323
+0.628635 0.146577 0.197676 0.737738
+0.617702 0.187378 0.149003 0.749087
+0.604125 0.227376 0.099691 0.757229
+0.58796 0.266401 0.0499525 0.762127
+0.569278 0.304285 -1.61233e-08 0.763763
+0.548158 0.340866 -0.0499525 0.762127
+0.52469 0.375988 -0.099691 0.757229
+0.498976 0.409499 -0.149003 0.749087
+0.471125 0.441257 -0.197676 0.737738
+0.441257 0.471125 -0.245503 0.72323
+0.409499 0.498976 -0.292279 0.705625
+0.375988 0.52469 -0.337804 0.684998
+0.340866 0.548158 -0.381881 0.661438
+0.304285 0.569278 -0.424324 0.635045
+0.266401 0.58796 -0.464949 0.605934
+0.227376 0.604125 -0.503584 0.574227
+0.187378 0.617702 -0.540062 0.540062
+0.146577 0.628635 -0.574227 0.503584
+0.105148 0.636876 -0.605934 0.464949
+0.0632697 0.642389 -0.635045 0.424324
+0.02112 0.645152 -0.661438 0.381881
+-0.0211201 0.645152 -0.684998 0.337804
+-0.0632698 0.642389 -0.705625 0.292279
+-0.105149 0.636876 -0.72323 0.245503
+-0.146577 0.628635 -0.737738 0.197676
+-0.187378 0.617702 -0.749087 0.149003
+-0.227377 0.604125 -0.757229 0.0996909
+-0.266401 0.58796 -0.762127 0.0499524
+-0.304285 0.569278 -0.763763 8.70629e-08
+-0.340866 0.548158 -0.762127 -0.0499525
+-0.375988 0.52469 -0.757229 -0.0996911
+-0.409499 0.498976 -0.749087 -0.149003
+-0.441257 0.471125 -0.737738 -0.197676
+-0.471125 0.441257 -0.72323 -0.245503
+-0.498976 0.409499 -0.705625 -0.292279
+-0.52469 0.375988 -0.684998 -0.337804
+-0.548158 0.340866 -0.661438 -0.381881
+-0.569278 0.304285 -0.635045 -0.424324
+-0.58796 0.266401 -0.605934 -0.464949
+-0.604125 0.227376 -0.574227 -0.503584
+-0.617702 0.187378 -0.540062 -0.540062
+-0.628635 0.146577 -0.503584 -0.574227
+-0.636876 0.105149 -0.464949 -0.605934
+-0.642389 0.0632698 -0.424324 -0.635045
+-0.645152 0.0211201 -0.381881 -0.661438
+0.676641 0.0221509 0.259249 0.688808
+0.673743 0.0663579 0.213644 0.704289
+0.667961 0.110281 0.167124 0.716754
+0.659318 0.153731 0.119888 0.72615
+0.647852 0.196524 0.0721387 0.732436
+0.633611 0.238474 0.0240806 0.735586
+0.616658 0.279404 -0.0240806 0.735586
+0.597064 0.319137 -0.0721387 0.732436
+0.574913 0.357504 -0.119888 0.72615
+0.5503 0.394339 -0.167124 0.716754
+0.523331 0.429486 -0.213644 0.704289
+0.49412 0.462794 -0.259249 0.688808
+0.462794 0.49412 -0.303744 0.670378
+0.429486 0.523331 -0.346939 0.649076
+0.394339 0.5503 -0.388647 0.624996
+0.357504 0.574913 -0.428692 0.598239
+0.319137 0.597064 -0.466901 0.56892
+0.279404 0.616658 -0.50311 0.537165
+0.238474 0.633611 -0.537165 0.50311
+0.196524 0.647852 -0.56892 0.466901
+0.153731 0.659318 -0.598239 0.428692
+0.110281 0.667961 -0.624996 0.388647
+0.0663578 0.673743 -0.649077 0.346939
+0.0221508 0.676641 -0.670378 0.303744
+-0.022151 0.676641 -0.688808 0.259249
+-0.066358 0.673743 -0.704289 0.213644
+-0.110281 0.667961 -0.716754 0.167124
+-0.153731 0.659318 -0.72615 0.119888
+-0.196524 0.647852 -0.732436 0.0721385
+-0.238475 0.633611 -0.735586 0.0240805
+-0.279404 0.616658 -0.735586 -0.0240807
+-0.319137 0.597064 -0.732436 -0.0721386
+-0.357504 0.574913 -0.72615 -0.119888
+-0.394339 0.5503 -0.716754 -0.167124
+-0.429486 0.523331 -0.704289 -0.213644
+-0.462794 0.49412 -0.688808 -0.259249
+-0.49412 0.462794 -0.670378 -0.303744
+-0.523331 0.429486 -0.649076 -0.346939
+-0.5503 0.394339 -0.624996 -0.388647
+-0.574913 0.357504 -0.598239 -0.428692
+-0.597063 0.319137 -0.56892 -0.466901
+-0.616658 0.279404 -0.537165 -0.50311
+-0.633611 0.238474 -0.50311 -0.537165
+-0.647852 0.196524 -0.466901 -0.56892
+-0.659318 0.153731 -0.428692 -0.598239
+-0.667961 0.110281 -0.388647 -0.624996
+-0.673743 0.0663579 -0.346939 -0.649076
+-0.676641 0.022151 -0.303744 -0.670378
+0.676641 0.0221509 0.119888 0.72615
+0.673743 0.0663579 0.0721387 0.732436
+0.667961 0.110281 0.0240806 0.735586
+0.659318 0.153731 -0.0240806 0.735586
+0.647852 0.196524 -0.0721387 0.732436
+0.633611 0.238474 -0.119888 0.72615
+0.616658 0.279404 -0.167124 0.716754
+0.597064 0.319137 -0.213644 0.704289
+0.574913 0.357504 -0.259249 0.688808
+0.5503 0.394339 -0.303744 0.670378
+0.523331 0.429486 -0.346939 0.649076
+0.49412 0.462794 -0.388647 0.624996
+0.462794 0.49412 -0.428692 0.598239
+0.429486 0.523331 -0.466901 0.56892
+0.394339 0.5503 -0.50311 0.537165
+0.357504 0.574913 -0.537165 0.50311
+0.319137 0.597064 -0.56892 0.466901
+0.279404 0.616658 -0.598239 0.428692
+0.238474 0.633611 -0.624996 0.388647
+0.196524 0.647852 -0.649076 0.346939
+0.153731 0.659318 -0.670378 0.303744
+0.110281 0.667961 -0.688808 0.259249
+0.0663578 0.673743 -0.704289 0.213644
+0.0221508 0.676641 -0.716754 0.167124
+-0.022151 0.676641 -0.72615 0.119888
+-0.066358 0.673743 -0.732436 0.0721386
+-0.110281 0.667961 -0.735586 0.0240805
+-0.153731 0.659318 -0.735586 -0.0240806
+-0.196524 0.647852 -0.732436 -0.0721388
+-0.238475 0.633611 -0.72615 -0.119888
+-0.279404 0.616658 -0.716754 -0.167124
+-0.319137 0.597064 -0.704289 -0.213644
+-0.357504 0.574913 -0.688808 -0.259249
+-0.394339 0.5503 -0.670378 -0.303744
+-0.429486 0.523331 -0.649076 -0.346939
+-0.462794 0.49412 -0.624996 -0.388647
+-0.49412 0.462794 -0.598239 -0.428692
+-0.523331 0.429486 -0.56892 -0.466901
+-0.5503 0.394339 -0.537165 -0.50311
+-0.574913 0.357504 -0.50311 -0.537165
+-0.597063 0.319137 -0.466901 -0.56892
+-0.616658 0.279404 -0.428692 -0.598239
+-0.633611 0.238474 -0.388647 -0.624996
+-0.647852 0.196524 -0.346939 -0.649076
+-0.659318 0.153731 -0.303744 -0.670378
+-0.667961 0.110281 -0.259249 -0.688808
+-0.673743 0.0663579 -0.213644 -0.704289
+-0.676641 0.022151 -0.167124 -0.716754
+0.706728 0.0231359 0.046247 0.705593
+0.703702 0.0693086 -1.93179e-09 0.707107
+0.697662 0.115184 -0.046247 0.705593
+0.688635 0.160567 -0.092296 0.701057
+0.676659 0.205262 -0.13795 0.69352
+0.661785 0.249078 -0.183013 0.683013
+0.644078 0.291828 -0.227292 0.669581
+0.623612 0.333328 -0.270598 0.653281
+0.600477 0.3734 -0.312745 0.634185
+0.574769 0.411874 -0.353553 0.612372
+0.546601 0.448584 -0.392847 0.587938
+0.516092 0.483373 -0.430459 0.560986
+0.483373 0.516092 -0.466228 0.531631
+0.448584 0.546601 -0.5 0.5
+0.411874 0.574769 -0.531631 0.466228
+0.3734 0.600477 -0.560986 0.430459
+0.333328 0.623613 -0.587938 0.392847
+0.291828 0.644078 -0.612372 0.353553
+0.249078 0.661785 -0.634185 0.312745
+0.205262 0.676659 -0.653281 0.270598
+0.160567 0.688635 -0.669581 0.227292
+0.115184 0.697662 -0.683013 0.183013
+0.0693085 0.703702 -0.69352 0.13795
+0.0231358 0.706728 -0.701057 0.0922959
+-0.023136 0.706728 -0.705593 0.0462469
+-0.0693086 0.703702 -0.707107 -5.91822e-08
+-0.115185 0.697662 -0.705593 -0.046247
+-0.160567 0.688635 -0.701057 -0.092296
+-0.205262 0.676659 -0.69352 -0.13795
+-0.249078 0.661785 -0.683013 -0.183013
+-0.291828 0.644078 -0.669581 -0.227292
+-0.333328 0.623613 -0.653282 -0.270598
+-0.3734 0.600477 -0.634185 -0.312745
+-0.411874 0.574769 -0.612372 -0.353553
+-0.448584 0.546601 -0.587938 -0.392847
+-0.483373 0.516092 -0.560985 -0.430459
+-0.516092 0.483373 -0.531631 -0.466228
+-0.546601 0.448584 -0.5 -0.5
+-0.574769 0.411874 -0.466228 -0.531631
+-0.600477 0.3734 -0.430459 -0.560986
+-0.623612 0.333328 -0.392848 -0.587938
+-0.644078 0.291828 -0.353553 -0.612372
+-0.661785 0.249078 -0.312745 -0.634185
+-0.676659 0.205262 -0.270598 -0.653281
+-0.688635 0.160567 -0.227292 -0.669581
+-0.697662 0.115185 -0.183013 -0.683013
+-0.703702 0.0693086 -0.13795 -0.69352
+-0.706728 0.0231359 -0.092296 -0.701057
+0.706728 0.0231359 0.183013 0.683013
+0.703702 0.0693086 0.13795 0.69352
+0.697662 0.115184 0.092296 0.701057
+0.688635 0.160567 0.046247 0.705593
+0.676659 0.205262 -5.2701e-10 0.707107
+0.661785 0.249078 -0.046247 0.705593
+0.644078 0.291828 -0.092296 0.701057
+0.623612 0.333328 -0.13795 0.69352
+0.600477 0.3734 -0.183013 0.683013
+0.574769 0.411874 -0.227292 0.669581
+0.546601 0.448584 -0.270598 0.653281
+0.516092 0.483373 -0.312745 0.634185
+0.483373 0.516092 -0.353553 0.612372
+0.448584 0.546601 -0.392847 0.587938
+0.411874 0.574769 -0.430459 0.560986
+0.3734 0.600477 -0.466228 0.531631
+0.333328 0.623613 -0.5 0.5
+0.291828 0.644078 -0.531631 0.466228
+0.249078 0.661785 -0.560986 0.430459
+0.205262 0.676659 -0.587938 0.392847
+0.160567 0.688635 -0.612372 0.353553
+0.115184 0.697662 -0.634185 0.312745
+0.0693085 0.703702 -0.653282 0.270598
+0.0231358 0.706728 -0.669581 0.227292
+-0.023136 0.706728 -0.683013 0.183013
+-0.0693086 0.703702 -0.69352 0.13795
+-0.115185 0.697662 -0.701057 0.0922959
+-0.160567 0.688635 -0.705593 0.046247
+-0.205262 0.676659 -0.707107 -1.15729e-07
+-0.249078 0.661785 -0.705593 -0.0462471
+-0.291828 0.644078 -0.701057 -0.0922961
+-0.333328 0.623613 -0.69352 -0.13795
+-0.3734 0.600477 -0.683013 -0.183013
+-0.411874 0.574769 -0.669581 -0.227292
+-0.448584 0.546601 -0.653281 -0.270598
+-0.483373 0.516092 -0.634185 -0.312745
+-0.516092 0.483373 -0.612372 -0.353553
+-0.546601 0.448584 -0.587938 -0.392848
+-0.574769 0.411874 -0.560986 -0.430459
+-0.600477 0.3734 -0.531631 -0.466228
+-0.623612 0.333328 -0.5 -0.5
+-0.644078 0.291828 -0.466228 -0.531631
+-0.661785 0.249078 -0.430459 -0.560986
+-0.676659 0.205262 -0.392847 -0.587938
+-0.688635 0.160567 -0.353553 -0.612372
+-0.697662 0.115185 -0.312745 -0.634185
+-0.703702 0.0693086 -0.270598 -0.653281
+-0.706728 0.0231359 -0.227292 -0.669581
+0.735586 0.0240806 0.110281 0.667961
+0.732436 0.0721387 0.0663579 0.673743
+0.72615 0.119888 0.0221509 0.676641
+0.716754 0.167124 -0.0221509 0.676641
+0.704289 0.213644 -0.0663579 0.673743
+0.688808 0.259249 -0.110281 0.667961
+0.670378 0.303744 -0.153731 0.659318
+0.649076 0.346939 -0.196524 0.647852
+0.624996 0.388647 -0.238474 0.633611
+0.598239 0.428692 -0.279404 0.616658
+0.56892 0.466901 -0.319137 0.597064
+0.537165 0.50311 -0.357504 0.574913
+0.50311 0.537165 -0.394339 0.5503
+0.466901 0.56892 -0.429486 0.523331
+0.428692 0.598239 -0.462794 0.49412
+0.388647 0.624996 -0.49412 0.462794
+0.346939 0.649077 -0.523331 0.429486
+0.303744 0.670378 -0.5503 0.394339
+0.259249 0.688808 -0.574913 0.357504
+0.213644 0.704289 -0.597064 0.319137
+0.167124 0.716754 -0.616658 0.279404
+0.119888 0.72615 -0.633611 0.238474
+0.0721386 0.732436 -0.647852 0.196524
+0.0240805 0.735586 -0.659318 0.153731
+-0.0240807 0.735586 -0.667961 0.110281
+-0.0721387 0.732436 -0.673743 0.0663579
+-0.119888 0.72615 -0.676641 0.0221509
+-0.167124 0.716754 -0.676641 -0.022151
+-0.213644 0.704289 -0.673743 -0.066358
+-0.259249 0.688808 -0.667961 -0.110281
+-0.303744 0.670378 -0.659318 -0.153731
+-0.346939 0.649077 -0.647852 -0.196524
+-0.388647 0.624996 -0.633611 -0.238474
+-0.428692 0.598239 -0.616658 -0.279404
+-0.466901 0.56892 -0.597064 -0.319137
+-0.50311 0.537165 -0.574913 -0.357504
+-0.537165 0.50311 -0.5503 -0.394339
+-0.56892 0.466901 -0.523331 -0.429486
+-0.598239 0.428692 -0.49412 -0.462794
+-0.624996 0.388647 -0.462794 -0.49412
+-0.649076 0.346939 -0.429486 -0.523331
+-0.670378 0.303744 -0.394339 -0.5503
+-0.688808 0.259249 -0.357504 -0.574913
+-0.704289 0.213644 -0.319137 -0.597064
+-0.716754 0.167124 -0.279404 -0.616658
+-0.72615 0.119888 -0.238474 -0.633611
+-0.732436 0.0721386 -0.196524 -0.647852
+-0.735586 0.0240807 -0.153731 -0.659318
+0.676641 0.0221509 0.388647 0.624996
+0.673743 0.0663579 0.346939 0.649076
+0.667961 0.110281 0.303744 0.670378
+0.659318 0.153731 0.259249 0.688808
+0.647852 0.196524 0.213644 0.704289
+0.633611 0.238474 0.167124 0.716754
+0.616658 0.279404 0.119888 0.72615
+0.597064 0.319137 0.0721386 0.732436
+0.574913 0.357504 0.0240806 0.735586
+0.5503 0.394339 -0.0240806 0.735586
+0.523331 0.429486 -0.0721386 0.732436
+0.49412 0.462794 -0.119888 0.72615
+0.462794 0.49412 -0.167124 0.716754
+0.429486 0.523331 -0.213644 0.704289
+0.394339 0.5503 -0.259249 0.688808
+0.357504 0.574913 -0.303744 0.670378
+0.319137 0.597064 -0.346939 0.649076
+0.279404 0.616658 -0.388647 0.624996
+0.238474 0.633611 -0.428692 0.598239
+0.196524 0.647852 -0.466901 0.56892
+0.153731 0.659318 -0.50311 0.537165
+0.110281 0.667961 -0.537165 0.50311
+0.0663578 0.673743 -0.56892 0.466901
+0.0221508 0.676641 -0.598239 0.428692
+-0.022151 0.676641 -0.624996 0.388647
+-0.066358 0.673743 -0.649077 0.346939
+-0.110281 0.667961 -0.670378 0.303744
+-0.153731 0.659318 -0.688808 0.259249
+-0.196524 0.647852 -0.704289 0.213644
+-0.238475 0.633611 -0.716754 0.167123
+-0.279404 0.616658 -0.72615 0.119888
+-0.319137 0.597064 -0.732436 0.0721387
+-0.357504 0.574913 -0.735586 0.0240806
+-0.394339 0.5503 -0.735586 -0.0240807
+-0.429486 0.523331 -0.732436 -0.0721386
+-0.462794 0.49412 -0.72615 -0.119888
+-0.49412 0.462794 -0.716754 -0.167124
+-0.523331 0.429486 -0.704289 -0.213644
+-0.5503 0.394339 -0.688808 -0.259249
+-0.574913 0.357504 -0.670378 -0.303744
+-0.597063 0.319137 -0.649077 -0.346939
+-0.616658 0.279404 -0.624996 -0.388647
+-0.633611 0.238474 -0.598239 -0.428692
+-0.647852 0.196524 -0.56892 -0.466901
+-0.659318 0.153731 -0.537165 -0.50311
+-0.667961 0.110281 -0.50311 -0.537165
+-0.673743 0.0663579 -0.466901 -0.56892
+-0.676641 0.022151 -0.428692 -0.598239
+0.706728 0.0231359 0.312745 0.634185
+0.703702 0.0693086 0.270598 0.653281
+0.697662 0.115184 0.227292 0.669581
+0.688635 0.160567 0.183013 0.683013
+0.676659 0.205262 0.13795 0.69352
+0.661785 0.249078 0.092296 0.701057
+0.644078 0.291828 0.046247 0.705593
+0.623612 0.333328 -1.49273e-08 0.707107
+0.600477 0.3734 -0.046247 0.705593
+0.574769 0.411874 -0.092296 0.701057
+0.546601 0.448584 -0.13795 0.69352
+0.516092 0.483373 -0.183013 0.683013
+0.483373 0.516092 -0.227292 0.669581
+0.448584 0.546601 -0.270598 0.653281
+0.411874 0.574769 -0.312745 0.634185
+0.3734 0.600477 -0.353553 0.612372
+0.333328 0.623613 -0.392848 0.587938
+0.291828 0.644078 -0.430459 0.560985
+0.249078 0.661785 -0.466228 0.531631
+0.205262 0.676659 -0.5 0.5
+0.160567 0.688635 -0.531631 0.466228
+0.115184 0.697662 -0.560986 0.430459
+0.0693085 0.703702 -0.587938 0.392847
+0.0231358 0.706728 -0.612372 0.353553
+-0.023136 0.706728 -0.634185 0.312745
+-0.0693086 0.703702 -0.653282 0.270598
+-0.115185 0.697662 -0.669581 0.227292
+-0.160567 0.688635 -0.683013 0.183013
+-0.205262 0.676659 -0.69352 0.13795
+-0.249078 0.661785 -0.701057 0.0922959
+-0.291828 0.644078 -0.705593 0.0462469
+-0.333328 0.623613 -0.707107 8.06046e-08
+-0.3734 0.600477 -0.705593 -0.046247
+-0.411874 0.574769 -0.701057 -0.092296
+-0.448584 0.546601 -0.69352 -0.13795
+-0.483373 0.516092 -0.683013 -0.183013
+-0.516092 0.483373 -0.669581 -0.227292
+-0.546601 0.448584 -0.653281 -0.270598
+-0.574769 0.411874 -0.634185 -0.312745
+-0.600477 0.3734 -0.612372 -0.353553
+-0.623612 0.333328 -0.587938 -0.392847
+-0.644078 0.291828 -0.560986 -0.430459
+-0.661785 0.249078 -0.531631 -0.466228
+-0.676659 0.205262 -0.5 -0.5
+-0.688635 0.160567 -0.466228 -0.531631
+-0.697662 0.115185 -0.430459 -0.560986
+-0.703702 0.0693086 -0.392847 -0.587938
+-0.706728 0.0231359 -0.353553 -0.612372
+0.706728 0.0231359 0.430459 0.560986
+0.703702 0.0693086 0.392847 0.587938
+0.697662 0.115184 0.353553 0.612372
+0.688635 0.160567 0.312745 0.634185
+0.676659 0.205262 0.270598 0.653281
+0.661785 0.249078 0.227292 0.669581
+0.644078 0.291828 0.183013 0.683013
+0.623612 0.333328 0.13795 0.69352
+0.600477 0.3734 0.092296 0.701057
+0.574769 0.411874 0.046247 0.705593
+0.546601 0.448584 1.28193e-08 0.707107
+0.516092 0.483373 -0.046247 0.705593
+0.483373 0.516092 -0.092296 0.701057
+0.448584 0.546601 -0.13795 0.69352
+0.411874 0.574769 -0.183013 0.683013
+0.3734 0.600477 -0.227292 0.669581
+0.333328 0.623613 -0.270598 0.653281
+0.291828 0.644078 -0.312745 0.634185
+0.249078 0.661785 -0.353553 0.612372
+0.205262 0.676659 -0.392848 0.587938
+0.160567 0.688635 -0.430459 0.560986
+0.115184 0.697662 -0.466228 0.531631
+0.0693085 0.703702 -0.5 0.5
+0.0231358 0.706728 -0.531631 0.466228
+-0.023136 0.706728 -0.560986 0.430459
+-0.0693086 0.703702 -0.587938 0.392847
+-0.115185 0.697662 -0.612372 0.353553
+-0.160567 0.688635 -0.634185 0.312745
+-0.205262 0.676659 -0.653282 0.270598
+-0.249078 0.661785 -0.669581 0.227292
+-0.291828 0.644078 -0.683013 0.183013
+-0.333328 0.623613 -0.69352 0.13795
+-0.3734 0.600477 -0.701057 0.092296
+-0.411874 0.574769 -0.705593 0.0462469
+-0.448584 0.546601 -0.707107 2.40575e-08
+-0.483373 0.516092 -0.705593 -0.046247
+-0.516092 0.483373 -0.701057 -0.0922959
+-0.546601 0.448584 -0.69352 -0.13795
+-0.574769 0.411874 -0.683013 -0.183013
+-0.600477 0.3734 -0.669581 -0.227292
+-0.623612 0.333328 -0.653282 -0.270598
+-0.644078 0.291828 -0.634185 -0.312745
+-0.661785 0.249078 -0.612372 -0.353553
+-0.676659 0.205262 -0.587938 -0.392847
+-0.688635 0.160567 -0.560985 -0.430459
+-0.697662 0.115185 -0.531631 -0.466228
+-0.703702 0.0693086 -0.5 -0.5
+-0.706728 0.0231359 -0.466228 -0.531631
+0.735586 0.0240806 0.357504 0.574913
+0.732436 0.0721387 0.319137 0.597064
+0.72615 0.119888 0.279404 0.616658
+0.716754 0.167124 0.238474 0.633611
+0.704289 0.213644 0.196524 0.647852
+0.688808 0.259249 0.153731 0.659318
+0.670378 0.303744 0.110281 0.667961
+0.649076 0.346939 0.0663579 0.673743
+0.624996 0.388647 0.0221509 0.676641
+0.598239 0.428692 -0.0221509 0.676641
+0.56892 0.466901 -0.0663579 0.673743
+0.537165 0.50311 -0.110281 0.667961
+0.50311 0.537165 -0.153731 0.659318
+0.466901 0.56892 -0.196524 0.647852
+0.428692 0.598239 -0.238474 0.633611
+0.388647 0.624996 -0.279404 0.616658
+0.346939 0.649077 -0.319137 0.597063
+0.303744 0.670378 -0.357504 0.574913
+0.259249 0.688808 -0.394339 0.5503
+0.213644 0.704289 -0.429486 0.523331
+0.167124 0.716754 -0.462794 0.49412
+0.119888 0.72615 -0.49412 0.462794
+0.0721386 0.732436 -0.523331 0.429486
+0.0240805 0.735586 -0.5503 0.394339
+-0.0240807 0.735586 -0.574913 0.357504
+-0.0721387 0.732436 -0.597064 0.319137
+-0.119888 0.72615 -0.616658 0.279404
+-0.167124 0.716754 -0.633611 0.238474
+-0.213644 0.704289 -0.647852 0.196524
+-0.259249 0.688808 -0.659318 0.153731
+-0.303744 0.670378 -0.667961 0.110281
+-0.346939 0.649077 -0.673743 0.066358
+-0.388647 0.624996 -0.676641 0.0221509
+-0.428692 0.598239 -0.676641 -0.022151
+-0.466901 0.56892 -0.673743 -0.0663579
+-0.50311 0.537165 -0.667961 -0.110281
+-0.537165 0.50311 -0.659318 -0.153731
+-0.56892 0.466901 -0.647852 -0.196524
+-0.598239 0.428692 -0.633611 -0.238474
+-0.624996 0.388647 -0.616658 -0.279404
+-0.649076 0.346939 -0.597064 -0.319137
+-0.670378 0.303744 -0.574913 -0.357504
+-0.688808 0.259249 -0.5503 -0.394339
+-0.704289 0.213644 -0.523331 -0.429486
+-0.716754 0.167124 -0.49412 -0.462794
+-0.72615 0.119888 -0.462794 -0.49412
+-0.732436 0.0721386 -0.429486 -0.523331
+-0.735586 0.0240807 -0.394339 -0.5503
+0.735586 0.0240806 0.238474 0.633611
+0.732436 0.0721387 0.196524 0.647852
+0.72615 0.119888 0.153731 0.659318
+0.716754 0.167124 0.110281 0.667961
+0.704289 0.213644 0.0663579 0.673743
+0.688808 0.259249 0.0221509 0.676641
+0.670378 0.303744 -0.0221509 0.676641
+0.649076 0.346939 -0.0663579 0.673743
+0.624996 0.388647 -0.110281 0.667961
+0.598239 0.428692 -0.153731 0.659318
+0.56892 0.466901 -0.196524 0.647852
+0.537165 0.50311 -0.238474 0.633611
+0.50311 0.537165 -0.279404 0.616658
+0.466901 0.56892 -0.319137 0.597064
+0.428692 0.598239 -0.357504 0.574913
+0.388647 0.624996 -0.394339 0.5503
+0.346939 0.649077 -0.429486 0.523331
+0.303744 0.670378 -0.462794 0.49412
+0.259249 0.688808 -0.49412 0.462794
+0.213644 0.704289 -0.523331 0.429486
+0.167124 0.716754 -0.5503 0.394339
+0.119888 0.72615 -0.574913 0.357504
+0.0721386 0.732436 -0.597064 0.319137
+0.0240805 0.735586 -0.616658 0.279404
+-0.0240807 0.735586 -0.633611 0.238474
+-0.0721387 0.732436 -0.647852 0.196524
+-0.119888 0.72615 -0.659318 0.153731
+-0.167124 0.716754 -0.667961 0.110281
+-0.213644 0.704289 -0.673743 0.0663578
+-0.259249 0.688808 -0.676641 0.0221508
+-0.303744 0.670378 -0.676641 -0.022151
+-0.346939 0.649077 -0.673743 -0.0663578
+-0.388647 0.624996 -0.667961 -0.110281
+-0.428692 0.598239 -0.659318 -0.153731
+-0.466901 0.56892 -0.647852 -0.196524
+-0.50311 0.537165 -0.633611 -0.238474
+-0.537165 0.50311 -0.616658 -0.279404
+-0.56892 0.466901 -0.597064 -0.319137
+-0.598239 0.428692 -0.574913 -0.357504
+-0.624996 0.388647 -0.5503 -0.394339
+-0.649076 0.346939 -0.523331 -0.429486
+-0.670378 0.303744 -0.49412 -0.462794
+-0.688808 0.259249 -0.462794 -0.49412
+-0.704289 0.213644 -0.429486 -0.523331
+-0.716754 0.167124 -0.394339 -0.5503
+-0.72615 0.119888 -0.357504 -0.574913
+-0.732436 0.0721386 -0.319137 -0.597064
+-0.735586 0.0240807 -0.279404 -0.616658
+0.763354 0.0249896 0.167067 0.623502
+0.760085 0.0748618 0.12593 0.633094
+0.753561 0.124413 0.0842543 0.639975
+0.743811 0.173432 0.0422175 0.644115
+0.730875 0.221709 -4.81092e-10 0.645497
+0.71481 0.269035 -0.0422175 0.644115
+0.695684 0.31521 -0.0842543 0.639975
+0.673578 0.360035 -0.12593 0.633094
+0.648589 0.403318 -0.167067 0.623502
+0.620822 0.444875 -0.207488 0.611241
+0.590396 0.484526 -0.247021 0.596362
+0.557443 0.522102 -0.285496 0.578929
+0.522102 0.557443 -0.322749 0.559017
+0.484526 0.590396 -0.358619 0.536711
+0.444875 0.620822 -0.392954 0.512107
+0.403318 0.648589 -0.425606 0.48531
+0.360035 0.673579 -0.456436 0.456435
+0.31521 0.695684 -0.485311 0.425606
+0.269035 0.71481 -0.512107 0.392954
+0.221709 0.730875 -0.536711 0.358619
+0.173432 0.743811 -0.559017 0.322749
+0.124413 0.753561 -0.578929 0.285496
+0.0748617 0.760085 -0.596362 0.247021
+0.0249895 0.763354 -0.611241 0.207488
+-0.0249897 0.763354 -0.623502 0.167067
+-0.0748619 0.760085 -0.633094 0.12593
+-0.124414 0.753561 -0.639975 0.0842542
+-0.173432 0.743811 -0.644115 0.0422175
+-0.221709 0.730875 -0.645497 -1.05646e-07
+-0.269036 0.71481 -0.644115 -0.0422176
+-0.31521 0.695684 -0.639975 -0.0842544
+-0.360035 0.673579 -0.633094 -0.12593
+-0.403318 0.648589 -0.623502 -0.167067
+-0.444875 0.620822 -0.611241 -0.207488
+-0.484526 0.590397 -0.596362 -0.247021
+-0.522102 0.557443 -0.578929 -0.285496
+-0.557443 0.522102 -0.559017 -0.322749
+-0.590397 0.484526 -0.536711 -0.358619
+-0.620822 0.444875 -0.512107 -0.392954
+-0.648589 0.403318 -0.485311 -0.425606
+-0.673578 0.360035 -0.456436 -0.456435
+-0.695684 0.31521 -0.425606 -0.485311
+-0.71481 0.269035 -0.392954 -0.512107
+-0.730875 0.221709 -0.358619 -0.536711
+-0.743811 0.173432 -0.322749 -0.559017
+-0.753561 0.124414 -0.285496 -0.578929
+-0.760085 0.0748618 -0.247021 -0.596362
+-0.763354 0.0249897 -0.207488 -0.611241
+0.763354 0.0249896 0.285496 0.578929
+0.760085 0.0748618 0.247021 0.596362
+0.753561 0.124413 0.207488 0.611241
+0.743811 0.173432 0.167067 0.623502
+0.730875 0.221709 0.12593 0.633094
+0.71481 0.269035 0.0842543 0.639975
+0.695684 0.31521 0.0422175 0.644115
+0.673578 0.360035 -1.36267e-08 0.645497
+0.648589 0.403318 -0.0422175 0.644115
+0.620822 0.444875 -0.0842543 0.639975
+0.590396 0.484526 -0.12593 0.633094
+0.557443 0.522102 -0.167067 0.623502
+0.522102 0.557443 -0.207488 0.611241
+0.484526 0.590396 -0.247021 0.596362
+0.444875 0.620822 -0.285496 0.578929
+0.403318 0.648589 -0.322749 0.559017
+0.360035 0.673579 -0.358619 0.536711
+0.31521 0.695684 -0.392954 0.512107
+0.269035 0.71481 -0.425606 0.48531
+0.221709 0.730875 -0.456435 0.456435
+0.173432 0.743811 -0.485311 0.425606
+0.124413 0.753561 -0.512107 0.392954
+0.0748617 0.760085 -0.536711 0.358619
+0.0249895 0.763354 -0.559017 0.322749
+-0.0249897 0.763354 -0.578929 0.285496
+-0.0748619 0.760085 -0.596362 0.247021
+-0.124414 0.753561 -0.611241 0.207488
+-0.173432 0.743811 -0.623502 0.167067
+-0.221709 0.730875 -0.633094 0.12593
+-0.269036 0.71481 -0.639975 0.0842542
+-0.31521 0.695684 -0.644115 0.0422174
+-0.360035 0.673579 -0.645497 7.35816e-08
+-0.403318 0.648589 -0.644115 -0.0422175
+-0.444875 0.620822 -0.639975 -0.0842544
+-0.484526 0.590397 -0.633094 -0.12593
+-0.522102 0.557443 -0.623502 -0.167067
+-0.557443 0.522102 -0.611241 -0.207488
+-0.590397 0.484526 -0.596362 -0.247021
+-0.620822 0.444875 -0.578929 -0.285496
+-0.648589 0.403318 -0.559017 -0.322749
+-0.673578 0.360035 -0.536711 -0.358619
+-0.695684 0.31521 -0.512107 -0.392954
+-0.71481 0.269035 -0.48531 -0.425606
+-0.730875 0.221709 -0.456435 -0.456435
+-0.743811 0.173432 -0.425606 -0.485311
+-0.753561 0.124414 -0.392954 -0.512107
+-0.760085 0.0748618 -0.358619 -0.536711
+-0.763354 0.0249897 -0.322749 -0.559017
+0.790146 0.0258667 0.215708 0.573123
+0.786763 0.0774894 0.177762 0.586004
+0.78001 0.12878 0.139055 0.596375
+0.769917 0.17952 0.0997527 0.604193
+0.756528 0.22949 0.060023 0.609424
+0.739899 0.278478 0.0200363 0.612045
+0.720101 0.326274 -0.0200363 0.612045
+0.69722 0.372672 -0.060023 0.609424
+0.671353 0.417474 -0.0997527 0.604193
+0.642612 0.460489 -0.139055 0.596375
+0.611118 0.501532 -0.177762 0.586004
+0.577008 0.540427 -0.215708 0.573123
+0.540427 0.577008 -0.25273 0.557788
+0.501532 0.611118 -0.28867 0.540064
+0.460489 0.642612 -0.323374 0.520028
+0.417474 0.671353 -0.356693 0.497765
+0.372672 0.69722 -0.388485 0.47337
+0.326274 0.720101 -0.418613 0.446949
+0.278478 0.739899 -0.446949 0.418613
+0.22949 0.756528 -0.47337 0.388485
+0.17952 0.769917 -0.497765 0.356693
+0.12878 0.78001 -0.520028 0.323374
+0.0774893 0.786763 -0.540064 0.28867
+0.0258666 0.790146 -0.557788 0.25273
+-0.0258668 0.790146 -0.573123 0.215708
+-0.0774894 0.786763 -0.586004 0.177762
+-0.12878 0.78001 -0.596375 0.139055
+-0.17952 0.769917 -0.604193 0.0997527
+-0.22949 0.756528 -0.609424 0.0600229
+-0.278478 0.739899 -0.612045 0.0200362
+-0.326274 0.720101 -0.612045 -0.0200363
+-0.372672 0.69722 -0.609424 -0.0600229
+-0.417474 0.671353 -0.604193 -0.0997527
+-0.460489 0.642612 -0.596375 -0.139055
+-0.501532 0.611118 -0.586004 -0.177762
+-0.540427 0.577008 -0.573123 -0.215708
+-0.577008 0.540427 -0.557788 -0.25273
+-0.611118 0.501532 -0.540064 -0.28867
+-0.642612 0.460489 -0.520028 -0.323374
+-0.671353 0.417474 -0.497765 -0.356693
+-0.69722 0.372672 -0.47337 -0.388485
+-0.720101 0.326274 -0.446949 -0.418613
+-0.739899 0.278478 -0.418613 -0.446949
+-0.756528 0.22949 -0.388485 -0.47337
+-0.769917 0.179519 -0.356693 -0.497765
+-0.78001 0.12878 -0.323374 -0.520028
+-0.786763 0.0774893 -0.28867 -0.540064
+-0.790146 0.0258668 -0.25273 -0.557788
+0.735586 0.0240806 -0.0221509 0.676641
+0.732436 0.0721387 -0.0663579 0.673743
+0.72615 0.119888 -0.110281 0.667961
+0.716754 0.167124 -0.153731 0.659318
+0.704289 0.213644 -0.196524 0.647852
+0.688808 0.259249 -0.238474 0.633611
+0.670378 0.303744 -0.279404 0.616658
+0.649076 0.346939 -0.319137 0.597064
+0.624996 0.388647 -0.357504 0.574913
+0.598239 0.428692 -0.394339 0.5503
+0.56892 0.466901 -0.429486 0.523331
+0.537165 0.50311 -0.462794 0.49412
+0.50311 0.537165 -0.49412 0.462794
+0.466901 0.56892 -0.523331 0.429486
+0.428692 0.598239 -0.5503 0.394339
+0.388647 0.624996 -0.574913 0.357504
+0.346939 0.649077 -0.597064 0.319137
+0.303744 0.670378 -0.616658 0.279404
+0.259249 0.688808 -0.633611 0.238474
+0.213644 0.704289 -0.647852 0.196524
+0.167124 0.716754 -0.659318 0.153731
+0.119888 0.72615 -0.667961 0.110281
+0.0721386 0.732436 -0.673743 0.0663578
+0.0240805 0.735586 -0.676641 0.0221508
+-0.0240807 0.735586 -0.676641 -0.022151
+-0.0721387 0.732436 -0.673743 -0.066358
+-0.119888 0.72615 -0.667961 -0.110281
+-0.167124 0.716754 -0.659318 -0.153731
+-0.213644 0.704289 -0.647852 -0.196524
+-0.259249 0.688808 -0.633611 -0.238475
+-0.303744 0.670378 -0.616658 -0.279404
+-0.346939 0.649077 -0.597064 -0.319137
+-0.388647 0.624996 -0.574913 -0.357504
+-0.428692 0.598239 -0.5503 -0.394339
+-0.466901 0.56892 -0.523331 -0.429486
+-0.50311 0.537165 -0.49412 -0.462794
+-0.537165 0.50311 -0.462794 -0.49412
+-0.56892 0.466901 -0.429486 -0.523331
+-0.598239 0.428692 -0.394339 -0.5503
+-0.624996 0.388647 -0.357504 -0.574913
+-0.649076 0.346939 -0.319137 -0.597063
+-0.670378 0.303744 -0.279404 -0.616658
+-0.688808 0.259249 -0.238474 -0.633611
+-0.704289 0.213644 -0.196524 -0.647852
+-0.716754 0.167124 -0.153731 -0.659318
+-0.72615 0.119888 -0.110281 -0.667961
+-0.732436 0.0721386 -0.0663579 -0.673743
+-0.735586 0.0240807 -0.022151 -0.676641
+0.763354 0.0249896 -0.0842543 0.639975
+0.760085 0.0748618 -0.12593 0.633094
+0.753561 0.124413 -0.167067 0.623502
+0.743811 0.173432 -0.207488 0.611241
+0.730875 0.221709 -0.247021 0.596362
+0.71481 0.269035 -0.285496 0.578929
+0.695684 0.31521 -0.322749 0.559017
+0.673578 0.360035 -0.358619 0.536711
+0.648589 0.403318 -0.392954 0.512107
+0.620822 0.444875 -0.425606 0.485311
+0.590396 0.484526 -0.456435 0.456435
+0.557443 0.522102 -0.485311 0.425606
+0.522102 0.557443 -0.512107 0.392954
+0.484526 0.590396 -0.536711 0.358619
+0.444875 0.620822 -0.559017 0.322749
+0.403318 0.648589 -0.578929 0.285496
+0.360035 0.673579 -0.596362 0.247021
+0.31521 0.695684 -0.611241 0.207488
+0.269035 0.71481 -0.623502 0.167067
+0.221709 0.730875 -0.633094 0.12593
+0.173432 0.743811 -0.639975 0.0842543
+0.124413 0.753561 -0.644115 0.0422175
+0.0748617 0.760085 -0.645497 -7.93547e-08
+0.0249895 0.763354 -0.644115 -0.0422176
+-0.0249897 0.763354 -0.639975 -0.0842544
+-0.0748619 0.760085 -0.633094 -0.12593
+-0.124414 0.753561 -0.623502 -0.167067
+-0.173432 0.743811 -0.611241 -0.207488
+-0.221709 0.730875 -0.596362 -0.247021
+-0.269036 0.71481 -0.578929 -0.285496
+-0.31521 0.695684 -0.559017 -0.322749
+-0.360035 0.673579 -0.536711 -0.358619
+-0.403318 0.648589 -0.512107 -0.392954
+-0.444875 0.620822 -0.48531 -0.425606
+-0.484526 0.590397 -0.456435 -0.456435
+-0.522102 0.557443 -0.425606 -0.485311
+-0.557443 0.522102 -0.392954 -0.512107
+-0.590397 0.484526 -0.358619 -0.536711
+-0.620822 0.444875 -0.322749 -0.559017
+-0.648589 0.403318 -0.285496 -0.578929
+-0.673578 0.360035 -0.247021 -0.596362
+-0.695684 0.31521 -0.207488 -0.611241
+-0.71481 0.269035 -0.167067 -0.623502
+-0.730875 0.221709 -0.12593 -0.633094
+-0.743811 0.173432 -0.0842542 -0.639975
+-0.753561 0.124414 -0.0422176 -0.644115
+-0.760085 0.0748618 3.0621e-08 -0.645497
+-0.763354 0.0249897 0.0422175 -0.644115
+0.763354 0.0249896 0.0422175 0.644115
+0.760085 0.0748618 -1.76347e-09 0.645497
+0.753561 0.124413 -0.0422175 0.644115
+0.743811 0.173432 -0.0842543 0.639975
+0.730875 0.221709 -0.12593 0.633094
+0.71481 0.269035 -0.167067 0.623502
+0.695684 0.31521 -0.207488 0.611241
+0.673578 0.360035 -0.247021 0.596362
+0.648589 0.403318 -0.285496 0.578929
+0.620822 0.444875 -0.322749 0.559017
+0.590396 0.484526 -0.358619 0.536711
+0.557443 0.522102 -0.392954 0.512107
+0.522102 0.557443 -0.425606 0.485311
+0.484526 0.590396 -0.456435 0.456435
+0.444875 0.620822 -0.485311 0.425606
+0.403318 0.648589 -0.512107 0.392954
+0.360035 0.673579 -0.536711 0.358619
+0.31521 0.695684 -0.559017 0.322749
+0.269035 0.71481 -0.578929 0.285496
+0.221709 0.730875 -0.596362 0.247021
+0.173432 0.743811 -0.611241 0.207488
+0.124413 0.753561 -0.623502 0.167067
+0.0748617 0.760085 -0.633094 0.12593
+0.0249895 0.763354 -0.639975 0.0842542
+-0.0249897 0.763354 -0.644115 0.0422175
+-0.0748619 0.760085 -0.645497 -5.40257e-08
+-0.124414 0.753561 -0.644115 -0.0422176
+-0.173432 0.743811 -0.639975 -0.0842543
+-0.221709 0.730875 -0.633094 -0.12593
+-0.269036 0.71481 -0.623502 -0.167067
+-0.31521 0.695684 -0.611241 -0.207488
+-0.360035 0.673579 -0.596362 -0.247021
+-0.403318 0.648589 -0.578929 -0.285496
+-0.444875 0.620822 -0.559017 -0.322749
+-0.484526 0.590397 -0.536711 -0.358619
+-0.522102 0.557443 -0.512107 -0.392954
+-0.557443 0.522102 -0.485311 -0.425606
+-0.590397 0.484526 -0.456435 -0.456435
+-0.620822 0.444875 -0.425606 -0.48531
+-0.648589 0.403318 -0.392954 -0.512107
+-0.673578 0.360035 -0.358619 -0.536711
+-0.695684 0.31521 -0.322749 -0.559017
+-0.71481 0.269035 -0.285496 -0.578929
+-0.730875 0.221709 -0.247021 -0.596362
+-0.743811 0.173432 -0.207488 -0.611241
+-0.753561 0.124414 -0.167067 -0.623502
+-0.760085 0.0748618 -0.12593 -0.633094
+-0.763354 0.0249897 -0.0842543 -0.639975
+0.790146 0.0258667 -0.0200363 0.612045
+0.786763 0.0774894 -0.060023 0.609424
+0.78001 0.12878 -0.0997527 0.604193
+0.769917 0.17952 -0.139055 0.596375
+0.756528 0.22949 -0.177762 0.586004
+0.739899 0.278478 -0.215708 0.573123
+0.720101 0.326274 -0.25273 0.557788
+0.69722 0.372672 -0.28867 0.540064
+0.671353 0.417474 -0.323374 0.520028
+0.642612 0.460489 -0.356693 0.497765
+0.611118 0.501532 -0.388485 0.47337
+0.577008 0.540427 -0.418613 0.446949
+0.540427 0.577008 -0.446949 0.418613
+0.501532 0.611118 -0.47337 0.388485
+0.460489 0.642612 -0.497765 0.356693
+0.417474 0.671353 -0.520028 0.323374
+0.372672 0.69722 -0.540064 0.28867
+0.326274 0.720101 -0.557788 0.25273
+0.278478 0.739899 -0.573123 0.215708
+0.22949 0.756528 -0.586004 0.177762
+0.17952 0.769917 -0.596375 0.139055
+0.12878 0.78001 -0.604193 0.0997526
+0.0774893 0.786763 -0.609424 0.0600229
+0.0258666 0.790146 -0.612045 0.0200362
+-0.0258668 0.790146 -0.612045 -0.0200363
+-0.0774894 0.786763 -0.609424 -0.060023
+-0.12878 0.78001 -0.604193 -0.0997527
+-0.17952 0.769917 -0.596375 -0.139055
+-0.22949 0.756528 -0.586004 -0.177762
+-0.278478 0.739899 -0.573123 -0.215708
+-0.326274 0.720101 -0.557788 -0.25273
+-0.372672 0.69722 -0.540064 -0.28867
+-0.417474 0.671353 -0.520028 -0.323374
+-0.460489 0.642612 -0.497765 -0.356693
+-0.501532 0.611118 -0.47337 -0.388485
+-0.540427 0.577008 -0.446949 -0.418613
+-0.577008 0.540427 -0.418613 -0.446949
+-0.611118 0.501532 -0.388485 -0.47337
+-0.642612 0.460489 -0.356693 -0.497765
+-0.671353 0.417474 -0.323374 -0.520028
+-0.69722 0.372672 -0.28867 -0.540064
+-0.720101 0.326274 -0.25273 -0.557788
+-0.739899 0.278478 -0.215708 -0.573123
+-0.756528 0.22949 -0.177762 -0.586004
+-0.769917 0.179519 -0.139055 -0.596375
+-0.78001 0.12878 -0.0997527 -0.604193
+-0.786763 0.0774893 -0.060023 -0.609424
+-0.790146 0.0258668 -0.0200363 -0.612045
+0.790146 0.0258667 -0.139055 0.596375
+0.786763 0.0774894 -0.177762 0.586004
+0.78001 0.12878 -0.215708 0.573123
+0.769917 0.17952 -0.25273 0.557788
+0.756528 0.22949 -0.28867 0.540064
+0.739899 0.278478 -0.323374 0.520028
+0.720101 0.326274 -0.356693 0.497765
+0.69722 0.372672 -0.388485 0.47337
+0.671353 0.417474 -0.418613 0.446949
+0.642612 0.460489 -0.446949 0.418613
+0.611118 0.501532 -0.47337 0.388485
+0.577008 0.540427 -0.497765 0.356693
+0.540427 0.577008 -0.520028 0.323374
+0.501532 0.611118 -0.540064 0.28867
+0.460489 0.642612 -0.557788 0.25273
+0.417474 0.671353 -0.573123 0.215708
+0.372672 0.69722 -0.586004 0.177762
+0.326274 0.720101 -0.596375 0.139055
+0.278478 0.739899 -0.604193 0.0997527
+0.22949 0.756528 -0.609424 0.060023
+0.17952 0.769917 -0.612045 0.0200362
+0.12878 0.78001 -0.612045 -0.0200363
+0.0774893 0.786763 -0.609424 -0.0600231
+0.0258666 0.790146 -0.604193 -0.0997528
+-0.0258668 0.790146 -0.596375 -0.139055
+-0.0774894 0.786763 -0.586004 -0.177762
+-0.12878 0.78001 -0.573123 -0.215708
+-0.17952 0.769917 -0.557788 -0.25273
+-0.22949 0.756528 -0.540064 -0.28867
+-0.278478 0.739899 -0.520028 -0.323374
+-0.326274 0.720101 -0.497765 -0.356693
+-0.372672 0.69722 -0.47337 -0.388485
+-0.417474 0.671353 -0.446949 -0.418613
+-0.460489 0.642612 -0.418613 -0.446949
+-0.501532 0.611118 -0.388485 -0.47337
+-0.540427 0.577008 -0.356693 -0.497765
+-0.577008 0.540427 -0.323374 -0.520028
+-0.611118 0.501532 -0.28867 -0.540064
+-0.642612 0.460489 -0.25273 -0.557788
+-0.671353 0.417474 -0.215708 -0.573123
+-0.69722 0.372672 -0.177762 -0.586004
+-0.720101 0.326274 -0.139055 -0.596375
+-0.739899 0.278478 -0.0997526 -0.604193
+-0.756528 0.22949 -0.060023 -0.609424
+-0.769917 0.179519 -0.0200362 -0.612045
+-0.78001 0.12878 0.0200362 -0.612045
+-0.786763 0.0774893 0.060023 -0.609424
+-0.790146 0.0258668 0.0997526 -0.604193
+0.816059 0.026715 -0.185583 0.54671
+0.812565 0.0800307 -0.220942 0.533402
+0.805591 0.133004 -0.255355 0.51781
+0.795167 0.185407 -0.288675 0.5
+0.781339 0.237016 -0.320759 0.480049
+0.764164 0.287611 -0.351469 0.458043
+0.743717 0.336974 -0.380673 0.434075
+0.720086 0.384894 -0.408248 0.408248
+0.693371 0.431166 -0.434075 0.380673
+0.663687 0.475591 -0.458043 0.351469
+0.63116 0.51798 -0.480049 0.320759
+0.595932 0.558151 -0.5 0.288675
+0.558151 0.595932 -0.51781 0.255355
+0.51798 0.63116 -0.533402 0.220942
+0.475591 0.663687 -0.54671 0.185583
+0.431166 0.693371 -0.557678 0.149429
+0.384894 0.720086 -0.566257 0.112635
+0.336974 0.743717 -0.572411 0.0753593
+0.287611 0.764164 -0.576114 0.0377605
+0.237016 0.781339 -0.57735 -2.48065e-08
+0.185407 0.795167 -0.576114 -0.0377605
+0.133003 0.805591 -0.572411 -0.0753594
+0.0800306 0.812565 -0.566257 -0.112636
+0.0267149 0.816059 -0.557678 -0.149429
+-0.0267151 0.816059 -0.54671 -0.185583
+-0.0800307 0.812565 -0.533402 -0.220942
+-0.133004 0.805591 -0.51781 -0.255356
+-0.185407 0.795167 -0.5 -0.288675
+-0.237017 0.781338 -0.480049 -0.320759
+-0.287611 0.764164 -0.458043 -0.351469
+-0.336974 0.743717 -0.434075 -0.380674
+-0.384894 0.720086 -0.408248 -0.408248
+-0.431166 0.693371 -0.380673 -0.434075
+-0.475591 0.663686 -0.351469 -0.458043
+-0.51798 0.63116 -0.320759 -0.480049
+-0.558151 0.595931 -0.288675 -0.5
+-0.595931 0.558151 -0.255356 -0.51781
+-0.63116 0.51798 -0.220942 -0.533402
+-0.663686 0.475591 -0.185583 -0.54671
+-0.693371 0.431166 -0.149429 -0.557678
+-0.720086 0.384894 -0.112636 -0.566257
+-0.743717 0.336974 -0.0753593 -0.572411
+-0.764164 0.287611 -0.0377605 -0.576114
+-0.781339 0.237016 -1.87823e-08 -0.57735
+-0.795167 0.185407 0.0377606 -0.576114
+-0.805591 0.133004 0.0753593 -0.572411
+-0.812565 0.0800306 0.112635 -0.566257
+-0.816059 0.0267151 0.149429 -0.557678
+0.816059 0.026715 -0.0753593 0.572411
+0.812565 0.0800307 -0.112635 0.566257
+0.805591 0.133004 -0.149429 0.557678
+0.795167 0.185407 -0.185583 0.54671
+0.781339 0.237016 -0.220942 0.533402
+0.764164 0.287611 -0.255355 0.51781
+0.743717 0.336974 -0.288675 0.5
+0.720086 0.384894 -0.320759 0.480049
+0.693371 0.431166 -0.351469 0.458043
+0.663687 0.475591 -0.380673 0.434075
+0.63116 0.51798 -0.408248 0.408248
+0.595932 0.558151 -0.434075 0.380673
+0.558151 0.595932 -0.458043 0.351469
+0.51798 0.63116 -0.480049 0.320759
+0.475591 0.663687 -0.5 0.288675
+0.431166 0.693371 -0.51781 0.255355
+0.384894 0.720086 -0.533402 0.220942
+0.336974 0.743717 -0.54671 0.185583
+0.287611 0.764164 -0.557678 0.149429
+0.237016 0.781339 -0.566257 0.112635
+0.185407 0.795167 -0.572411 0.0753593
+0.133003 0.805591 -0.576114 0.0377604
+0.0800306 0.812565 -0.57735 -7.0977e-08
+0.0267149 0.816059 -0.576114 -0.0377606
+-0.0267151 0.816059 -0.572411 -0.0753594
+-0.0800307 0.812565 -0.566257 -0.112635
+-0.133004 0.805591 -0.557678 -0.149429
+-0.185407 0.795167 -0.54671 -0.185583
+-0.237017 0.781338 -0.533402 -0.220942
+-0.287611 0.764164 -0.51781 -0.255356
+-0.336974 0.743717 -0.5 -0.288675
+-0.384894 0.720086 -0.480049 -0.320759
+-0.431166 0.693371 -0.458043 -0.351469
+-0.475591 0.663686 -0.434075 -0.380674
+-0.51798 0.63116 -0.408248 -0.408248
+-0.558151 0.595931 -0.380673 -0.434075
+-0.595931 0.558151 -0.351469 -0.458043
+-0.63116 0.51798 -0.320759 -0.480049
+-0.663686 0.475591 -0.288675 -0.5
+-0.693371 0.431166 -0.255355 -0.51781
+-0.720086 0.384894 -0.220942 -0.533402
+-0.743717 0.336974 -0.185583 -0.54671
+-0.764164 0.287611 -0.149429 -0.557678
+-0.781339 0.237016 -0.112635 -0.566257
+-0.795167 0.185407 -0.0753593 -0.572411
+-0.805591 0.133004 -0.0377605 -0.576114
+-0.812565 0.0800306 2.73883e-08 -0.57735
+-0.816059 0.0267151 0.0377605 -0.576114
+0.841175 0.0275372 -0.122635 0.525954
+0.837573 0.0824937 -0.156772 0.516807
+0.830384 0.137097 -0.190237 0.505447
+0.81964 0.191113 -0.222887 0.491923
+0.805385 0.244311 -0.254583 0.476292
+0.787682 0.296463 -0.285189 0.458622
+0.766606 0.347345 -0.314574 0.438987
+0.742247 0.396739 -0.342612 0.417473
+0.71471 0.444435 -0.369182 0.394172
+0.684112 0.490228 -0.394172 0.369182
+0.650585 0.533921 -0.417473 0.342612
+0.614272 0.575329 -0.438987 0.314574
+0.575329 0.614272 -0.458622 0.285189
+0.533922 0.650585 -0.476292 0.254583
+0.490228 0.684112 -0.491923 0.222887
+0.444435 0.71471 -0.505447 0.190237
+0.396739 0.742247 -0.516807 0.156772
+0.347345 0.766606 -0.525954 0.122635
+0.296463 0.787682 -0.532848 0.0879736
+0.244311 0.805385 -0.537461 0.0529353
+0.191113 0.81964 -0.539773 0.0176703
+0.137097 0.830384 -0.539773 -0.0176704
+0.0824936 0.837573 -0.537461 -0.0529354
+0.0275371 0.841175 -0.532848 -0.0879737
+-0.0275373 0.841175 -0.525954 -0.122635
+-0.0824938 0.837573 -0.516807 -0.156772
+-0.137097 0.830384 -0.505447 -0.190237
+-0.191113 0.81964 -0.491923 -0.222887
+-0.244311 0.805385 -0.476292 -0.254583
+-0.296463 0.787682 -0.458622 -0.285189
+-0.347345 0.766606 -0.438987 -0.314574
+-0.396739 0.742247 -0.417473 -0.342611
+-0.444435 0.71471 -0.394172 -0.369182
+-0.490228 0.684112 -0.369182 -0.394172
+-0.533921 0.650585 -0.342612 -0.417473
+-0.575329 0.614272 -0.314574 -0.438987
+-0.614272 0.575329 -0.285189 -0.458622
+-0.650585 0.533921 -0.254583 -0.476292
+-0.684112 0.490228 -0.222887 -0.491923
+-0.71471 0.444435 -0.190237 -0.505447
+-0.742247 0.39674 -0.156772 -0.516807
+-0.766606 0.347345 -0.122635 -0.525954
+-0.787682 0.296463 -0.0879736 -0.532848
+-0.805385 0.244311 -0.0529353 -0.537461
+-0.81964 0.191113 -0.0176703 -0.539773
+-0.830384 0.137097 0.0176703 -0.539773
+-0.837573 0.0824937 0.0529353 -0.537461
+-0.841175 0.0275373 0.0879736 -0.532848
+0.790146 0.0258667 0.0997527 0.604193
+0.786763 0.0774894 0.060023 0.609424
+0.78001 0.12878 0.0200363 0.612045
+0.769917 0.17952 -0.0200363 0.612045
+0.756528 0.22949 -0.060023 0.609424
+0.739899 0.278478 -0.0997527 0.604193
+0.720101 0.326274 -0.139055 0.596375
+0.69722 0.372672 -0.177762 0.586004
+0.671353 0.417474 -0.215708 0.573123
+0.642612 0.460489 -0.25273 0.557788
+0.611118 0.501532 -0.28867 0.540064
+0.577008 0.540427 -0.323374 0.520028
+0.540427 0.577008 -0.356693 0.497765
+0.501532 0.611118 -0.388485 0.47337
+0.460489 0.642612 -0.418613 0.446949
+0.417474 0.671353 -0.446949 0.418613
+0.372672 0.69722 -0.47337 0.388485
+0.326274 0.720101 -0.497765 0.356693
+0.278478 0.739899 -0.520028 0.323374
+0.22949 0.756528 -0.540064 0.28867
+0.17952 0.769917 -0.557788 0.25273
+0.12878 0.78001 -0.573123 0.215708
+0.0774893 0.786763 -0.586004 0.177762
+0.0258666 0.790146 -0.596375 0.139055
+-0.0258668 0.790146 -0.604193 0.0997526
+-0.0774894 0.786763 -0.609424 0.0600229
+-0.12878 0.78001 -0.612045 0.0200362
+-0.17952 0.769917 -0.612045 -0.0200363
+-0.22949 0.756528 -0.609424 -0.0600231
+-0.278478 0.739899 -0.604193 -0.0997528
+-0.326274 0.720101 -0.596375 -0.139055
+-0.372672 0.69722 -0.586004 -0.177762
+-0.417474 0.671353 -0.573123 -0.215708
+-0.460489 0.642612 -0.557788 -0.25273
+-0.501532 0.611118 -0.540064 -0.28867
+-0.540427 0.577008 -0.520028 -0.323374
+-0.577008 0.540427 -0.497765 -0.356693
+-0.611118 0.501532 -0.47337 -0.388485
+-0.642612 0.460489 -0.446949 -0.418613
+-0.671353 0.417474 -0.418613 -0.446949
+-0.69722 0.372672 -0.388485 -0.47337
+-0.720101 0.326274 -0.356693 -0.497765
+-0.739899 0.278478 -0.323374 -0.520028
+-0.756528 0.22949 -0.28867 -0.540064
+-0.769917 0.179519 -0.25273 -0.557788
+-0.78001 0.12878 -0.215708 -0.573123
+-0.786763 0.0774893 -0.177762 -0.586004
+-0.790146 0.0258668 -0.139055 -0.596375
+0.816059 0.026715 0.0377605 0.576114
+0.812565 0.0800307 -1.5773e-09 0.57735
+0.805591 0.133004 -0.0377605 0.576114
+0.795167 0.185407 -0.0753593 0.572411
+0.781339 0.237016 -0.112635 0.566257
+0.764164 0.287611 -0.149429 0.557678
+0.743717 0.336974 -0.185583 0.54671
+0.720086 0.384894 -0.220942 0.533402
+0.693371 0.431166 -0.255355 0.51781
+0.663687 0.475591 -0.288675 0.5
+0.63116 0.51798 -0.320759 0.480049
+0.595932 0.558151 -0.351469 0.458043
+0.558151 0.595932 -0.380673 0.434075
+0.51798 0.63116 -0.408248 0.408248
+0.475591 0.663687 -0.434075 0.380673
+0.431166 0.693371 -0.458043 0.351469
+0.384894 0.720086 -0.480049 0.320759
+0.336974 0.743717 -0.5 0.288675
+0.287611 0.764164 -0.51781 0.255355
+0.237016 0.781339 -0.533402 0.220942
+0.185407 0.795167 -0.54671 0.185583
+0.133003 0.805591 -0.557678 0.149429
+0.0800306 0.812565 -0.566257 0.112635
+0.0267149 0.816059 -0.572411 0.0753593
+-0.0267151 0.816059 -0.576114 0.0377605
+-0.0800307 0.812565 -0.57735 -4.83221e-08
+-0.133004 0.805591 -0.576114 -0.0377606
+-0.185407 0.795167 -0.572411 -0.0753594
+-0.237017 0.781338 -0.566257 -0.112636
+-0.287611 0.764164 -0.557678 -0.149429
+-0.336974 0.743717 -0.54671 -0.185583
+-0.384894 0.720086 -0.533402 -0.220942
+-0.431166 0.693371 -0.51781 -0.255355
+-0.475591 0.663686 -0.5 -0.288675
+-0.51798 0.63116 -0.480049 -0.320759
+-0.558151 0.595931 -0.458043 -0.351469
+-0.595931 0.558151 -0.434075 -0.380673
+-0.63116 0.51798 -0.408248 -0.408248
+-0.663686 0.475591 -0.380674 -0.434075
+-0.693371 0.431166 -0.351469 -0.458043
+-0.720086 0.384894 -0.320759 -0.480049
+-0.743717 0.336974 -0.288675 -0.5
+-0.764164 0.287611 -0.255355 -0.51781
+-0.781339 0.237016 -0.220942 -0.533402
+-0.795167 0.185407 -0.185583 -0.54671
+-0.805591 0.133004 -0.149429 -0.557678
+-0.812565 0.0800306 -0.112635 -0.566257
+-0.816059 0.0267151 -0.0753594 -0.572411
+0.816059 0.026715 0.149429 0.557678
+0.812565 0.0800307 0.112635 0.566257
+0.805591 0.133004 0.0753593 0.572411
+0.795167 0.185407 0.0377605 0.576114
+0.781339 0.237016 -4.30302e-10 0.57735
+0.764164 0.287611 -0.0377605 0.576114
+0.743717 0.336974 -0.0753593 0.572411
+0.720086 0.384894 -0.112635 0.566257
+0.693371 0.431166 -0.149429 0.557678
+0.663687 0.475591 -0.185583 0.54671
+0.63116 0.51798 -0.220942 0.533402
+0.595932 0.558151 -0.255356 0.51781
+0.558151 0.595932 -0.288675 0.5
+0.51798 0.63116 -0.320759 0.480049
+0.475591 0.663687 -0.351469 0.458043
+0.431166 0.693371 -0.380674 0.434075
+0.384894 0.720086 -0.408248 0.408248
+0.336974 0.743717 -0.434075 0.380673
+0.287611 0.764164 -0.458043 0.351469
+0.237016 0.781339 -0.480049 0.320759
+0.185407 0.795167 -0.5 0.288675
+0.133003 0.805591 -0.51781 0.255355
+0.0800306 0.812565 -0.533402 0.220942
+0.0267149 0.816059 -0.54671 0.185583
+-0.0267151 0.816059 -0.557678 0.149429
+-0.0800307 0.812565 -0.566257 0.112635
+-0.133004 0.805591 -0.572411 0.0753593
+-0.185407 0.795167 -0.576114 0.0377605
+-0.237017 0.781338 -0.57735 -9.44926e-08
+-0.287611 0.764164 -0.576114 -0.0377606
+-0.336974 0.743717 -0.572411 -0.0753594
+-0.384894 0.720086 -0.566257 -0.112635
+-0.431166 0.693371 -0.557678 -0.149429
+-0.475591 0.663686 -0.54671 -0.185583
+-0.51798 0.63116 -0.533402 -0.220942
+-0.558151 0.595931 -0.51781 -0.255356
+-0.595931 0.558151 -0.5 -0.288675
+-0.63116 0.51798 -0.480049 -0.320759
+-0.663686 0.475591 -0.458043 -0.351469
+-0.693371 0.431166 -0.434075 -0.380673
+-0.720086 0.384894 -0.408248 -0.408248
+-0.743717 0.336974 -0.380673 -0.434075
+-0.764164 0.287611 -0.351469 -0.458043
+-0.781339 0.237016 -0.320759 -0.480049
+-0.795167 0.185407 -0.288675 -0.5
+-0.805591 0.133004 -0.255356 -0.51781
+-0.812565 0.0800306 -0.220942 -0.533402
+-0.816059 0.0267151 -0.185583 -0.54671
+0.841175 0.0275372 0.0879736 0.532848
+0.837573 0.0824937 0.0529353 0.537461
+0.830384 0.137097 0.0176703 0.539773
+0.81964 0.191113 -0.0176703 0.539773
+0.805385 0.244311 -0.0529353 0.537461
+0.787682 0.296463 -0.0879736 0.532848
+0.766606 0.347345 -0.122635 0.525954
+0.742247 0.396739 -0.156772 0.516807
+0.71471 0.444435 -0.190237 0.505447
+0.684112 0.490228 -0.222887 0.491923
+0.650585 0.533921 -0.254583 0.476292
+0.614272 0.575329 -0.285189 0.458622
+0.575329 0.614272 -0.314574 0.438987
+0.533922 0.650585 -0.342612 0.417473
+0.490228 0.684112 -0.369182 0.394172
+0.444435 0.71471 -0.394172 0.369182
+0.396739 0.742247 -0.417473 0.342611
+0.347345 0.766606 -0.438987 0.314574
+0.296463 0.787682 -0.458622 0.285189
+0.244311 0.805385 -0.476292 0.254583
+0.191113 0.81964 -0.491923 0.222887
+0.137097 0.830384 -0.505447 0.190237
+0.0824936 0.837573 -0.516807 0.156772
+0.0275371 0.841175 -0.525954 0.122635
+-0.0275373 0.841175 -0.532848 0.0879736
+-0.0824938 0.837573 -0.537461 0.0529353
+-0.137097 0.830384 -0.539773 0.0176703
+-0.191113 0.81964 -0.539773 -0.0176704
+-0.244311 0.805385 -0.537461 -0.0529354
+-0.296463 0.787682 -0.532848 -0.0879737
+-0.347345 0.766606 -0.525954 -0.122635
+-0.396739 0.742247 -0.516807 -0.156772
+-0.444435 0.71471 -0.505447 -0.190237
+-0.490228 0.684112 -0.491923 -0.222887
+-0.533921 0.650585 -0.476292 -0.254583
+-0.575329 0.614272 -0.458622 -0.285189
+-0.614272 0.575329 -0.438987 -0.314574
+-0.650585 0.533921 -0.417473 -0.342612
+-0.684112 0.490228 -0.394172 -0.369182
+-0.71471 0.444435 -0.369182 -0.394172
+-0.742247 0.39674 -0.342612 -0.417473
+-0.766606 0.347345 -0.314574 -0.438987
+-0.787682 0.296463 -0.285189 -0.458622
+-0.805385 0.244311 -0.254583 -0.476292
+-0.81964 0.191113 -0.222887 -0.491923
+-0.830384 0.137097 -0.190237 -0.505447
+-0.837573 0.0824937 -0.156772 -0.516807
+-0.841175 0.0275373 -0.122635 -0.525954
+0.841175 0.0275372 -0.0176703 0.539773
+0.837573 0.0824937 -0.0529353 0.537461
+0.830384 0.137097 -0.0879736 0.532848
+0.81964 0.191113 -0.122635 0.525954
+0.805385 0.244311 -0.156772 0.516807
+0.787682 0.296463 -0.190237 0.505447
+0.766606 0.347345 -0.222887 0.491923
+0.742247 0.396739 -0.254583 0.476292
+0.71471 0.444435 -0.285189 0.458622
+0.684112 0.490228 -0.314574 0.438987
+0.650585 0.533921 -0.342612 0.417473
+0.614272 0.575329 -0.369182 0.394172
+0.575329 0.614272 -0.394172 0.369182
+0.533922 0.650585 -0.417473 0.342612
+0.490228 0.684112 -0.438987 0.314574
+0.444435 0.71471 -0.458622 0.285189
+0.396739 0.742247 -0.476292 0.254583
+0.347345 0.766606 -0.491923 0.222887
+0.296463 0.787682 -0.505447 0.190237
+0.244311 0.805385 -0.516807 0.156772
+0.191113 0.81964 -0.525954 0.122635
+0.137097 0.830384 -0.532848 0.0879735
+0.0824936 0.837573 -0.537461 0.0529352
+0.0275371 0.841175 -0.539773 0.0176703
+-0.0275373 0.841175 -0.539773 -0.0176704
+-0.0824938 0.837573 -0.537461 -0.0529354
+-0.137097 0.830384 -0.532848 -0.0879736
+-0.191113 0.81964 -0.525954 -0.122635
+-0.244311 0.805385 -0.516807 -0.156772
+-0.296463 0.787682 -0.505447 -0.190237
+-0.347345 0.766606 -0.491923 -0.222887
+-0.396739 0.742247 -0.476292 -0.254583
+-0.444435 0.71471 -0.458622 -0.285189
+-0.490228 0.684112 -0.438987 -0.314574
+-0.533921 0.650585 -0.417473 -0.342612
+-0.575329 0.614272 -0.394172 -0.369182
+-0.614272 0.575329 -0.369182 -0.394172
+-0.650585 0.533921 -0.342612 -0.417473
+-0.684112 0.490228 -0.314574 -0.438987
+-0.71471 0.444435 -0.285189 -0.458622
+-0.742247 0.39674 -0.254583 -0.476292
+-0.766606 0.347345 -0.222887 -0.491923
+-0.787682 0.296463 -0.190237 -0.505447
+-0.805385 0.244311 -0.156772 -0.516807
+-0.81964 0.191113 -0.122635 -0.525954
+-0.830384 0.137097 -0.0879736 -0.532848
+-0.837573 0.0824937 -0.0529353 -0.537461
+-0.841175 0.0275373 -0.0176704 -0.539773
+0.865562 0.0283356 -0.0652631 0.495722
+0.861855 0.0848853 -0.0975452 0.490393
+0.854458 0.141072 -0.12941 0.482963
+0.843402 0.196654 -0.16072 0.473465
+0.828735 0.251394 -0.191342 0.46194
+0.810518 0.305057 -0.221144 0.448436
+0.788831 0.357415 -0.25 0.433013
+0.763766 0.408242 -0.277785 0.415735
+0.735431 0.45732 -0.304381 0.396677
+0.703946 0.50444 -0.329673 0.37592
+0.669447 0.549401 -0.353553 0.353553
+0.632081 0.592008 -0.37592 0.329673
+0.592008 0.632081 -0.396677 0.304381
+0.549401 0.669447 -0.415735 0.277785
+0.50444 0.703946 -0.433013 0.25
+0.45732 0.735431 -0.448436 0.221144
+0.408241 0.763766 -0.46194 0.191342
+0.357415 0.788831 -0.473465 0.16072
+0.305057 0.810518 -0.482963 0.129409
+0.251394 0.828735 -0.490393 0.0975451
+0.196654 0.843402 -0.495722 0.0652631
+0.141072 0.854458 -0.498929 0.0327015
+0.0848852 0.861855 -0.5 -6.14679e-08
+0.0283355 0.865562 -0.498929 -0.0327016
+-0.0283356 0.865562 -0.495722 -0.0652631
+-0.0848854 0.861855 -0.490393 -0.0975452
+-0.141072 0.854458 -0.482963 -0.12941
+-0.196654 0.843402 -0.473465 -0.16072
+-0.251394 0.828735 -0.46194 -0.191342
+-0.305058 0.810518 -0.448436 -0.221144
+-0.357415 0.788831 -0.433013 -0.25
+-0.408241 0.763766 -0.415735 -0.277785
+-0.45732 0.735431 -0.396677 -0.304381
+-0.504441 0.703946 -0.37592 -0.329673
+-0.549401 0.669447 -0.353553 -0.353553
+-0.592008 0.632081 -0.329673 -0.37592
+-0.632081 0.592008 -0.304381 -0.396677
+-0.669447 0.549401 -0.277785 -0.415735
+-0.703946 0.504441 -0.25 -0.433013
+-0.735431 0.45732 -0.221144 -0.448436
+-0.763766 0.408242 -0.191342 -0.46194
+-0.788831 0.357415 -0.16072 -0.473465
+-0.810518 0.305057 -0.129409 -0.482963
+-0.828735 0.251394 -0.0975452 -0.490393
+-0.843402 0.196654 -0.0652631 -0.495722
+-0.854458 0.141072 -0.0327016 -0.498929
+-0.861855 0.0848853 2.3719e-08 -0.5
+-0.865562 0.0283356 0.0327015 -0.498929
+0.865562 0.0283356 0.0327016 0.498929
+0.861855 0.0848853 -1.36598e-09 0.5
+0.854458 0.141072 -0.0327016 0.498929
+0.843402 0.196654 -0.0652631 0.495722
+0.828735 0.251394 -0.0975452 0.490393
+0.810518 0.305057 -0.12941 0.482963
+0.788831 0.357415 -0.16072 0.473465
+0.763766 0.408242 -0.191342 0.46194
+0.735431 0.45732 -0.221144 0.448436
+0.703946 0.50444 -0.25 0.433013
+0.669447 0.549401 -0.277785 0.415735
+0.632081 0.592008 -0.304381 0.396677
+0.592008 0.632081 -0.329673 0.37592
+0.549401 0.669447 -0.353553 0.353553
+0.50444 0.703946 -0.37592 0.329673
+0.45732 0.735431 -0.396677 0.304381
+0.408241 0.763766 -0.415735 0.277785
+0.357415 0.788831 -0.433013 0.25
+0.305057 0.810518 -0.448436 0.221144
+0.251394 0.828735 -0.46194 0.191342
+0.196654 0.843402 -0.473465 0.16072
+0.141072 0.854458 -0.482963 0.129409
+0.0848852 0.861855 -0.490393 0.0975451
+0.0283355 0.865562 -0.495722 0.065263
+-0.0283356 0.865562 -0.498929 0.0327015
+-0.0848854 0.861855 -0.5 -4.18481e-08
+-0.141072 0.854458 -0.498929 -0.0327016
+-0.196654 0.843402 -0.495722 -0.0652631
+-0.251394 0.828735 -0.490393 -0.0975452
+-0.305058 0.810518 -0.482963 -0.12941
+-0.357415 0.788831 -0.473465 -0.16072
+-0.408241 0.763766 -0.46194 -0.191342
+-0.45732 0.735431 -0.448436 -0.221144
+-0.504441 0.703946 -0.433013 -0.25
+-0.549401 0.669447 -0.415735 -0.277785
+-0.592008 0.632081 -0.396677 -0.304381
+-0.632081 0.592008 -0.37592 -0.329673
+-0.669447 0.549401 -0.353553 -0.353553
+-0.703946 0.504441 -0.329673 -0.37592
+-0.735431 0.45732 -0.304381 -0.396677
+-0.763766 0.408242 -0.277785 -0.415735
+-0.788831 0.357415 -0.25 -0.433013
+-0.810518 0.305057 -0.221144 -0.448436
+-0.828735 0.251394 -0.191342 -0.46194
+-0.843402 0.196654 -0.16072 -0.473465
+-0.854458 0.141072 -0.12941 -0.482963
+-0.861855 0.0848853 -0.0975451 -0.490393
+-0.865562 0.0283356 -0.0652631 -0.495722
+0.88928 0.029112 -0.0149342 0.456191
+0.885472 0.0872114 -0.0447385 0.454238
+0.877872 0.144937 -0.0743513 0.450339
+0.866513 0.202043 -0.103646 0.444512
+0.851444 0.258283 -0.132496 0.436782
+0.832728 0.313417 -0.160779 0.427181
+0.810447 0.367209 -0.188374 0.415751
+0.784695 0.419428 -0.215162 0.40254
+0.755583 0.469852 -0.241029 0.387606
+0.723236 0.518263 -0.265863 0.371012
+0.687791 0.564456 -0.28956 0.352829
+0.649401 0.608231 -0.312016 0.333136
+0.608231 0.649401 -0.333136 0.312016
+0.564456 0.687791 -0.352829 0.28956
+0.518263 0.723236 -0.371012 0.265863
+0.469852 0.755583 -0.387606 0.241029
+0.419428 0.784695 -0.40254 0.215162
+0.367209 0.810447 -0.415751 0.188374
+0.313417 0.832728 -0.427181 0.160779
+0.258283 0.851444 -0.436782 0.132496
+0.202043 0.866513 -0.444512 0.103646
+0.144937 0.877872 -0.450339 0.0743512
+0.0872113 0.885472 -0.454238 0.0447384
+0.0291119 0.88928 -0.456191 0.0149341
+-0.0291121 0.88928 -0.456191 -0.0149342
+-0.0872115 0.885472 -0.454238 -0.0447385
+-0.144937 0.877872 -0.450339 -0.0743513
+-0.202043 0.866513 -0.444512 -0.103646
+-0.258283 0.851444 -0.436781 -0.132496
+-0.313417 0.832728 -0.427181 -0.160779
+-0.367209 0.810447 -0.415751 -0.188374
+-0.419428 0.784695 -0.40254 -0.215162
+-0.469852 0.755583 -0.387606 -0.241029
+-0.518263 0.723236 -0.371012 -0.265864
+-0.564456 0.687791 -0.352829 -0.28956
+-0.608231 0.649401 -0.333136 -0.312016
+-0.649401 0.608231 -0.312016 -0.333136
+-0.687791 0.564456 -0.28956 -0.352829
+-0.723236 0.518263 -0.265864 -0.371012
+-0.755583 0.469852 -0.241029 -0.387606
+-0.784695 0.419428 -0.215162 -0.40254
+-0.810447 0.367209 -0.188374 -0.415751
+-0.832728 0.313417 -0.160779 -0.427181
+-0.851444 0.258283 -0.132496 -0.436782
+-0.866513 0.202043 -0.103646 -0.444512
+-0.877872 0.144937 -0.0743513 -0.450339
+-0.885472 0.0872113 -0.0447385 -0.454238
+-0.88928 0.0291121 -0.0149342 -0.456191
+0.456191 0.0149342 -0.88928 -0.029112
+0.454238 0.0447385 -0.885472 -0.0872114
+0.450339 0.0743513 -0.877872 -0.144937
+0.444512 0.103646 -0.866513 -0.202043
+0.436782 0.132496 -0.851444 -0.258283
+0.427181 0.160779 -0.832728 -0.313417
+0.415751 0.188374 -0.810447 -0.367209
+0.40254 0.215162 -0.784695 -0.419428
+0.387606 0.241029 -0.755583 -0.469852
+0.371012 0.265863 -0.723236 -0.518263
+0.352829 0.28956 -0.687791 -0.564456
+0.333136 0.312016 -0.649401 -0.608231
+0.312016 0.333136 -0.608231 -0.649401
+0.28956 0.352829 -0.564456 -0.687791
+0.265863 0.371012 -0.518263 -0.723236
+0.241029 0.387606 -0.469852 -0.755583
+0.215162 0.40254 -0.419428 -0.784695
+0.188374 0.415751 -0.367209 -0.810447
+0.160779 0.427181 -0.313417 -0.832728
+0.132496 0.436782 -0.258283 -0.851444
+0.103646 0.444512 -0.202043 -0.866513
+0.0743512 0.450339 -0.144937 -0.877872
+0.0447384 0.454238 -0.0872113 -0.885472
+0.0149341 0.456191 -0.0291119 -0.88928
+-0.0149342 0.456191 0.0291121 -0.88928
+-0.0447385 0.454238 0.0872115 -0.885472
+-0.0743513 0.450339 0.144937 -0.877872
+-0.103646 0.444512 0.202043 -0.866513
+-0.132496 0.436781 0.258283 -0.851444
+-0.160779 0.427181 0.313417 -0.832728
+-0.188374 0.415751 0.367209 -0.810447
+-0.215162 0.40254 0.419428 -0.784695
+-0.241029 0.387606 0.469852 -0.755583
+-0.265864 0.371012 0.518263 -0.723236
+-0.28956 0.352829 0.564456 -0.687791
+-0.312016 0.333136 0.608231 -0.649401
+-0.333136 0.312016 0.649401 -0.608231
+-0.352829 0.28956 0.687791 -0.564456
+-0.371012 0.265864 0.723236 -0.518263
+-0.387606 0.241029 0.755583 -0.469852
+-0.40254 0.215162 0.784695 -0.419428
+-0.415751 0.188374 0.810447 -0.367209
+-0.427181 0.160779 0.832728 -0.313417
+-0.436782 0.132496 0.851444 -0.258283
+-0.444512 0.103646 0.866513 -0.202043
+-0.450339 0.0743513 0.877872 -0.144937
+-0.454238 0.0447385 0.885472 -0.0872113
+-0.456191 0.0149342 0.88928 -0.0291121
+0.499732 0.0163595 -0.858616 -0.113039
+0.497592 0.0490086 -0.849385 -0.168953
+0.493322 0.0814477 -0.836516 -0.224144
+0.486938 0.113538 -0.820066 -0.278375
+0.47847 0.145142 -0.800103 -0.331414
+0.467953 0.176125 -0.776715 -0.383033
+0.455432 0.206354 -0.75 -0.433013
+0.440961 0.235698 -0.720074 -0.481138
+0.424601 0.264034 -0.687064 -0.527203
+0.406423 0.291239 -0.651112 -0.57101
+0.386505 0.317197 -0.612372 -0.612372
+0.364932 0.341796 -0.57101 -0.651112
+0.341796 0.364932 -0.527203 -0.687064
+0.317197 0.386505 -0.481138 -0.720074
+0.291239 0.406423 -0.433013 -0.75
+0.264034 0.424601 -0.383033 -0.776715
+0.235698 0.440961 -0.331414 -0.800103
+0.206353 0.455432 -0.278375 -0.820066
+0.176125 0.467953 -0.224144 -0.836516
+0.145142 0.47847 -0.168953 -0.849385
+0.113538 0.486938 -0.113039 -0.858616
+0.0814477 0.493322 -0.0566407 -0.864171
+0.0490085 0.497592 1.06466e-07 -0.866025
+0.0163595 0.499732 0.0566409 -0.864171
+-0.0163596 0.499732 0.113039 -0.858616
+-0.0490086 0.497592 0.168953 -0.849385
+-0.0814478 0.493322 0.224144 -0.836516
+-0.113538 0.486938 0.278375 -0.820066
+-0.145142 0.47847 0.331414 -0.800103
+-0.176125 0.467953 0.383033 -0.776715
+-0.206354 0.455432 0.433013 -0.75
+-0.235698 0.440961 0.481138 -0.720074
+-0.264034 0.424601 0.527203 -0.687064
+-0.291239 0.406423 0.57101 -0.651112
+-0.317197 0.386505 0.612372 -0.612372
+-0.341796 0.364932 0.651112 -0.57101
+-0.364932 0.341796 0.687064 -0.527203
+-0.386505 0.317197 0.720074 -0.481138
+-0.406423 0.291239 0.75 -0.433013
+-0.424601 0.264034 0.776715 -0.383033
+-0.440961 0.235698 0.800103 -0.331414
+-0.455432 0.206354 0.820066 -0.278375
+-0.467953 0.176125 0.836516 -0.224144
+-0.47847 0.145142 0.849385 -0.168953
+-0.486938 0.113538 0.858616 -0.113039
+-0.493322 0.0814478 0.864171 -0.0566408
+-0.497592 0.0490085 0.866025 4.10824e-08
+-0.499732 0.0163596 0.864171 0.0566407
+0.499732 0.0163595 -0.864171 0.0566408
+0.497592 0.0490086 -0.866025 -2.36595e-09
+0.493322 0.0814477 -0.864171 -0.0566408
+0.486938 0.113538 -0.858616 -0.113039
+0.47847 0.145142 -0.849385 -0.168953
+0.467953 0.176125 -0.836516 -0.224144
+0.455432 0.206354 -0.820066 -0.278375
+0.440961 0.235698 -0.800103 -0.331414
+0.424601 0.264034 -0.776715 -0.383033
+0.406423 0.291239 -0.75 -0.433013
+0.386505 0.317197 -0.720074 -0.481138
+0.364932 0.341796 -0.687064 -0.527203
+0.341796 0.364932 -0.651112 -0.57101
+0.317197 0.386505 -0.612372 -0.612372
+0.291239 0.406423 -0.57101 -0.651112
+0.264034 0.424601 -0.527203 -0.687064
+0.235698 0.440961 -0.481138 -0.720074
+0.206353 0.455432 -0.433013 -0.75
+0.176125 0.467953 -0.383033 -0.776715
+0.145142 0.47847 -0.331414 -0.800103
+0.113538 0.486938 -0.278375 -0.820066
+0.0814477 0.493322 -0.224144 -0.836516
+0.0490085 0.497592 -0.168953 -0.849385
+0.0163595 0.499732 -0.113039 -0.858616
+-0.0163596 0.499732 -0.0566407 -0.864171
+-0.0490086 0.497592 7.24831e-08 -0.866025
+-0.0814478 0.493322 0.0566408 -0.864171
+-0.113538 0.486938 0.113039 -0.858616
+-0.145142 0.47847 0.168953 -0.849385
+-0.176125 0.467953 0.224144 -0.836516
+-0.206354 0.455432 0.278375 -0.820066
+-0.235698 0.440961 0.331413 -0.800103
+-0.264034 0.424601 0.383033 -0.776715
+-0.291239 0.406423 0.433013 -0.75
+-0.317197 0.386505 0.481138 -0.720074
+-0.341796 0.364932 0.527203 -0.687064
+-0.364932 0.341796 0.57101 -0.651112
+-0.386505 0.317197 0.612372 -0.612372
+-0.406423 0.291239 0.651112 -0.57101
+-0.424601 0.264034 0.687064 -0.527203
+-0.440961 0.235698 0.720074 -0.481138
+-0.455432 0.206354 0.75 -0.433013
+-0.467953 0.176125 0.776715 -0.383033
+-0.47847 0.145142 0.800103 -0.331414
+-0.486938 0.113538 0.820066 -0.278375
+-0.493322 0.0814478 0.836516 -0.224144
+-0.497592 0.0490085 0.849385 -0.168953
+-0.499732 0.0163596 0.858616 -0.113039
+0.539773 0.0176703 -0.841175 -0.0275372
+0.537461 0.0529353 -0.837573 -0.0824937
+0.532848 0.0879736 -0.830384 -0.137097
+0.525954 0.122635 -0.81964 -0.191113
+0.516807 0.156772 -0.805385 -0.244311
+0.505447 0.190237 -0.787682 -0.296463
+0.491923 0.222887 -0.766606 -0.347345
+0.476292 0.254583 -0.742247 -0.396739
+0.458622 0.285189 -0.71471 -0.444435
+0.438987 0.314574 -0.684112 -0.490228
+0.417473 0.342612 -0.650585 -0.533921
+0.394172 0.369182 -0.614272 -0.575329
+0.369182 0.394172 -0.575329 -0.614272
+0.342612 0.417473 -0.533922 -0.650585
+0.314574 0.438987 -0.490228 -0.684112
+0.285189 0.458622 -0.444435 -0.71471
+0.254583 0.476292 -0.396739 -0.742247
+0.222887 0.491923 -0.347345 -0.766606
+0.190237 0.505447 -0.296463 -0.787682
+0.156772 0.516807 -0.244311 -0.805385
+0.122635 0.525954 -0.191113 -0.81964
+0.0879735 0.532848 -0.137097 -0.830384
+0.0529352 0.537461 -0.0824936 -0.837573
+0.0176703 0.539773 -0.0275371 -0.841175
+-0.0176704 0.539773 0.0275373 -0.841175
+-0.0529354 0.537461 0.0824938 -0.837573
+-0.0879736 0.532848 0.137097 -0.830384
+-0.122635 0.525954 0.191113 -0.81964
+-0.156772 0.516807 0.244311 -0.805385
+-0.190237 0.505447 0.296463 -0.787682
+-0.222887 0.491923 0.347345 -0.766606
+-0.254583 0.476292 0.396739 -0.742247
+-0.285189 0.458622 0.444435 -0.71471
+-0.314574 0.438987 0.490228 -0.684112
+-0.342612 0.417473 0.533921 -0.650585
+-0.369182 0.394172 0.575329 -0.614272
+-0.394172 0.369182 0.614272 -0.575329
+-0.417473 0.342612 0.650585 -0.533921
+-0.438987 0.314574 0.684112 -0.490228
+-0.458622 0.285189 0.71471 -0.444435
+-0.476292 0.254583 0.742247 -0.39674
+-0.491923 0.222887 0.766606 -0.347345
+-0.505447 0.190237 0.787682 -0.296463
+-0.516807 0.156772 0.805385 -0.244311
+-0.525954 0.122635 0.81964 -0.191113
+-0.532848 0.0879736 0.830384 -0.137097
+-0.537461 0.0529353 0.837573 -0.0824937
+-0.539773 0.0176704 0.841175 -0.0275373
+0.539773 0.0176703 -0.81964 -0.191113
+0.537461 0.0529353 -0.805385 -0.244311
+0.532848 0.0879736 -0.787682 -0.296463
+0.525954 0.122635 -0.766606 -0.347345
+0.516807 0.156772 -0.742247 -0.396739
+0.505447 0.190237 -0.71471 -0.444435
+0.491923 0.222887 -0.684112 -0.490228
+0.476292 0.254583 -0.650585 -0.533922
+0.458622 0.285189 -0.614272 -0.575329
+0.438987 0.314574 -0.575329 -0.614272
+0.417473 0.342612 -0.533922 -0.650585
+0.394172 0.369182 -0.490228 -0.684112
+0.369182 0.394172 -0.444435 -0.71471
+0.342612 0.417473 -0.396739 -0.742247
+0.314574 0.438987 -0.347345 -0.766606
+0.285189 0.458622 -0.296463 -0.787682
+0.254583 0.476292 -0.244311 -0.805385
+0.222887 0.491923 -0.191113 -0.81964
+0.190237 0.505447 -0.137097 -0.830384
+0.156772 0.516807 -0.0824937 -0.837573
+0.122635 0.525954 -0.0275372 -0.841175
+0.0879735 0.532848 0.0275373 -0.841175
+0.0529352 0.537461 0.0824938 -0.837573
+0.0176703 0.539773 0.137097 -0.830384
+-0.0176704 0.539773 0.191113 -0.81964
+-0.0529354 0.537461 0.244311 -0.805385
+-0.0879736 0.532848 0.296463 -0.787682
+-0.122635 0.525954 0.347345 -0.766606
+-0.156772 0.516807 0.39674 -0.742247
+-0.190237 0.505447 0.444435 -0.71471
+-0.222887 0.491923 0.490228 -0.684112
+-0.254583 0.476292 0.533921 -0.650585
+-0.285189 0.458622 0.575329 -0.614272
+-0.314574 0.438987 0.614272 -0.575329
+-0.342612 0.417473 0.650585 -0.533922
+-0.369182 0.394172 0.684112 -0.490228
+-0.394172 0.369182 0.71471 -0.444435
+-0.417473 0.342612 0.742247 -0.396739
+-0.438987 0.314574 0.766606 -0.347345
+-0.458622 0.285189 0.787682 -0.296463
+-0.476292 0.254583 0.805385 -0.244311
+-0.491923 0.222887 0.81964 -0.191113
+-0.505447 0.190237 0.830384 -0.137097
+-0.516807 0.156772 0.837573 -0.0824937
+-0.525954 0.122635 0.841175 -0.0275371
+-0.532848 0.0879736 0.841175 0.0275372
+-0.537461 0.0529353 0.837573 0.0824938
+-0.539773 0.0176704 0.830384 0.137097
+0.577041 0.0188904 -0.773165 -0.262454
+0.57457 0.0565902 -0.754344 -0.31246
+0.569639 0.0940477 -0.732294 -0.361127
+0.562268 0.131103 -0.707107 -0.408248
+0.55249 0.167596 -0.678892 -0.453621
+0.540346 0.203372 -0.64777 -0.497052
+0.525887 0.238277 -0.613875 -0.538354
+0.509177 0.272161 -0.57735 -0.57735
+0.490287 0.30488 -0.538354 -0.613875
+0.469297 0.336294 -0.497052 -0.64777
+0.446298 0.366267 -0.453621 -0.678892
+0.421387 0.394672 -0.408248 -0.707107
+0.394672 0.421387 -0.361127 -0.732294
+0.366267 0.446298 -0.31246 -0.754344
+0.336294 0.469297 -0.262454 -0.773165
+0.30488 0.490287 -0.211325 -0.788675
+0.272161 0.509178 -0.159291 -0.800808
+0.238276 0.525887 -0.106574 -0.809511
+0.203372 0.540346 -0.0534014 -0.814748
+0.167596 0.55249 3.50817e-08 -0.816497
+0.131103 0.562268 0.0534015 -0.814748
+0.0940477 0.569639 0.106574 -0.809511
+0.0565902 0.57457 0.159291 -0.800808
+0.0188903 0.577041 0.211325 -0.788675
+-0.0188904 0.577041 0.262454 -0.773165
+-0.0565903 0.57457 0.31246 -0.754344
+-0.0940478 0.569639 0.361127 -0.732294
+-0.131103 0.562268 0.408248 -0.707107
+-0.167596 0.55249 0.453621 -0.678892
+-0.203372 0.540346 0.497052 -0.64777
+-0.238277 0.525887 0.538354 -0.613875
+-0.272161 0.509178 0.57735 -0.57735
+-0.30488 0.490287 0.613875 -0.538354
+-0.336294 0.469297 0.64777 -0.497052
+-0.366267 0.446298 0.678892 -0.453621
+-0.394672 0.421387 0.707107 -0.408248
+-0.421387 0.394672 0.732294 -0.361127
+-0.446298 0.366267 0.754344 -0.31246
+-0.469297 0.336294 0.773165 -0.262454
+-0.490287 0.30488 0.788675 -0.211325
+-0.509177 0.272161 0.800808 -0.159291
+-0.525887 0.238277 0.809511 -0.106574
+-0.540346 0.203372 0.814748 -0.0534014
+-0.55249 0.167596 0.816497 -2.65621e-08
+-0.562268 0.131103 0.814748 0.0534015
+-0.569639 0.0940478 0.809511 0.106574
+-0.57457 0.0565902 0.800808 0.159291
+-0.577041 0.0188904 0.788675 0.211325
+0.577041 0.0188904 -0.809511 -0.106574
+0.57457 0.0565902 -0.800808 -0.159291
+0.569639 0.0940477 -0.788675 -0.211325
+0.562268 0.131103 -0.773165 -0.262454
+0.55249 0.167596 -0.754344 -0.31246
+0.540346 0.203372 -0.732294 -0.361127
+0.525887 0.238277 -0.707107 -0.408248
+0.509177 0.272161 -0.678892 -0.453621
+0.490287 0.30488 -0.64777 -0.497052
+0.469297 0.336294 -0.613875 -0.538354
+0.446298 0.366267 -0.57735 -0.57735
+0.421387 0.394672 -0.538354 -0.613875
+0.394672 0.421387 -0.497052 -0.64777
+0.366267 0.446298 -0.453621 -0.678892
+0.336294 0.469297 -0.408248 -0.707107
+0.30488 0.490287 -0.361127 -0.732294
+0.272161 0.509178 -0.31246 -0.754345
+0.238276 0.525887 -0.262454 -0.773165
+0.203372 0.540346 -0.211325 -0.788675
+0.167596 0.55249 -0.159291 -0.800808
+0.131103 0.562268 -0.106574 -0.809511
+0.0940477 0.569639 -0.0534013 -0.814748
+0.0565902 0.57457 1.00377e-07 -0.816497
+0.0188903 0.577041 0.0534015 -0.814748
+-0.0188904 0.577041 0.106574 -0.809511
+-0.0565903 0.57457 0.159291 -0.800808
+-0.0940478 0.569639 0.211325 -0.788675
+-0.131103 0.562268 0.262454 -0.773165
+-0.167596 0.55249 0.31246 -0.754344
+-0.203372 0.540346 0.361127 -0.732293
+-0.238277 0.525887 0.408248 -0.707107
+-0.272161 0.509178 0.453621 -0.678892
+-0.30488 0.490287 0.497052 -0.64777
+-0.336294 0.469297 0.538354 -0.613875
+-0.366267 0.446298 0.57735 -0.57735
+-0.394672 0.421387 0.613875 -0.538354
+-0.421387 0.394672 0.64777 -0.497052
+-0.446298 0.366267 0.678892 -0.453621
+-0.469297 0.336294 0.707107 -0.408248
+-0.490287 0.30488 0.732294 -0.361127
+-0.509177 0.272161 0.754344 -0.31246
+-0.525887 0.238277 0.773165 -0.262454
+-0.540346 0.203372 0.788675 -0.211325
+-0.55249 0.167596 0.800808 -0.159291
+-0.562268 0.131103 0.809511 -0.106574
+-0.569639 0.0940478 0.814748 -0.0534015
+-0.57457 0.0565902 0.816497 3.87329e-08
+-0.577041 0.0188904 0.814748 0.0534014
+0.612045 0.0200363 -0.769917 -0.17952
+0.609424 0.060023 -0.756528 -0.22949
+0.604193 0.0997527 -0.739899 -0.278478
+0.596375 0.139055 -0.720101 -0.326274
+0.586004 0.177762 -0.69722 -0.372672
+0.573123 0.215708 -0.671353 -0.417474
+0.557788 0.25273 -0.642612 -0.460489
+0.540064 0.28867 -0.611118 -0.501532
+0.520028 0.323374 -0.577008 -0.540427
+0.497765 0.356693 -0.540427 -0.577008
+0.47337 0.388485 -0.501532 -0.611118
+0.446949 0.418613 -0.460489 -0.642612
+0.418613 0.446949 -0.417474 -0.671353
+0.388485 0.47337 -0.372672 -0.69722
+0.356693 0.497765 -0.326274 -0.720101
+0.323374 0.520028 -0.278478 -0.739899
+0.28867 0.540064 -0.22949 -0.756528
+0.25273 0.557788 -0.179519 -0.769917
+0.215708 0.573123 -0.12878 -0.78001
+0.177762 0.586004 -0.0774893 -0.786763
+0.139055 0.596375 -0.0258667 -0.790146
+0.0997526 0.604193 0.0258668 -0.790146
+0.0600229 0.609424 0.0774895 -0.786763
+0.0200362 0.612045 0.12878 -0.78001
+-0.0200363 0.612045 0.17952 -0.769917
+-0.060023 0.609424 0.22949 -0.756528
+-0.0997527 0.604193 0.278478 -0.739899
+-0.139055 0.596375 0.326274 -0.720101
+-0.177762 0.586004 0.372672 -0.69722
+-0.215708 0.573123 0.417474 -0.671353
+-0.25273 0.557788 0.460489 -0.642612
+-0.28867 0.540064 0.501532 -0.611118
+-0.323374 0.520028 0.540427 -0.577008
+-0.356693 0.497765 0.577008 -0.540427
+-0.388485 0.47337 0.611118 -0.501532
+-0.418613 0.446949 0.642612 -0.460489
+-0.446949 0.418613 0.671353 -0.417474
+-0.47337 0.388485 0.69722 -0.372672
+-0.497765 0.356693 0.720101 -0.326274
+-0.520028 0.323374 0.739899 -0.278478
+-0.540064 0.28867 0.756528 -0.22949
+-0.557788 0.25273 0.769917 -0.17952
+-0.573123 0.215708 0.78001 -0.12878
+-0.586004 0.177762 0.786763 -0.0774894
+-0.596375 0.139055 0.790146 -0.0258666
+-0.604193 0.0997527 0.790146 0.0258667
+-0.609424 0.060023 0.786763 0.0774894
+-0.612045 0.0200363 0.78001 0.12878
+0.539773 0.0176703 -0.830384 0.137097
+0.537461 0.0529353 -0.837573 0.0824937
+0.532848 0.0879736 -0.841175 0.0275372
+0.525954 0.122635 -0.841175 -0.0275372
+0.516807 0.156772 -0.837573 -0.0824937
+0.505447 0.190237 -0.830384 -0.137097
+0.491923 0.222887 -0.81964 -0.191113
+0.476292 0.254583 -0.805385 -0.244311
+0.458622 0.285189 -0.787682 -0.296463
+0.438987 0.314574 -0.766606 -0.347345
+0.417473 0.342612 -0.742247 -0.396739
+0.394172 0.369182 -0.71471 -0.444435
+0.369182 0.394172 -0.684112 -0.490228
+0.342612 0.417473 -0.650585 -0.533922
+0.314574 0.438987 -0.614272 -0.575329
+0.285189 0.458622 -0.575329 -0.614272
+0.254583 0.476292 -0.533921 -0.650585
+0.222887 0.491923 -0.490228 -0.684112
+0.190237 0.505447 -0.444435 -0.71471
+0.156772 0.516807 -0.396739 -0.742247
+0.122635 0.525954 -0.347345 -0.766606
+0.0879735 0.532848 -0.296462 -0.787682
+0.0529352 0.537461 -0.244311 -0.805385
+0.0176703 0.539773 -0.191113 -0.81964
+-0.0176704 0.539773 -0.137097 -0.830384
+-0.0529354 0.537461 -0.0824936 -0.837573
+-0.0879736 0.532848 -0.0275372 -0.841175
+-0.122635 0.525954 0.0275373 -0.841175
+-0.156772 0.516807 0.0824939 -0.837573
+-0.190237 0.505447 0.137097 -0.830384
+-0.222887 0.491923 0.191113 -0.81964
+-0.254583 0.476292 0.244311 -0.805385
+-0.285189 0.458622 0.296463 -0.787682
+-0.314574 0.438987 0.347345 -0.766606
+-0.342612 0.417473 0.396739 -0.742247
+-0.369182 0.394172 0.444435 -0.71471
+-0.394172 0.369182 0.490228 -0.684112
+-0.417473 0.342612 0.533922 -0.650585
+-0.438987 0.314574 0.575329 -0.614272
+-0.458622 0.285189 0.614272 -0.575329
+-0.476292 0.254583 0.650585 -0.533922
+-0.491923 0.222887 0.684112 -0.490228
+-0.505447 0.190237 0.71471 -0.444435
+-0.516807 0.156772 0.742247 -0.396739
+-0.525954 0.122635 0.766606 -0.347345
+-0.532848 0.0879736 0.787682 -0.296463
+-0.537461 0.0529353 0.805385 -0.244311
+-0.539773 0.0176704 0.81964 -0.191113
+0.577041 0.0188904 -0.814748 0.0534014
+0.57457 0.0565902 -0.816497 -2.23064e-09
+0.569639 0.0940477 -0.814748 -0.0534014
+0.562268 0.131103 -0.809511 -0.106574
+0.55249 0.167596 -0.800808 -0.159291
+0.540346 0.203372 -0.788675 -0.211325
+0.525887 0.238277 -0.773165 -0.262454
+0.509177 0.272161 -0.754344 -0.31246
+0.490287 0.30488 -0.732294 -0.361127
+0.469297 0.336294 -0.707107 -0.408248
+0.446298 0.366267 -0.678892 -0.453621
+0.421387 0.394672 -0.64777 -0.497052
+0.394672 0.421387 -0.613875 -0.538354
+0.366267 0.446298 -0.57735 -0.57735
+0.336294 0.469297 -0.538354 -0.613875
+0.30488 0.490287 -0.497052 -0.64777
+0.272161 0.509178 -0.453621 -0.678892
+0.238276 0.525887 -0.408248 -0.707107
+0.203372 0.540346 -0.361127 -0.732294
+0.167596 0.55249 -0.31246 -0.754344
+0.131103 0.562268 -0.262454 -0.773165
+0.0940477 0.569639 -0.211325 -0.788675
+0.0565902 0.57457 -0.15929 -0.800808
+0.0188903 0.577041 -0.106574 -0.809511
+-0.0188904 0.577041 -0.0534014 -0.814748
+-0.0565903 0.57457 6.83377e-08 -0.816497
+-0.0940478 0.569639 0.0534015 -0.814748
+-0.131103 0.562268 0.106574 -0.809511
+-0.167596 0.55249 0.159291 -0.800808
+-0.203372 0.540346 0.211325 -0.788675
+-0.238277 0.525887 0.262454 -0.773165
+-0.272161 0.509178 0.31246 -0.754345
+-0.30488 0.490287 0.361127 -0.732294
+-0.336294 0.469297 0.408248 -0.707107
+-0.366267 0.446298 0.453621 -0.678892
+-0.394672 0.421387 0.497052 -0.64777
+-0.421387 0.394672 0.538354 -0.613875
+-0.446298 0.366267 0.57735 -0.57735
+-0.469297 0.336294 0.613875 -0.538354
+-0.490287 0.30488 0.64777 -0.497052
+-0.509177 0.272161 0.678892 -0.453621
+-0.525887 0.238277 0.707107 -0.408248
+-0.540346 0.203372 0.732294 -0.361127
+-0.55249 0.167596 0.754344 -0.31246
+-0.562268 0.131103 0.773165 -0.262454
+-0.569639 0.0940478 0.788675 -0.211325
+-0.57457 0.0565902 0.800808 -0.159291
+-0.577041 0.0188904 0.809511 -0.106574
+0.577041 0.0188904 -0.788675 0.211325
+0.57457 0.0565902 -0.800808 0.159291
+0.569639 0.0940477 -0.809511 0.106574
+0.562268 0.131103 -0.814748 0.0534014
+0.55249 0.167596 -0.816497 -6.08539e-10
+0.540346 0.203372 -0.814748 -0.0534014
+0.525887 0.238277 -0.809511 -0.106574
+0.509177 0.272161 -0.800808 -0.159291
+0.490287 0.30488 -0.788675 -0.211325
+0.469297 0.336294 -0.773165 -0.262454
+0.446298 0.366267 -0.754344 -0.31246
+0.421387 0.394672 -0.732294 -0.361127
+0.394672 0.421387 -0.707107 -0.408248
+0.366267 0.446298 -0.678892 -0.453621
+0.336294 0.469297 -0.64777 -0.497052
+0.30488 0.490287 -0.613875 -0.538354
+0.272161 0.509178 -0.57735 -0.57735
+0.238276 0.525887 -0.538354 -0.613875
+0.203372 0.540346 -0.497052 -0.64777
+0.167596 0.55249 -0.453621 -0.678892
+0.131103 0.562268 -0.408248 -0.707107
+0.0940477 0.569639 -0.361127 -0.732294
+0.0565902 0.57457 -0.31246 -0.754345
+0.0188903 0.577041 -0.262454 -0.773165
+-0.0188904 0.577041 -0.211325 -0.788675
+-0.0565903 0.57457 -0.159291 -0.800808
+-0.0940478 0.569639 -0.106574 -0.809511
+-0.131103 0.562268 -0.0534014 -0.814748
+-0.167596 0.55249 1.33633e-07 -0.816497
+-0.203372 0.540346 0.0534016 -0.814748
+-0.238277 0.525887 0.106574 -0.809511
+-0.272161 0.509178 0.15929 -0.800808
+-0.30488 0.490287 0.211325 -0.788675
+-0.336294 0.469297 0.262454 -0.773165
+-0.366267 0.446298 0.31246 -0.754344
+-0.394672 0.421387 0.361127 -0.732294
+-0.421387 0.394672 0.408248 -0.707107
+-0.446298 0.366267 0.453621 -0.678892
+-0.469297 0.336294 0.497052 -0.64777
+-0.490287 0.30488 0.538354 -0.613875
+-0.509177 0.272161 0.57735 -0.57735
+-0.525887 0.238277 0.613875 -0.538354
+-0.540346 0.203372 0.64777 -0.497052
+-0.55249 0.167596 0.678892 -0.453621
+-0.562268 0.131103 0.707107 -0.408248
+-0.569639 0.0940478 0.732294 -0.361127
+-0.57457 0.0565902 0.754344 -0.31246
+-0.577041 0.0188904 0.773165 -0.262454
+0.612045 0.0200363 -0.78001 0.12878
+0.609424 0.060023 -0.786763 0.0774894
+0.604193 0.0997527 -0.790146 0.0258667
+0.596375 0.139055 -0.790146 -0.0258667
+0.586004 0.177762 -0.786763 -0.0774894
+0.573123 0.215708 -0.78001 -0.12878
+0.557788 0.25273 -0.769917 -0.17952
+0.540064 0.28867 -0.756528 -0.22949
+0.520028 0.323374 -0.739899 -0.278478
+0.497765 0.356693 -0.720101 -0.326274
+0.47337 0.388485 -0.69722 -0.372672
+0.446949 0.418613 -0.671353 -0.417474
+0.418613 0.446949 -0.642612 -0.460489
+0.388485 0.47337 -0.611118 -0.501532
+0.356693 0.497765 -0.577008 -0.540427
+0.323374 0.520028 -0.540427 -0.577008
+0.28867 0.540064 -0.501532 -0.611118
+0.25273 0.557788 -0.460489 -0.642612
+0.215708 0.573123 -0.417474 -0.671353
+0.177762 0.586004 -0.372672 -0.69722
+0.139055 0.596375 -0.326274 -0.720101
+0.0997526 0.604193 -0.278478 -0.739899
+0.0600229 0.609424 -0.22949 -0.756528
+0.0200362 0.612045 -0.179519 -0.769917
+-0.0200363 0.612045 -0.12878 -0.78001
+-0.060023 0.609424 -0.0774893 -0.786763
+-0.0997527 0.604193 -0.0258667 -0.790146
+-0.139055 0.596375 0.0258668 -0.790146
+-0.177762 0.586004 0.0774895 -0.786763
+-0.215708 0.573123 0.12878 -0.78001
+-0.25273 0.557788 0.17952 -0.769917
+-0.28867 0.540064 0.22949 -0.756528
+-0.323374 0.520028 0.278478 -0.739899
+-0.356693 0.497765 0.326274 -0.720101
+-0.388485 0.47337 0.372672 -0.69722
+-0.418613 0.446949 0.417474 -0.671353
+-0.446949 0.418613 0.460489 -0.642612
+-0.47337 0.388485 0.501532 -0.611118
+-0.497765 0.356693 0.540427 -0.577008
+-0.520028 0.323374 0.577008 -0.540427
+-0.540064 0.28867 0.611118 -0.501532
+-0.557788 0.25273 0.642612 -0.460489
+-0.573123 0.215708 0.671353 -0.417474
+-0.586004 0.177762 0.69722 -0.372672
+-0.596375 0.139055 0.720101 -0.326274
+-0.604193 0.0997527 0.739899 -0.278478
+-0.609424 0.060023 0.756528 -0.22949
+-0.612045 0.0200363 0.769917 -0.17952
+0.612045 0.0200363 -0.790146 -0.0258667
+0.609424 0.060023 -0.786763 -0.0774894
+0.604193 0.0997527 -0.78001 -0.12878
+0.596375 0.139055 -0.769917 -0.17952
+0.586004 0.177762 -0.756528 -0.22949
+0.573123 0.215708 -0.739899 -0.278478
+0.557788 0.25273 -0.720101 -0.326274
+0.540064 0.28867 -0.69722 -0.372672
+0.520028 0.323374 -0.671353 -0.417474
+0.497765 0.356693 -0.642612 -0.460489
+0.47337 0.388485 -0.611118 -0.501532
+0.446949 0.418613 -0.577008 -0.540427
+0.418613 0.446949 -0.540427 -0.577008
+0.388485 0.47337 -0.501532 -0.611118
+0.356693 0.497765 -0.460489 -0.642612
+0.323374 0.520028 -0.417474 -0.671353
+0.28867 0.540064 -0.372672 -0.69722
+0.25273 0.557788 -0.326274 -0.720101
+0.215708 0.573123 -0.278478 -0.739899
+0.177762 0.586004 -0.22949 -0.756528
+0.139055 0.596375 -0.17952 -0.769917
+0.0997526 0.604193 -0.12878 -0.78001
+0.0600229 0.609424 -0.0774893 -0.786763
+0.0200362 0.612045 -0.0258666 -0.790146
+-0.0200363 0.612045 0.0258668 -0.790146
+-0.060023 0.609424 0.0774894 -0.786763
+-0.0997527 0.604193 0.12878 -0.78001
+-0.139055 0.596375 0.17952 -0.769917
+-0.177762 0.586004 0.22949 -0.756528
+-0.215708 0.573123 0.278478 -0.739899
+-0.25273 0.557788 0.326274 -0.720101
+-0.28867 0.540064 0.372672 -0.69722
+-0.323374 0.520028 0.417474 -0.671353
+-0.356693 0.497765 0.460489 -0.642612
+-0.388485 0.47337 0.501532 -0.611118
+-0.418613 0.446949 0.540427 -0.577008
+-0.446949 0.418613 0.577008 -0.540427
+-0.47337 0.388485 0.611118 -0.501532
+-0.497765 0.356693 0.642612 -0.460489
+-0.520028 0.323374 0.671353 -0.417474
+-0.540064 0.28867 0.69722 -0.372672
+-0.557788 0.25273 0.720101 -0.326274
+-0.573123 0.215708 0.739899 -0.278478
+-0.586004 0.177762 0.756528 -0.22949
+-0.596375 0.139055 0.769917 -0.179519
+-0.604193 0.0997527 0.78001 -0.12878
+-0.609424 0.060023 0.786763 -0.0774893
+-0.612045 0.0200363 0.790146 -0.0258668
+0.645152 0.0211201 -0.757229 -0.099691
+0.642389 0.0632698 -0.749087 -0.149003
+0.636876 0.105149 -0.737738 -0.197676
+0.628635 0.146577 -0.72323 -0.245503
+0.617702 0.187378 -0.705625 -0.292279
+0.604125 0.227376 -0.684998 -0.337804
+0.58796 0.266401 -0.661438 -0.381881
+0.569278 0.304285 -0.635045 -0.424324
+0.548158 0.340866 -0.605934 -0.464949
+0.52469 0.375988 -0.574227 -0.503584
+0.498976 0.409499 -0.540062 -0.540062
+0.471125 0.441257 -0.503584 -0.574227
+0.441257 0.471125 -0.464949 -0.605934
+0.409499 0.498976 -0.424324 -0.635045
+0.375988 0.52469 -0.381881 -0.661438
+0.340866 0.548158 -0.337804 -0.684998
+0.304285 0.569278 -0.292279 -0.705625
+0.266401 0.58796 -0.245503 -0.72323
+0.227376 0.604125 -0.197676 -0.737738
+0.187378 0.617702 -0.149003 -0.749087
+0.146577 0.628635 -0.099691 -0.757229
+0.105148 0.636876 -0.0499524 -0.762127
+0.0632697 0.642389 9.38938e-08 -0.763763
+0.02112 0.645152 0.0499525 -0.762127
+-0.0211201 0.645152 0.0996911 -0.757229
+-0.0632698 0.642389 0.149003 -0.749087
+-0.105149 0.636876 0.197676 -0.737738
+-0.146577 0.628635 0.245503 -0.72323
+-0.187378 0.617702 0.292279 -0.705625
+-0.227377 0.604125 0.337804 -0.684998
+-0.266401 0.58796 0.381881 -0.661438
+-0.304285 0.569278 0.424324 -0.635045
+-0.340866 0.548158 0.464949 -0.605934
+-0.375988 0.52469 0.503584 -0.574227
+-0.409499 0.498976 0.540062 -0.540062
+-0.441257 0.471125 0.574227 -0.503584
+-0.471125 0.441257 0.605934 -0.464949
+-0.498976 0.409499 0.635045 -0.424324
+-0.52469 0.375988 0.661438 -0.381881
+-0.548158 0.340866 0.684998 -0.337804
+-0.569278 0.304285 0.705625 -0.292279
+-0.58796 0.266401 0.72323 -0.245503
+-0.604125 0.227376 0.737738 -0.197676
+-0.617702 0.187378 0.749087 -0.149003
+-0.628635 0.146577 0.757229 -0.099691
+-0.636876 0.105149 0.762127 -0.0499525
+-0.642389 0.0632698 0.763763 3.62313e-08
+-0.645152 0.0211201 0.762127 0.0499524
+0.645152 0.0211201 -0.762127 0.0499525
+0.642389 0.0632698 -0.763763 -2.08657e-09
+0.636876 0.105149 -0.762127 -0.0499525
+0.628635 0.146577 -0.757229 -0.099691
+0.617702 0.187378 -0.749087 -0.149003
+0.604125 0.227376 -0.737738 -0.197676
+0.58796 0.266401 -0.72323 -0.245503
+0.569278 0.304285 -0.705625 -0.292279
+0.548158 0.340866 -0.684998 -0.337804
+0.52469 0.375988 -0.661438 -0.381881
+0.498976 0.409499 -0.635045 -0.424324
+0.471125 0.441257 -0.605934 -0.464949
+0.441257 0.471125 -0.574227 -0.503584
+0.409499 0.498976 -0.540062 -0.540062
+0.375988 0.52469 -0.503584 -0.574227
+0.340866 0.548158 -0.464949 -0.605934
+0.304285 0.569278 -0.424324 -0.635045
+0.266401 0.58796 -0.381881 -0.661438
+0.227376 0.604125 -0.337804 -0.684998
+0.187378 0.617702 -0.292279 -0.705625
+0.146577 0.628635 -0.245503 -0.72323
+0.105148 0.636876 -0.197676 -0.737738
+0.0632697 0.642389 -0.149003 -0.749087
+0.02112 0.645152 -0.0996909 -0.757229
+-0.0211201 0.645152 -0.0499524 -0.762127
+-0.0632698 0.642389 6.39241e-08 -0.763763
+-0.105149 0.636876 0.0499525 -0.762127
+-0.146577 0.628635 0.0996911 -0.757229
+-0.187378 0.617702 0.149003 -0.749087
+-0.227377 0.604125 0.197676 -0.737738
+-0.266401 0.58796 0.245504 -0.72323
+-0.304285 0.569278 0.292279 -0.705625
+-0.340866 0.548158 0.337804 -0.684998
+-0.375988 0.52469 0.381881 -0.661438
+-0.409499 0.498976 0.424324 -0.635045
+-0.441257 0.471125 0.464949 -0.605934
+-0.471125 0.441257 0.503584 -0.574227
+-0.498976 0.409499 0.540062 -0.540062
+-0.52469 0.375988 0.574227 -0.503584
+-0.548158 0.340866 0.605934 -0.464949
+-0.569278 0.304285 0.635045 -0.424324
+-0.58796 0.266401 0.661438 -0.381881
+-0.604125 0.227376 0.684998 -0.337803
+-0.617702 0.187378 0.705625 -0.292279
+-0.628635 0.146577 0.72323 -0.245503
+-0.636876 0.105149 0.737738 -0.197676
+-0.642389 0.0632698 0.749087 -0.149003
+-0.645152 0.0211201 0.757229 -0.0996911
+0.676641 0.0221509 -0.735586 -0.0240806
+0.673743 0.0663579 -0.732436 -0.0721387
+0.667961 0.110281 -0.72615 -0.119888
+0.659318 0.153731 -0.716754 -0.167124
+0.647852 0.196524 -0.704289 -0.213644
+0.633611 0.238474 -0.688808 -0.259249
+0.616658 0.279404 -0.670378 -0.303744
+0.597064 0.319137 -0.649076 -0.346939
+0.574913 0.357504 -0.624996 -0.388647
+0.5503 0.394339 -0.598239 -0.428692
+0.523331 0.429486 -0.56892 -0.466901
+0.49412 0.462794 -0.537165 -0.50311
+0.462794 0.49412 -0.50311 -0.537165
+0.429486 0.523331 -0.466901 -0.56892
+0.394339 0.5503 -0.428692 -0.598239
+0.357504 0.574913 -0.388647 -0.624996
+0.319137 0.597064 -0.346939 -0.649077
+0.279404 0.616658 -0.303744 -0.670378
+0.238474 0.633611 -0.259249 -0.688808
+0.196524 0.647852 -0.213644 -0.704289
+0.153731 0.659318 -0.167124 -0.716754
+0.110281 0.667961 -0.119888 -0.72615
+0.0663578 0.673743 -0.0721386 -0.732436
+0.0221508 0.676641 -0.0240805 -0.735586
+-0.022151 0.676641 0.0240807 -0.735586
+-0.066358 0.673743 0.0721387 -0.732436
+-0.110281 0.667961 0.119888 -0.72615
+-0.153731 0.659318 0.167124 -0.716754
+-0.196524 0.647852 0.213644 -0.704289
+-0.238475 0.633611 0.259249 -0.688808
+-0.279404 0.616658 0.303744 -0.670378
+-0.319137 0.597064 0.346939 -0.649077
+-0.357504 0.574913 0.388647 -0.624996
+-0.394339 0.5503 0.428692 -0.598239
+-0.429486 0.523331 0.466901 -0.56892
+-0.462794 0.49412 0.50311 -0.537165
+-0.49412 0.462794 0.537165 -0.50311
+-0.523331 0.429486 0.56892 -0.466901
+-0.5503 0.394339 0.598239 -0.428692
+-0.574913 0.357504 0.624996 -0.388647
+-0.597063 0.319137 0.649076 -0.346939
+-0.616658 0.279404 0.670378 -0.303744
+-0.633611 0.238474 0.688808 -0.259249
+-0.647852 0.196524 0.704289 -0.213644
+-0.659318 0.153731 0.716754 -0.167124
+-0.667961 0.110281 0.72615 -0.119888
+-0.673743 0.0663579 0.732436 -0.0721386
+-0.676641 0.022151 0.735586 -0.0240807
+0.612045 0.0200363 -0.720101 -0.326274
+0.609424 0.060023 -0.69722 -0.372672
+0.604193 0.0997527 -0.671353 -0.417474
+0.596375 0.139055 -0.642612 -0.460489
+0.586004 0.177762 -0.611118 -0.501532
+0.573123 0.215708 -0.577008 -0.540427
+0.557788 0.25273 -0.540427 -0.577008
+0.540064 0.28867 -0.501532 -0.611118
+0.520028 0.323374 -0.460489 -0.642612
+0.497765 0.356693 -0.417474 -0.671353
+0.47337 0.388485 -0.372672 -0.69722
+0.446949 0.418613 -0.326274 -0.720101
+0.418613 0.446949 -0.278478 -0.739899
+0.388485 0.47337 -0.22949 -0.756528
+0.356693 0.497765 -0.17952 -0.769917
+0.323374 0.520028 -0.12878 -0.78001
+0.28867 0.540064 -0.0774893 -0.786763
+0.25273 0.557788 -0.0258667 -0.790146
+0.215708 0.573123 0.0258668 -0.790146
+0.177762 0.586004 0.0774894 -0.786763
+0.139055 0.596375 0.12878 -0.78001
+0.0997526 0.604193 0.17952 -0.769917
+0.0600229 0.609424 0.22949 -0.756528
+0.0200362 0.612045 0.278478 -0.739899
+-0.0200363 0.612045 0.326274 -0.720101
+-0.060023 0.609424 0.372672 -0.69722
+-0.0997527 0.604193 0.417474 -0.671353
+-0.139055 0.596375 0.460489 -0.642612
+-0.177762 0.586004 0.501532 -0.611118
+-0.215708 0.573123 0.540427 -0.577008
+-0.25273 0.557788 0.577008 -0.540427
+-0.28867 0.540064 0.611118 -0.501532
+-0.323374 0.520028 0.642612 -0.460489
+-0.356693 0.497765 0.671353 -0.417474
+-0.388485 0.47337 0.69722 -0.372672
+-0.418613 0.446949 0.720101 -0.326274
+-0.446949 0.418613 0.739899 -0.278478
+-0.47337 0.388485 0.756528 -0.22949
+-0.497765 0.356693 0.769917 -0.17952
+-0.520028 0.323374 0.78001 -0.12878
+-0.540064 0.28867 0.786763 -0.0774894
+-0.557788 0.25273 0.790146 -0.0258667
+-0.573123 0.215708 0.790146 0.0258668
+-0.586004 0.177762 0.786763 0.0774893
+-0.596375 0.139055 0.78001 0.12878
+-0.604193 0.0997527 0.769917 0.17952
+-0.609424 0.060023 0.756528 0.22949
+-0.612045 0.0200363 0.739899 0.278478
+0.645152 0.0211201 -0.661438 -0.381881
+0.642389 0.0632698 -0.635045 -0.424324
+0.636876 0.105149 -0.605934 -0.464949
+0.628635 0.146577 -0.574227 -0.503584
+0.617702 0.187378 -0.540062 -0.540062
+0.604125 0.227376 -0.503584 -0.574227
+0.58796 0.266401 -0.464949 -0.605934
+0.569278 0.304285 -0.424324 -0.635045
+0.548158 0.340866 -0.381881 -0.661438
+0.52469 0.375988 -0.337804 -0.684998
+0.498976 0.409499 -0.292279 -0.705625
+0.471125 0.441257 -0.245503 -0.72323
+0.441257 0.471125 -0.197676 -0.737738
+0.409499 0.498976 -0.149003 -0.749087
+0.375988 0.52469 -0.099691 -0.757229
+0.340866 0.548158 -0.0499524 -0.762127
+0.304285 0.569278 6.27856e-08 -0.763763
+0.266401 0.58796 0.0499525 -0.762127
+0.227376 0.604125 0.0996911 -0.757229
+0.187378 0.617702 0.149003 -0.749087
+0.146577 0.628635 0.197676 -0.737738
+0.105148 0.636876 0.245504 -0.72323
+0.0632697 0.642389 0.292279 -0.705625
+0.02112 0.645152 0.337804 -0.684998
+-0.0211201 0.645152 0.381881 -0.661438
+-0.0632698 0.642389 0.424324 -0.635045
+-0.105149 0.636876 0.464949 -0.605934
+-0.146577 0.628635 0.503584 -0.574227
+-0.187378 0.617702 0.540062 -0.540062
+-0.227377 0.604125 0.574227 -0.503584
+-0.266401 0.58796 0.605934 -0.464949
+-0.304285 0.569278 0.635045 -0.424324
+-0.340866 0.548158 0.661438 -0.381881
+-0.375988 0.52469 0.684998 -0.337803
+-0.409499 0.498976 0.705625 -0.292279
+-0.441257 0.471125 0.72323 -0.245503
+-0.471125 0.441257 0.737738 -0.197676
+-0.498976 0.409499 0.749087 -0.149003
+-0.52469 0.375988 0.757229 -0.0996911
+-0.548158 0.340866 0.762127 -0.0499524
+-0.569278 0.304285 0.763763 -8.59245e-08
+-0.58796 0.266401 0.762127 0.0499525
+-0.604125 0.227376 0.757229 0.0996911
+-0.617702 0.187378 0.749087 0.149003
+-0.628635 0.146577 0.737738 0.197676
+-0.636876 0.105149 0.72323 0.245503
+-0.642389 0.0632698 0.705625 0.292279
+-0.645152 0.0211201 0.684998 0.337804
+0.645152 0.0211201 -0.72323 -0.245503
+0.642389 0.0632698 -0.705625 -0.292279
+0.636876 0.105149 -0.684998 -0.337804
+0.628635 0.146577 -0.661438 -0.381881
+0.617702 0.187378 -0.635045 -0.424324
+0.604125 0.227376 -0.605934 -0.464949
+0.58796 0.266401 -0.574227 -0.503584
+0.569278 0.304285 -0.540062 -0.540062
+0.548158 0.340866 -0.503584 -0.574227
+0.52469 0.375988 -0.464949 -0.605934
+0.498976 0.409499 -0.424324 -0.635045
+0.471125 0.441257 -0.381881 -0.661438
+0.441257 0.471125 -0.337804 -0.684998
+0.409499 0.498976 -0.292279 -0.705625
+0.375988 0.52469 -0.245503 -0.72323
+0.340866 0.548158 -0.197676 -0.737738
+0.304285 0.569278 -0.149003 -0.749087
+0.266401 0.58796 -0.099691 -0.757229
+0.227376 0.604125 -0.0499524 -0.762127
+0.187378 0.617702 3.28159e-08 -0.763763
+0.146577 0.628635 0.0499525 -0.762127
+0.105148 0.636876 0.0996911 -0.757229
+0.0632697 0.642389 0.149003 -0.749087
+0.02112 0.645152 0.197676 -0.737738
+-0.0211201 0.645152 0.245504 -0.72323
+-0.0632698 0.642389 0.292279 -0.705625
+-0.105149 0.636876 0.337804 -0.684998
+-0.146577 0.628635 0.381881 -0.661438
+-0.187378 0.617702 0.424324 -0.635045
+-0.227377 0.604125 0.464949 -0.605934
+-0.266401 0.58796 0.503584 -0.574227
+-0.304285 0.569278 0.540062 -0.540062
+-0.340866 0.548158 0.574227 -0.503584
+-0.375988 0.52469 0.605934 -0.464949
+-0.409499 0.498976 0.635045 -0.424324
+-0.441257 0.471125 0.661438 -0.381881
+-0.471125 0.441257 0.684998 -0.337804
+-0.498976 0.409499 0.705625 -0.292279
+-0.52469 0.375988 0.72323 -0.245504
+-0.548158 0.340866 0.737738 -0.197676
+-0.569278 0.304285 0.749087 -0.149003
+-0.58796 0.266401 0.757229 -0.099691
+-0.604125 0.227376 0.762127 -0.0499524
+-0.617702 0.187378 0.763763 -2.48466e-08
+-0.628635 0.146577 0.762127 0.0499525
+-0.636876 0.105149 0.757229 0.099691
+-0.642389 0.0632698 0.749087 0.149003
+-0.645152 0.0211201 0.737738 0.197676
+0.676641 0.0221509 -0.670378 -0.303744
+0.673743 0.0663579 -0.649076 -0.346939
+0.667961 0.110281 -0.624996 -0.388647
+0.659318 0.153731 -0.598239 -0.428692
+0.647852 0.196524 -0.56892 -0.466901
+0.633611 0.238474 -0.537165 -0.50311
+0.616658 0.279404 -0.50311 -0.537165
+0.597064 0.319137 -0.466901 -0.56892
+0.574913 0.357504 -0.428692 -0.598239
+0.5503 0.394339 -0.388647 -0.624996
+0.523331 0.429486 -0.346939 -0.649076
+0.49412 0.462794 -0.303744 -0.670378
+0.462794 0.49412 -0.259249 -0.688808
+0.429486 0.523331 -0.213644 -0.704289
+0.394339 0.5503 -0.167124 -0.716754
+0.357504 0.574913 -0.119888 -0.72615
+0.319137 0.597064 -0.0721386 -0.732436
+0.279404 0.616658 -0.0240805 -0.735586
+0.238474 0.633611 0.0240806 -0.735586
+0.196524 0.647852 0.0721387 -0.732436
+0.153731 0.659318 0.119888 -0.72615
+0.110281 0.667961 0.167124 -0.716754
+0.0663578 0.673743 0.213644 -0.704289
+0.0221508 0.676641 0.259249 -0.688808
+-0.022151 0.676641 0.303744 -0.670378
+-0.066358 0.673743 0.346939 -0.649076
+-0.110281 0.667961 0.388647 -0.624996
+-0.153731 0.659318 0.428692 -0.598239
+-0.196524 0.647852 0.466901 -0.56892
+-0.238475 0.633611 0.50311 -0.537165
+-0.279404 0.616658 0.537165 -0.50311
+-0.319137 0.597064 0.56892 -0.466901
+-0.357504 0.574913 0.598239 -0.428692
+-0.394339 0.5503 0.624996 -0.388647
+-0.429486 0.523331 0.649076 -0.346939
+-0.462794 0.49412 0.670378 -0.303744
+-0.49412 0.462794 0.688808 -0.259249
+-0.523331 0.429486 0.704289 -0.213644
+-0.5503 0.394339 0.716754 -0.167124
+-0.574913 0.357504 0.72615 -0.119888
+-0.597063 0.319137 0.732436 -0.0721387
+-0.616658 0.279404 0.735586 -0.0240806
+-0.633611 0.238474 0.735586 0.0240807
+-0.647852 0.196524 0.732436 0.0721386
+-0.659318 0.153731 0.72615 0.119888
+-0.667961 0.110281 0.716754 0.167124
+-0.673743 0.0663579 0.704289 0.213644
+-0.676641 0.022151 0.688808 0.259249
+0.676641 0.0221509 -0.598239 -0.428692
+0.673743 0.0663579 -0.56892 -0.466901
+0.667961 0.110281 -0.537165 -0.50311
+0.659318 0.153731 -0.50311 -0.537165
+0.647852 0.196524 -0.466901 -0.56892
+0.633611 0.238474 -0.428692 -0.598239
+0.616658 0.279404 -0.388647 -0.624996
+0.597064 0.319137 -0.346939 -0.649076
+0.574913 0.357504 -0.303744 -0.670378
+0.5503 0.394339 -0.259249 -0.688808
+0.523331 0.429486 -0.213644 -0.704289
+0.49412 0.462794 -0.167124 -0.716754
+0.462794 0.49412 -0.119888 -0.72615
+0.429486 0.523331 -0.0721387 -0.732436
+0.394339 0.5503 -0.0240806 -0.735586
+0.357504 0.574913 0.0240807 -0.735586
+0.319137 0.597064 0.0721387 -0.732436
+0.279404 0.616658 0.119888 -0.72615
+0.238474 0.633611 0.167124 -0.716754
+0.196524 0.647852 0.213644 -0.704289
+0.153731 0.659318 0.259249 -0.688808
+0.110281 0.667961 0.303744 -0.670378
+0.0663578 0.673743 0.346939 -0.649076
+0.0221508 0.676641 0.388647 -0.624996
+-0.022151 0.676641 0.428692 -0.598239
+-0.066358 0.673743 0.466901 -0.56892
+-0.110281 0.667961 0.50311 -0.537165
+-0.153731 0.659318 0.537165 -0.50311
+-0.196524 0.647852 0.56892 -0.466901
+-0.238475 0.633611 0.598239 -0.428692
+-0.279404 0.616658 0.624996 -0.388647
+-0.319137 0.597064 0.649076 -0.346939
+-0.357504 0.574913 0.670378 -0.303744
+-0.394339 0.5503 0.688808 -0.259249
+-0.429486 0.523331 0.704289 -0.213644
+-0.462794 0.49412 0.716754 -0.167124
+-0.49412 0.462794 0.72615 -0.119888
+-0.523331 0.429486 0.732436 -0.0721386
+-0.5503 0.394339 0.735586 -0.0240807
+-0.574913 0.357504 0.735586 0.0240806
+-0.597063 0.319137 0.732436 0.0721386
+-0.616658 0.279404 0.72615 0.119888
+-0.633611 0.238474 0.716754 0.167124
+-0.647852 0.196524 0.704289 0.213644
+-0.659318 0.153731 0.688808 0.259249
+-0.667961 0.110281 0.670378 0.303744
+-0.673743 0.0663579 0.649076 0.346939
+-0.676641 0.022151 0.624996 0.388647
+0.706728 0.0231359 -0.531631 -0.466228
+0.703702 0.0693086 -0.5 -0.5
+0.697662 0.115184 -0.466228 -0.531631
+0.688635 0.160567 -0.430459 -0.560986
+0.676659 0.205262 -0.392847 -0.587938
+0.661785 0.249078 -0.353553 -0.612372
+0.644078 0.291828 -0.312745 -0.634185
+0.623612 0.333328 -0.270598 -0.653281
+0.600477 0.3734 -0.227292 -0.669581
+0.574769 0.411874 -0.183013 -0.683013
+0.546601 0.448584 -0.13795 -0.69352
+0.516092 0.483373 -0.0922959 -0.701057
+0.483373 0.516092 -0.046247 -0.705593
+0.448584 0.546601 1.58103e-09 -0.707107
+0.411874 0.574769 0.046247 -0.705593
+0.3734 0.600477 0.092296 -0.701057
+0.333328 0.623613 0.13795 -0.69352
+0.291828 0.644078 0.183013 -0.683013
+0.249078 0.661785 0.227292 -0.669581
+0.205262 0.676659 0.270598 -0.653281
+0.160567 0.688635 0.312745 -0.634185
+0.115184 0.697662 0.353553 -0.612372
+0.0693085 0.703702 0.392848 -0.587938
+0.0231358 0.706728 0.430459 -0.560985
+-0.023136 0.706728 0.466228 -0.531631
+-0.0693086 0.703702 0.5 -0.5
+-0.115185 0.697662 0.531631 -0.466228
+-0.160567 0.688635 0.560986 -0.430459
+-0.205262 0.676659 0.587938 -0.392847
+-0.249078 0.661785 0.612372 -0.353553
+-0.291828 0.644078 0.634185 -0.312745
+-0.333328 0.623613 0.653281 -0.270598
+-0.3734 0.600477 0.669581 -0.227292
+-0.411874 0.574769 0.683013 -0.183013
+-0.448584 0.546601 0.69352 -0.13795
+-0.483373 0.516092 0.701057 -0.0922959
+-0.516092 0.483373 0.705593 -0.046247
+-0.546601 0.448584 0.707107 3.24897e-08
+-0.574769 0.411874 0.705593 0.0462469
+-0.600477 0.3734 0.701057 0.092296
+-0.623612 0.333328 0.69352 0.13795
+-0.644078 0.291828 0.683013 0.183013
+-0.661785 0.249078 0.669581 0.227292
+-0.676659 0.205262 0.653281 0.270598
+-0.688635 0.160567 0.634185 0.312745
+-0.697662 0.115185 0.612372 0.353553
+-0.703702 0.0693086 0.587938 0.392848
+-0.706728 0.0231359 0.560986 0.430459
+0.706728 0.0231359 -0.612372 -0.353553
+0.703702 0.0693086 -0.587938 -0.392847
+0.697662 0.115184 -0.560986 -0.430459
+0.688635 0.160567 -0.531631 -0.466228
+0.676659 0.205262 -0.5 -0.5
+0.661785 0.249078 -0.466228 -0.531631
+0.644078 0.291828 -0.430459 -0.560986
+0.623612 0.333328 -0.392847 -0.587938
+0.600477 0.3734 -0.353553 -0.612372
+0.574769 0.411874 -0.312745 -0.634185
+0.546601 0.448584 -0.270598 -0.653281
+0.516092 0.483373 -0.227292 -0.669581
+0.483373 0.516092 -0.183013 -0.683013
+0.448584 0.546601 -0.13795 -0.69352
+0.411874 0.574769 -0.0922959 -0.701057
+0.3734 0.600477 -0.0462469 -0.705593
+0.333328 0.623613 5.81282e-08 -0.707107
+0.291828 0.644078 0.046247 -0.705593
+0.249078 0.661785 0.092296 -0.701057
+0.205262 0.676659 0.13795 -0.69352
+0.160567 0.688635 0.183013 -0.683013
+0.115184 0.697662 0.227292 -0.669581
+0.0693085 0.703702 0.270598 -0.653281
+0.0231358 0.706728 0.312745 -0.634185
+-0.023136 0.706728 0.353553 -0.612372
+-0.0693086 0.703702 0.392848 -0.587938
+-0.115185 0.697662 0.430459 -0.560985
+-0.160567 0.688635 0.466228 -0.531631
+-0.205262 0.676659 0.5 -0.5
+-0.249078 0.661785 0.531631 -0.466228
+-0.291828 0.644078 0.560986 -0.430459
+-0.333328 0.623613 0.587938 -0.392848
+-0.3734 0.600477 0.612372 -0.353553
+-0.411874 0.574769 0.634185 -0.312745
+-0.448584 0.546601 0.653281 -0.270598
+-0.483373 0.516092 0.669581 -0.227292
+-0.516092 0.483373 0.683013 -0.183013
+-0.546601 0.448584 0.69352 -0.13795
+-0.574769 0.411874 0.701057 -0.092296
+-0.600477 0.3734 0.705593 -0.046247
+-0.623612 0.333328 0.707107 -7.95506e-08
+-0.644078 0.291828 0.705593 0.046247
+-0.661785 0.249078 0.701057 0.092296
+-0.676659 0.205262 0.69352 0.13795
+-0.688635 0.160567 0.683013 0.183013
+-0.697662 0.115185 0.669581 0.227292
+-0.703702 0.0693086 0.653281 0.270598
+-0.706728 0.0231359 0.634185 0.312745
+0.735586 0.0240806 -0.5503 -0.394339
+0.732436 0.0721387 -0.523331 -0.429486
+0.72615 0.119888 -0.49412 -0.462794
+0.716754 0.167124 -0.462794 -0.49412
+0.704289 0.213644 -0.429486 -0.523331
+0.688808 0.259249 -0.394339 -0.5503
+0.670378 0.303744 -0.357504 -0.574913
+0.649076 0.346939 -0.319137 -0.597064
+0.624996 0.388647 -0.279404 -0.616658
+0.598239 0.428692 -0.238474 -0.633611
+0.56892 0.466901 -0.196524 -0.647852
+0.537165 0.50311 -0.153731 -0.659318
+0.50311 0.537165 -0.110281 -0.667961
+0.466901 0.56892 -0.0663579 -0.673743
+0.428692 0.598239 -0.0221509 -0.676641
+0.388647 0.624996 0.022151 -0.676641
+0.346939 0.649077 0.066358 -0.673743
+0.303744 0.670378 0.110281 -0.667961
+0.259249 0.688808 0.153731 -0.659318
+0.213644 0.704289 0.196524 -0.647852
+0.167124 0.716754 0.238474 -0.633611
+0.119888 0.72615 0.279404 -0.616658
+0.0721386 0.732436 0.319137 -0.597063
+0.0240805 0.735586 0.357504 -0.574913
+-0.0240807 0.735586 0.394339 -0.5503
+-0.0721387 0.732436 0.429486 -0.523331
+-0.119888 0.72615 0.462794 -0.49412
+-0.167124 0.716754 0.49412 -0.462794
+-0.213644 0.704289 0.523331 -0.429486
+-0.259249 0.688808 0.5503 -0.394339
+-0.303744 0.670378 0.574913 -0.357504
+-0.346939 0.649077 0.597063 -0.319137
+-0.388647 0.624996 0.616658 -0.279404
+-0.428692 0.598239 0.633611 -0.238474
+-0.466901 0.56892 0.647852 -0.196524
+-0.50311 0.537165 0.659318 -0.153731
+-0.537165 0.50311 0.667961 -0.110281
+-0.56892 0.466901 0.673743 -0.0663579
+-0.598239 0.428692 0.676641 -0.022151
+-0.624996 0.388647 0.676641 0.0221509
+-0.649076 0.346939 0.673743 0.0663578
+-0.670378 0.303744 0.667961 0.110281
+-0.688808 0.259249 0.659318 0.153731
+-0.704289 0.213644 0.647852 0.196524
+-0.716754 0.167124 0.633611 0.238474
+-0.72615 0.119888 0.616658 0.279404
+-0.732436 0.0721386 0.597064 0.319137
+-0.735586 0.0240807 0.574913 0.357504
+0.676641 0.0221509 -0.716754 -0.167124
+0.673743 0.0663579 -0.704289 -0.213644
+0.667961 0.110281 -0.688808 -0.259249
+0.659318 0.153731 -0.670378 -0.303744
+0.647852 0.196524 -0.649076 -0.346939
+0.633611 0.238474 -0.624996 -0.388647
+0.616658 0.279404 -0.598239 -0.428692
+0.597064 0.319137 -0.56892 -0.466901
+0.574913 0.357504 -0.537165 -0.50311
+0.5503 0.394339 -0.50311 -0.537165
+0.523331 0.429486 -0.466901 -0.56892
+0.49412 0.462794 -0.428692 -0.598239
+0.462794 0.49412 -0.388647 -0.624996
+0.429486 0.523331 -0.346939 -0.649076
+0.394339 0.5503 -0.303744 -0.670378
+0.357504 0.574913 -0.259249 -0.688808
+0.319137 0.597064 -0.213644 -0.704289
+0.279404 0.616658 -0.167124 -0.716754
+0.238474 0.633611 -0.119888 -0.72615
+0.196524 0.647852 -0.0721386 -0.732436
+0.153731 0.659318 -0.0240806 -0.735586
+0.110281 0.667961 0.0240807 -0.735586
+0.0663578 0.673743 0.0721388 -0.732436
+0.0221508 0.676641 0.119888 -0.72615
+-0.022151 0.676641 0.167124 -0.716754
+-0.066358 0.673743 0.213644 -0.704289
+-0.110281 0.667961 0.259249 -0.688808
+-0.153731 0.659318 0.303744 -0.670378
+-0.196524 0.647852 0.346939 -0.649076
+-0.238475 0.633611 0.388648 -0.624996
+-0.279404 0.616658 0.428692 -0.598239
+-0.319137 0.597064 0.466901 -0.56892
+-0.357504 0.574913 0.50311 -0.537165
+-0.394339 0.5503 0.537165 -0.50311
+-0.429486 0.523331 0.56892 -0.466901
+-0.462794 0.49412 0.598239 -0.428692
+-0.49412 0.462794 0.624996 -0.388647
+-0.523331 0.429486 0.649076 -0.346939
+-0.5503 0.394339 0.670378 -0.303744
+-0.574913 0.357504 0.688808 -0.259249
+-0.597063 0.319137 0.704289 -0.213644
+-0.616658 0.279404 0.716754 -0.167124
+-0.633611 0.238474 0.72615 -0.119888
+-0.647852 0.196524 0.732436 -0.0721387
+-0.659318 0.153731 0.735586 -0.0240805
+-0.667961 0.110281 0.735586 0.0240805
+-0.673743 0.0663579 0.732436 0.0721387
+-0.676641 0.022151 0.72615 0.119888
+0.706728 0.0231359 -0.669581 -0.227292
+0.703702 0.0693086 -0.653281 -0.270598
+0.697662 0.115184 -0.634185 -0.312745
+0.688635 0.160567 -0.612372 -0.353553
+0.676659 0.205262 -0.587938 -0.392847
+0.661785 0.249078 -0.560986 -0.430459
+0.644078 0.291828 -0.531631 -0.466228
+0.623612 0.333328 -0.5 -0.5
+0.600477 0.3734 -0.466228 -0.531631
+0.574769 0.411874 -0.430459 -0.560986
+0.546601 0.448584 -0.392847 -0.587938
+0.516092 0.483373 -0.353553 -0.612372
+0.483373 0.516092 -0.312745 -0.634185
+0.448584 0.546601 -0.270598 -0.653281
+0.411874 0.574769 -0.227292 -0.669581
+0.3734 0.600477 -0.183013 -0.683013
+0.333328 0.623613 -0.13795 -0.69352
+0.291828 0.644078 -0.0922959 -0.701057
+0.249078 0.661785 -0.046247 -0.705593
+0.205262 0.676659 3.03816e-08 -0.707107
+0.160567 0.688635 0.046247 -0.705593
+0.115184 0.697662 0.0922961 -0.701057
+0.0693085 0.703702 0.13795 -0.69352
+0.0231358 0.706728 0.183013 -0.683013
+-0.023136 0.706728 0.227292 -0.669581
+-0.0693086 0.703702 0.270598 -0.653281
+-0.115185 0.697662 0.312745 -0.634185
+-0.160567 0.688635 0.353553 -0.612372
+-0.205262 0.676659 0.392848 -0.587938
+-0.249078 0.661785 0.430459 -0.560985
+-0.291828 0.644078 0.466228 -0.531631
+-0.333328 0.623613 0.5 -0.5
+-0.3734 0.600477 0.531631 -0.466228
+-0.411874 0.574769 0.560986 -0.430459
+-0.448584 0.546601 0.587938 -0.392847
+-0.483373 0.516092 0.612372 -0.353553
+-0.516092 0.483373 0.634185 -0.312745
+-0.546601 0.448584 0.653281 -0.270598
+-0.574769 0.411874 0.669581 -0.227292
+-0.600477 0.3734 0.683013 -0.183013
+-0.623612 0.333328 0.69352 -0.13795
+-0.644078 0.291828 0.701057 -0.092296
+-0.661785 0.249078 0.705593 -0.0462469
+-0.676659 0.205262 0.707107 -2.30035e-08
+-0.688635 0.160567 0.705593 0.046247
+-0.697662 0.115185 0.701057 0.0922959
+-0.703702 0.0693086 0.69352 0.13795
+-0.706728 0.0231359 0.683013 0.183013
+0.706728 0.0231359 -0.701057 -0.092296
+0.703702 0.0693086 -0.69352 -0.13795
+0.697662 0.115184 -0.683013 -0.183013
+0.688635 0.160567 -0.669581 -0.227292
+0.676659 0.205262 -0.653281 -0.270598
+0.661785 0.249078 -0.634185 -0.312745
+0.644078 0.291828 -0.612372 -0.353553
+0.623612 0.333328 -0.587938 -0.392847
+0.600477 0.3734 -0.560986 -0.430459
+0.574769 0.411874 -0.531631 -0.466228
+0.546601 0.448584 -0.5 -0.5
+0.516092 0.483373 -0.466228 -0.531631
+0.483373 0.516092 -0.430459 -0.560986
+0.448584 0.546601 -0.392847 -0.587938
+0.411874 0.574769 -0.353553 -0.612372
+0.3734 0.600477 -0.312745 -0.634185
+0.333328 0.623613 -0.270598 -0.653282
+0.291828 0.644078 -0.227292 -0.669581
+0.249078 0.661785 -0.183013 -0.683013
+0.205262 0.676659 -0.13795 -0.69352
+0.160567 0.688635 -0.0922959 -0.701057
+0.115184 0.697662 -0.0462469 -0.705593
+0.0693085 0.703702 8.69287e-08 -0.707107
+0.0231358 0.706728 0.0462471 -0.705593
+-0.023136 0.706728 0.092296 -0.701057
+-0.0693086 0.703702 0.13795 -0.69352
+-0.115185 0.697662 0.183013 -0.683013
+-0.160567 0.688635 0.227292 -0.669581
+-0.205262 0.676659 0.270598 -0.653281
+-0.249078 0.661785 0.312745 -0.634185
+-0.291828 0.644078 0.353553 -0.612372
+-0.333328 0.623613 0.392847 -0.587938
+-0.3734 0.600477 0.430459 -0.560986
+-0.411874 0.574769 0.466228 -0.531631
+-0.448584 0.546601 0.5 -0.5
+-0.483373 0.516092 0.531631 -0.466228
+-0.516092 0.483373 0.560986 -0.430459
+-0.546601 0.448584 0.587938 -0.392847
+-0.574769 0.411874 0.612372 -0.353553
+-0.600477 0.3734 0.634185 -0.312745
+-0.623612 0.333328 0.653281 -0.270598
+-0.644078 0.291828 0.669581 -0.227292
+-0.661785 0.249078 0.683013 -0.183013
+-0.676659 0.205262 0.69352 -0.13795
+-0.688635 0.160567 0.701057 -0.0922959
+-0.697662 0.115185 0.705593 -0.046247
+-0.703702 0.0693086 0.707107 3.35437e-08
+-0.706728 0.0231359 0.705593 0.0462469
+0.735586 0.0240806 -0.659318 -0.153731
+0.732436 0.0721387 -0.647852 -0.196524
+0.72615 0.119888 -0.633611 -0.238474
+0.716754 0.167124 -0.616658 -0.279404
+0.704289 0.213644 -0.597064 -0.319137
+0.688808 0.259249 -0.574913 -0.357504
+0.670378 0.303744 -0.5503 -0.394339
+0.649076 0.346939 -0.523331 -0.429486
+0.624996 0.388647 -0.49412 -0.462794
+0.598239 0.428692 -0.462794 -0.49412
+0.56892 0.466901 -0.429486 -0.523331
+0.537165 0.50311 -0.394339 -0.5503
+0.50311 0.537165 -0.357504 -0.574913
+0.466901 0.56892 -0.319137 -0.597064
+0.428692 0.598239 -0.279404 -0.616658
+0.388647 0.624996 -0.238474 -0.633611
+0.346939 0.649077 -0.196524 -0.647852
+0.303744 0.670378 -0.153731 -0.659318
+0.259249 0.688808 -0.110281 -0.667961
+0.213644 0.704289 -0.0663579 -0.673743
+0.167124 0.716754 -0.0221509 -0.676641
+0.119888 0.72615 0.022151 -0.676641
+0.0721386 0.732436 0.066358 -0.673743
+0.0240805 0.735586 0.110281 -0.667961
+-0.0240807 0.735586 0.153731 -0.659318
+-0.0721387 0.732436 0.196524 -0.647852
+-0.119888 0.72615 0.238474 -0.633611
+-0.167124 0.716754 0.279404 -0.616658
+-0.213644 0.704289 0.319137 -0.597063
+-0.259249 0.688808 0.357504 -0.574913
+-0.303744 0.670378 0.394339 -0.5503
+-0.346939 0.649077 0.429486 -0.523331
+-0.388647 0.624996 0.462794 -0.49412
+-0.428692 0.598239 0.49412 -0.462794
+-0.466901 0.56892 0.523331 -0.429486
+-0.50311 0.537165 0.5503 -0.394339
+-0.537165 0.50311 0.574913 -0.357504
+-0.56892 0.466901 0.597064 -0.319137
+-0.598239 0.428692 0.616658 -0.279404
+-0.624996 0.388647 0.633611 -0.238474
+-0.649076 0.346939 0.647852 -0.196524
+-0.670378 0.303744 0.659318 -0.153731
+-0.688808 0.259249 0.667961 -0.110281
+-0.704289 0.213644 0.673743 -0.0663579
+-0.716754 0.167124 0.676641 -0.0221509
+-0.72615 0.119888 0.676641 0.0221509
+-0.732436 0.0721386 0.673743 0.0663579
+-0.735586 0.0240807 0.667961 0.110281
+0.735586 0.0240806 -0.616658 -0.279404
+0.732436 0.0721387 -0.597064 -0.319137
+0.72615 0.119888 -0.574913 -0.357504
+0.716754 0.167124 -0.5503 -0.394339
+0.704289 0.213644 -0.523331 -0.429486
+0.688808 0.259249 -0.49412 -0.462794
+0.670378 0.303744 -0.462794 -0.49412
+0.649076 0.346939 -0.429486 -0.523331
+0.624996 0.388647 -0.394339 -0.5503
+0.598239 0.428692 -0.357504 -0.574913
+0.56892 0.466901 -0.319137 -0.597064
+0.537165 0.50311 -0.279404 -0.616658
+0.50311 0.537165 -0.238474 -0.633611
+0.466901 0.56892 -0.196524 -0.647852
+0.428692 0.598239 -0.153731 -0.659318
+0.388647 0.624996 -0.110281 -0.667961
+0.346939 0.649077 -0.0663579 -0.673743
+0.303744 0.670378 -0.0221509 -0.676641
+0.259249 0.688808 0.022151 -0.676641
+0.213644 0.704289 0.0663579 -0.673743
+0.167124 0.716754 0.110281 -0.667961
+0.119888 0.72615 0.153731 -0.659318
+0.0721386 0.732436 0.196524 -0.647852
+0.0240805 0.735586 0.238474 -0.633611
+-0.0240807 0.735586 0.279404 -0.616658
+-0.0721387 0.732436 0.319137 -0.597063
+-0.119888 0.72615 0.357504 -0.574913
+-0.167124 0.716754 0.394339 -0.5503
+-0.213644 0.704289 0.429486 -0.52333
+-0.259249 0.688808 0.462794 -0.49412
+-0.303744 0.670378 0.49412 -0.462794
+-0.346939 0.649077 0.523331 -0.429486
+-0.388647 0.624996 0.5503 -0.394339
+-0.428692 0.598239 0.574913 -0.357504
+-0.466901 0.56892 0.597064 -0.319137
+-0.50311 0.537165 0.616658 -0.279404
+-0.537165 0.50311 0.633611 -0.238474
+-0.56892 0.466901 0.647852 -0.196524
+-0.598239 0.428692 0.659318 -0.153731
+-0.624996 0.388647 0.667961 -0.110281
+-0.649076 0.346939 0.673743 -0.066358
+-0.670378 0.303744 0.676641 -0.0221509
+-0.688808 0.259249 0.676641 0.022151
+-0.704289 0.213644 0.673743 0.0663579
+-0.716754 0.167124 0.667961 0.110281
+-0.72615 0.119888 0.659318 0.153731
+-0.732436 0.0721386 0.647852 0.196524
+-0.735586 0.0240807 0.633611 0.238474
+0.763354 0.0249896 -0.559017 -0.322749
+0.760085 0.0748618 -0.536711 -0.358619
+0.753561 0.124413 -0.512107 -0.392954
+0.743811 0.173432 -0.485311 -0.425606
+0.730875 0.221709 -0.456435 -0.456435
+0.71481 0.269035 -0.425606 -0.485311
+0.695684 0.31521 -0.392954 -0.512107
+0.673578 0.360035 -0.358619 -0.536711
+0.648589 0.403318 -0.322749 -0.559017
+0.620822 0.444875 -0.285496 -0.578929
+0.590396 0.484526 -0.247021 -0.596362
+0.557443 0.522102 -0.207488 -0.611241
+0.522102 0.557443 -0.167067 -0.623502
+0.484526 0.590396 -0.12593 -0.633094
+0.444875 0.620822 -0.0842543 -0.639975
+0.403318 0.648589 -0.0422175 -0.644115
+0.360035 0.673579 5.30635e-08 -0.645497
+0.31521 0.695684 0.0422176 -0.644115
+0.269035 0.71481 0.0842543 -0.639975
+0.221709 0.730875 0.12593 -0.633094
+0.173432 0.743811 0.167067 -0.623502
+0.124413 0.753561 0.207488 -0.611241
+0.0748617 0.760085 0.247021 -0.596362
+0.0249895 0.763354 0.285496 -0.578929
+-0.0249897 0.763354 0.322749 -0.559017
+-0.0748619 0.760085 0.358619 -0.536711
+-0.124414 0.753561 0.392954 -0.512107
+-0.173432 0.743811 0.425606 -0.48531
+-0.221709 0.730875 0.456436 -0.456435
+-0.269036 0.71481 0.485311 -0.425606
+-0.31521 0.695684 0.512107 -0.392954
+-0.360035 0.673579 0.536711 -0.358619
+-0.403318 0.648589 0.559017 -0.322749
+-0.444875 0.620822 0.578929 -0.285496
+-0.484526 0.590397 0.596362 -0.247021
+-0.522102 0.557443 0.611241 -0.207488
+-0.557443 0.522102 0.623502 -0.167067
+-0.590397 0.484526 0.633094 -0.12593
+-0.620822 0.444875 0.639975 -0.0842544
+-0.648589 0.403318 0.644115 -0.0422175
+-0.673578 0.360035 0.645497 -7.26194e-08
+-0.695684 0.31521 0.644115 0.0422175
+-0.71481 0.269035 0.639975 0.0842544
+-0.730875 0.221709 0.633094 0.12593
+-0.743811 0.173432 0.623502 0.167067
+-0.753561 0.124414 0.611241 0.207488
+-0.760085 0.0748618 0.596362 0.247021
+-0.763354 0.0249897 0.578929 0.285496
+0.763354 0.0249896 -0.611241 -0.207488
+0.760085 0.0748618 -0.596362 -0.247021
+0.753561 0.124413 -0.578929 -0.285496
+0.743811 0.173432 -0.559017 -0.322749
+0.730875 0.221709 -0.536711 -0.358619
+0.71481 0.269035 -0.512107 -0.392954
+0.695684 0.31521 -0.485311 -0.425606
+0.673578 0.360035 -0.456435 -0.456435
+0.648589 0.403318 -0.425606 -0.485311
+0.620822 0.444875 -0.392954 -0.512107
+0.590396 0.484526 -0.358619 -0.536711
+0.557443 0.522102 -0.322749 -0.559017
+0.522102 0.557443 -0.285496 -0.578929
+0.484526 0.590396 -0.247021 -0.596362
+0.444875 0.620822 -0.207488 -0.611241
+0.403318 0.648589 -0.167067 -0.623502
+0.360035 0.673579 -0.12593 -0.633094
+0.31521 0.695684 -0.0842543 -0.639975
+0.269035 0.71481 -0.0422175 -0.644115
+0.221709 0.730875 2.77345e-08 -0.645497
+0.173432 0.743811 0.0422176 -0.644115
+0.124413 0.753561 0.0842544 -0.639975
+0.0748617 0.760085 0.12593 -0.633094
+0.0249895 0.763354 0.167067 -0.623502
+-0.0249897 0.763354 0.207488 -0.611241
+-0.0748619 0.760085 0.247021 -0.596362
+-0.124414 0.753561 0.285496 -0.578929
+-0.173432 0.743811 0.322749 -0.559017
+-0.221709 0.730875 0.358619 -0.536711
+-0.269036 0.71481 0.392954 -0.512107
+-0.31521 0.695684 0.425606 -0.48531
+-0.360035 0.673579 0.456435 -0.456436
+-0.403318 0.648589 0.485311 -0.425606
+-0.444875 0.620822 0.512107 -0.392954
+-0.484526 0.590397 0.536711 -0.358619
+-0.522102 0.557443 0.559017 -0.322749
+-0.557443 0.522102 0.578929 -0.285496
+-0.590397 0.484526 0.596362 -0.247021
+-0.620822 0.444875 0.611241 -0.207488
+-0.648589 0.403318 0.623502 -0.167067
+-0.673578 0.360035 0.633094 -0.12593
+-0.695684 0.31521 0.639975 -0.0842543
+-0.71481 0.269035 0.644115 -0.0422175
+-0.730875 0.221709 0.645497 -2.09992e-08
+-0.743811 0.173432 0.644115 0.0422176
+-0.753561 0.124414 0.639975 0.0842543
+-0.760085 0.0748618 0.633094 0.12593
+-0.763354 0.0249897 0.623502 0.167067
+0.790146 0.0258667 -0.557788 -0.25273
+0.786763 0.0774894 -0.540064 -0.28867
+0.78001 0.12878 -0.520028 -0.323374
+0.769917 0.17952 -0.497765 -0.356693
+0.756528 0.22949 -0.47337 -0.388485
+0.739899 0.278478 -0.446949 -0.418613
+0.720101 0.326274 -0.418613 -0.446949
+0.69722 0.372672 -0.388485 -0.47337
+0.671353 0.417474 -0.356693 -0.497765
+0.642612 0.460489 -0.323374 -0.520028
+0.611118 0.501532 -0.28867 -0.540064
+0.577008 0.540427 -0.25273 -0.557788
+0.540427 0.577008 -0.215708 -0.573123
+0.501532 0.611118 -0.177762 -0.586004
+0.460489 0.642612 -0.139055 -0.596375
+0.417474 0.671353 -0.0997526 -0.604193
+0.372672 0.69722 -0.0600229 -0.609424
+0.326274 0.720101 -0.0200362 -0.612045
+0.278478 0.739899 0.0200363 -0.612045
+0.22949 0.756528 0.060023 -0.609424
+0.17952 0.769917 0.0997527 -0.604193
+0.12878 0.78001 0.139055 -0.596375
+0.0774893 0.786763 0.177762 -0.586004
+0.0258666 0.790146 0.215708 -0.573123
+-0.0258668 0.790146 0.25273 -0.557788
+-0.0774894 0.786763 0.28867 -0.540064
+-0.12878 0.78001 0.323374 -0.520028
+-0.17952 0.769917 0.356693 -0.497765
+-0.22949 0.756528 0.388485 -0.47337
+-0.278478 0.739899 0.418613 -0.446949
+-0.326274 0.720101 0.446949 -0.418613
+-0.372672 0.69722 0.47337 -0.388485
+-0.417474 0.671353 0.497765 -0.356693
+-0.460489 0.642612 0.520028 -0.323374
+-0.501532 0.611118 0.540064 -0.28867
+-0.540427 0.577008 0.557788 -0.25273
+-0.577008 0.540427 0.573123 -0.215708
+-0.611118 0.501532 0.586004 -0.177762
+-0.642612 0.460489 0.596375 -0.139055
+-0.671353 0.417474 0.604193 -0.0997527
+-0.69722 0.372672 0.609424 -0.0600231
+-0.720101 0.326274 0.612045 -0.0200363
+-0.739899 0.278478 0.612045 0.0200363
+-0.756528 0.22949 0.609424 0.060023
+-0.769917 0.179519 0.604193 0.0997527
+-0.78001 0.12878 0.596375 0.139055
+-0.786763 0.0774893 0.586004 0.177762
+-0.790146 0.0258668 0.573123 0.215708
+0.612045 0.0200363 -0.739899 0.278478
+0.609424 0.060023 -0.756528 0.22949
+0.604193 0.0997527 -0.769917 0.17952
+0.596375 0.139055 -0.78001 0.12878
+0.586004 0.177762 -0.786763 0.0774894
+0.573123 0.215708 -0.790146 0.0258667
+0.557788 0.25273 -0.790146 -0.0258667
+0.540064 0.28867 -0.786763 -0.0774894
+0.520028 0.323374 -0.78001 -0.12878
+0.497765 0.356693 -0.769917 -0.17952
+0.47337 0.388485 -0.756528 -0.22949
+0.446949 0.418613 -0.739899 -0.278478
+0.418613 0.446949 -0.720101 -0.326274
+0.388485 0.47337 -0.69722 -0.372672
+0.356693 0.497765 -0.671353 -0.417474
+0.323374 0.520028 -0.642612 -0.460489
+0.28867 0.540064 -0.611118 -0.501532
+0.25273 0.557788 -0.577008 -0.540427
+0.215708 0.573123 -0.540427 -0.577008
+0.177762 0.586004 -0.501532 -0.611118
+0.139055 0.596375 -0.460489 -0.642612
+0.0997526 0.604193 -0.417474 -0.671353
+0.0600229 0.609424 -0.372672 -0.69722
+0.0200362 0.612045 -0.326273 -0.720101
+-0.0200363 0.612045 -0.278478 -0.739899
+-0.060023 0.609424 -0.22949 -0.756528
+-0.0997527 0.604193 -0.179519 -0.769917
+-0.139055 0.596375 -0.12878 -0.78001
+-0.177762 0.586004 -0.0774892 -0.786763
+-0.215708 0.573123 -0.0258666 -0.790146
+-0.25273 0.557788 0.0258668 -0.790146
+-0.28867 0.540064 0.0774893 -0.786763
+-0.323374 0.520028 0.12878 -0.78001
+-0.356693 0.497765 0.17952 -0.769917
+-0.388485 0.47337 0.22949 -0.756528
+-0.418613 0.446949 0.278478 -0.739899
+-0.446949 0.418613 0.326274 -0.720101
+-0.47337 0.388485 0.372672 -0.69722
+-0.497765 0.356693 0.417474 -0.671353
+-0.520028 0.323374 0.460489 -0.642612
+-0.540064 0.28867 0.501532 -0.611118
+-0.557788 0.25273 0.540427 -0.577008
+-0.573123 0.215708 0.577008 -0.540427
+-0.586004 0.177762 0.611118 -0.501532
+-0.596375 0.139055 0.642612 -0.460489
+-0.604193 0.0997527 0.671353 -0.417474
+-0.609424 0.060023 0.69722 -0.372672
+-0.612045 0.0200363 0.720101 -0.326274
+0.645152 0.0211201 -0.737738 0.197676
+0.642389 0.0632698 -0.749087 0.149003
+0.636876 0.105149 -0.757229 0.099691
+0.628635 0.146577 -0.762127 0.0499525
+0.617702 0.187378 -0.763763 -5.69236e-10
+0.604125 0.227376 -0.762127 -0.0499525
+0.58796 0.266401 -0.757229 -0.099691
+0.569278 0.304285 -0.749087 -0.149003
+0.548158 0.340866 -0.737738 -0.197676
+0.52469 0.375988 -0.72323 -0.245503
+0.498976 0.409499 -0.705625 -0.292279
+0.471125 0.441257 -0.684998 -0.337804
+0.441257 0.471125 -0.661438 -0.381881
+0.409499 0.498976 -0.635045 -0.424324
+0.375988 0.52469 -0.605934 -0.464949
+0.340866 0.548158 -0.574227 -0.503584
+0.304285 0.569278 -0.540062 -0.540062
+0.266401 0.58796 -0.503584 -0.574227
+0.227376 0.604125 -0.464949 -0.605934
+0.187378 0.617702 -0.424324 -0.635045
+0.146577 0.628635 -0.381881 -0.661438
+0.105148 0.636876 -0.337803 -0.684998
+0.0632697 0.642389 -0.292279 -0.705625
+0.02112 0.645152 -0.245503 -0.72323
+-0.0211201 0.645152 -0.197676 -0.737738
+-0.0632698 0.642389 -0.149003 -0.749087
+-0.105149 0.636876 -0.099691 -0.757229
+-0.146577 0.628635 -0.0499524 -0.762127
+-0.187378 0.617702 1.25002e-07 -0.763763
+-0.227377 0.604125 0.0499526 -0.762127
+-0.266401 0.58796 0.0996911 -0.757229
+-0.304285 0.569278 0.149003 -0.749087
+-0.340866 0.548158 0.197676 -0.737738
+-0.375988 0.52469 0.245504 -0.72323
+-0.409499 0.498976 0.292279 -0.705625
+-0.441257 0.471125 0.337804 -0.684998
+-0.471125 0.441257 0.381881 -0.661438
+-0.498976 0.409499 0.424324 -0.635045
+-0.52469 0.375988 0.464949 -0.605934
+-0.548158 0.340866 0.503584 -0.574227
+-0.569278 0.304285 0.540062 -0.540062
+-0.58796 0.266401 0.574227 -0.503584
+-0.604125 0.227376 0.605934 -0.464949
+-0.617702 0.187378 0.635045 -0.424324
+-0.628635 0.146577 0.661438 -0.381881
+-0.636876 0.105149 0.684998 -0.337804
+-0.642389 0.0632698 0.705625 -0.292279
+-0.645152 0.0211201 0.72323 -0.245504
+0.645152 0.0211201 -0.684998 0.337804
+0.642389 0.0632698 -0.705625 0.292279
+0.636876 0.105149 -0.72323 0.245503
+0.628635 0.146577 -0.737738 0.197676
+0.617702 0.187378 -0.749087 0.149003
+0.604125 0.227376 -0.757229 0.099691
+0.58796 0.266401 -0.762127 0.0499525
+0.569278 0.304285 -0.763763 -1.61233e-08
+0.548158 0.340866 -0.762127 -0.0499525
+0.52469 0.375988 -0.757229 -0.099691
+0.498976 0.409499 -0.749087 -0.149003
+0.471125 0.441257 -0.737738 -0.197676
+0.441257 0.471125 -0.72323 -0.245503
+0.409499 0.498976 -0.705625 -0.292279
+0.375988 0.52469 -0.684998 -0.337804
+0.340866 0.548158 -0.661438 -0.381881
+0.304285 0.569278 -0.635045 -0.424324
+0.266401 0.58796 -0.605934 -0.464949
+0.227376 0.604125 -0.574227 -0.503584
+0.187378 0.617702 -0.540062 -0.540062
+0.146577 0.628635 -0.503584 -0.574227
+0.105148 0.636876 -0.464949 -0.605934
+0.0632697 0.642389 -0.424324 -0.635045
+0.02112 0.645152 -0.381881 -0.661438
+-0.0211201 0.645152 -0.337804 -0.684998
+-0.0632698 0.642389 -0.292279 -0.705625
+-0.105149 0.636876 -0.245503 -0.72323
+-0.146577 0.628635 -0.197676 -0.737738
+-0.187378 0.617702 -0.149003 -0.749087
+-0.227377 0.604125 -0.0996909 -0.757229
+-0.266401 0.58796 -0.0499524 -0.762127
+-0.304285 0.569278 -8.70629e-08 -0.763763
+-0.340866 0.548158 0.0499525 -0.762127
+-0.375988 0.52469 0.0996911 -0.757229
+-0.409499 0.498976 0.149003 -0.749087
+-0.441257 0.471125 0.197676 -0.737738
+-0.471125 0.441257 0.245503 -0.72323
+-0.498976 0.409499 0.292279 -0.705625
+-0.52469 0.375988 0.337804 -0.684998
+-0.548158 0.340866 0.381881 -0.661438
+-0.569278 0.304285 0.424324 -0.635045
+-0.58796 0.266401 0.464949 -0.605934
+-0.604125 0.227376 0.503584 -0.574227
+-0.617702 0.187378 0.540062 -0.540062
+-0.628635 0.146577 0.574227 -0.503584
+-0.636876 0.105149 0.605934 -0.464949
+-0.642389 0.0632698 0.635045 -0.424324
+-0.645152 0.0211201 0.661438 -0.381881
+0.676641 0.0221509 -0.688808 0.259249
+0.673743 0.0663579 -0.704289 0.213644
+0.667961 0.110281 -0.716754 0.167124
+0.659318 0.153731 -0.72615 0.119888
+0.647852 0.196524 -0.732436 0.0721387
+0.633611 0.238474 -0.735586 0.0240806
+0.616658 0.279404 -0.735586 -0.0240806
+0.597064 0.319137 -0.732436 -0.0721387
+0.574913 0.357504 -0.72615 -0.119888
+0.5503 0.394339 -0.716754 -0.167124
+0.523331 0.429486 -0.704289 -0.213644
+0.49412 0.462794 -0.688808 -0.259249
+0.462794 0.49412 -0.670378 -0.303744
+0.429486 0.523331 -0.649076 -0.346939
+0.394339 0.5503 -0.624996 -0.388647
+0.357504 0.574913 -0.598239 -0.428692
+0.319137 0.597064 -0.56892 -0.466901
+0.279404 0.616658 -0.537165 -0.50311
+0.238474 0.633611 -0.50311 -0.537165
+0.196524 0.647852 -0.466901 -0.56892
+0.153731 0.659318 -0.428692 -0.598239
+0.110281 0.667961 -0.388647 -0.624996
+0.0663578 0.673743 -0.346939 -0.649077
+0.0221508 0.676641 -0.303744 -0.670378
+-0.022151 0.676641 -0.259249 -0.688808
+-0.066358 0.673743 -0.213644 -0.704289
+-0.110281 0.667961 -0.167124 -0.716754
+-0.153731 0.659318 -0.119888 -0.72615
+-0.196524 0.647852 -0.0721385 -0.732436
+-0.238475 0.633611 -0.0240805 -0.735586
+-0.279404 0.616658 0.0240807 -0.735586
+-0.319137 0.597064 0.0721386 -0.732436
+-0.357504 0.574913 0.119888 -0.72615
+-0.394339 0.5503 0.167124 -0.716754
+-0.429486 0.523331 0.213644 -0.704289
+-0.462794 0.49412 0.259249 -0.688808
+-0.49412 0.462794 0.303744 -0.670378
+-0.523331 0.429486 0.346939 -0.649076
+-0.5503 0.394339 0.388647 -0.624996
+-0.574913 0.357504 0.428692 -0.598239
+-0.597063 0.319137 0.466901 -0.56892
+-0.616658 0.279404 0.50311 -0.537165
+-0.633611 0.238474 0.537165 -0.50311
+-0.647852 0.196524 0.56892 -0.466901
+-0.659318 0.153731 0.598239 -0.428692
+-0.667961 0.110281 0.624996 -0.388647
+-0.673743 0.0663579 0.649076 -0.346939
+-0.676641 0.022151 0.670378 -0.303744
+0.676641 0.0221509 -0.72615 0.119888
+0.673743 0.0663579 -0.732436 0.0721387
+0.667961 0.110281 -0.735586 0.0240806
+0.659318 0.153731 -0.735586 -0.0240806
+0.647852 0.196524 -0.732436 -0.0721387
+0.633611 0.238474 -0.72615 -0.119888
+0.616658 0.279404 -0.716754 -0.167124
+0.597064 0.319137 -0.704289 -0.213644
+0.574913 0.357504 -0.688808 -0.259249
+0.5503 0.394339 -0.670378 -0.303744
+0.523331 0.429486 -0.649076 -0.346939
+0.49412 0.462794 -0.624996 -0.388647
+0.462794 0.49412 -0.598239 -0.428692
+0.429486 0.523331 -0.56892 -0.466901
+0.394339 0.5503 -0.537165 -0.50311
+0.357504 0.574913 -0.50311 -0.537165
+0.319137 0.597064 -0.466901 -0.56892
+0.279404 0.616658 -0.428692 -0.598239
+0.238474 0.633611 -0.388647 -0.624996
+0.196524 0.647852 -0.346939 -0.649076
+0.153731 0.659318 -0.303744 -0.670378
+0.110281 0.667961 -0.259249 -0.688808
+0.0663578 0.673743 -0.213644 -0.704289
+0.0221508 0.676641 -0.167124 -0.716754
+-0.022151 0.676641 -0.119888 -0.72615
+-0.066358 0.673743 -0.0721386 -0.732436
+-0.110281 0.667961 -0.0240805 -0.735586
+-0.153731 0.659318 0.0240806 -0.735586
+-0.196524 0.647852 0.0721388 -0.732436
+-0.238475 0.633611 0.119888 -0.72615
+-0.279404 0.616658 0.167124 -0.716754
+-0.319137 0.597064 0.213644 -0.704289
+-0.357504 0.574913 0.259249 -0.688808
+-0.394339 0.5503 0.303744 -0.670378
+-0.429486 0.523331 0.346939 -0.649076
+-0.462794 0.49412 0.388647 -0.624996
+-0.49412 0.462794 0.428692 -0.598239
+-0.523331 0.429486 0.466901 -0.56892
+-0.5503 0.394339 0.50311 -0.537165
+-0.574913 0.357504 0.537165 -0.50311
+-0.597063 0.319137 0.56892 -0.466901
+-0.616658 0.279404 0.598239 -0.428692
+-0.633611 0.238474 0.624996 -0.388647
+-0.647852 0.196524 0.649076 -0.346939
+-0.659318 0.153731 0.670378 -0.303744
+-0.667961 0.110281 0.688808 -0.259249
+-0.673743 0.0663579 0.704289 -0.213644
+-0.676641 0.022151 0.716754 -0.167124
+0.706728 0.0231359 -0.705593 0.046247
+0.703702 0.0693086 -0.707107 -1.93179e-09
+0.697662 0.115184 -0.705593 -0.046247
+0.688635 0.160567 -0.701057 -0.092296
+0.676659 0.205262 -0.69352 -0.13795
+0.661785 0.249078 -0.683013 -0.183013
+0.644078 0.291828 -0.669581 -0.227292
+0.623612 0.333328 -0.653281 -0.270598
+0.600477 0.3734 -0.634185 -0.312745
+0.574769 0.411874 -0.612372 -0.353553
+0.546601 0.448584 -0.587938 -0.392847
+0.516092 0.483373 -0.560986 -0.430459
+0.483373 0.516092 -0.531631 -0.466228
+0.448584 0.546601 -0.5 -0.5
+0.411874 0.574769 -0.466228 -0.531631
+0.3734 0.600477 -0.430459 -0.560986
+0.333328 0.623613 -0.392847 -0.587938
+0.291828 0.644078 -0.353553 -0.612372
+0.249078 0.661785 -0.312745 -0.634185
+0.205262 0.676659 -0.270598 -0.653281
+0.160567 0.688635 -0.227292 -0.669581
+0.115184 0.697662 -0.183013 -0.683013
+0.0693085 0.703702 -0.13795 -0.69352
+0.0231358 0.706728 -0.0922959 -0.701057
+-0.023136 0.706728 -0.0462469 -0.705593
+-0.0693086 0.703702 5.91822e-08 -0.707107
+-0.115185 0.697662 0.046247 -0.705593
+-0.160567 0.688635 0.092296 -0.701057
+-0.205262 0.676659 0.13795 -0.69352
+-0.249078 0.661785 0.183013 -0.683013
+-0.291828 0.644078 0.227292 -0.669581
+-0.333328 0.623613 0.270598 -0.653282
+-0.3734 0.600477 0.312745 -0.634185
+-0.411874 0.574769 0.353553 -0.612372
+-0.448584 0.546601 0.392847 -0.587938
+-0.483373 0.516092 0.430459 -0.560985
+-0.516092 0.483373 0.466228 -0.531631
+-0.546601 0.448584 0.5 -0.5
+-0.574769 0.411874 0.531631 -0.466228
+-0.600477 0.3734 0.560986 -0.430459
+-0.623612 0.333328 0.587938 -0.392848
+-0.644078 0.291828 0.612372 -0.353553
+-0.661785 0.249078 0.634185 -0.312745
+-0.676659 0.205262 0.653281 -0.270598
+-0.688635 0.160567 0.669581 -0.227292
+-0.697662 0.115185 0.683013 -0.183013
+-0.703702 0.0693086 0.69352 -0.13795
+-0.706728 0.0231359 0.701057 -0.092296
+0.706728 0.0231359 -0.683013 0.183013
+0.703702 0.0693086 -0.69352 0.13795
+0.697662 0.115184 -0.701057 0.092296
+0.688635 0.160567 -0.705593 0.046247
+0.676659 0.205262 -0.707107 -5.2701e-10
+0.661785 0.249078 -0.705593 -0.046247
+0.644078 0.291828 -0.701057 -0.092296
+0.623612 0.333328 -0.69352 -0.13795
+0.600477 0.3734 -0.683013 -0.183013
+0.574769 0.411874 -0.669581 -0.227292
+0.546601 0.448584 -0.653281 -0.270598
+0.516092 0.483373 -0.634185 -0.312745
+0.483373 0.516092 -0.612372 -0.353553
+0.448584 0.546601 -0.587938 -0.392847
+0.411874 0.574769 -0.560986 -0.430459
+0.3734 0.600477 -0.531631 -0.466228
+0.333328 0.623613 -0.5 -0.5
+0.291828 0.644078 -0.466228 -0.531631
+0.249078 0.661785 -0.430459 -0.560986
+0.205262 0.676659 -0.392847 -0.587938
+0.160567 0.688635 -0.353553 -0.612372
+0.115184 0.697662 -0.312745 -0.634185
+0.0693085 0.703702 -0.270598 -0.653282
+0.0231358 0.706728 -0.227292 -0.669581
+-0.023136 0.706728 -0.183013 -0.683013
+-0.0693086 0.703702 -0.13795 -0.69352
+-0.115185 0.697662 -0.0922959 -0.701057
+-0.160567 0.688635 -0.046247 -0.705593
+-0.205262 0.676659 1.15729e-07 -0.707107
+-0.249078 0.661785 0.0462471 -0.705593
+-0.291828 0.644078 0.0922961 -0.701057
+-0.333328 0.623613 0.13795 -0.69352
+-0.3734 0.600477 0.183013 -0.683013
+-0.411874 0.574769 0.227292 -0.669581
+-0.448584 0.546601 0.270598 -0.653281
+-0.483373 0.516092 0.312745 -0.634185
+-0.516092 0.483373 0.353553 -0.612372
+-0.546601 0.448584 0.392848 -0.587938
+-0.574769 0.411874 0.430459 -0.560986
+-0.600477 0.3734 0.466228 -0.531631
+-0.623612 0.333328 0.5 -0.5
+-0.644078 0.291828 0.531631 -0.466228
+-0.661785 0.249078 0.560986 -0.430459
+-0.676659 0.205262 0.587938 -0.392847
+-0.688635 0.160567 0.612372 -0.353553
+-0.697662 0.115185 0.634185 -0.312745
+-0.703702 0.0693086 0.653281 -0.270598
+-0.706728 0.0231359 0.669581 -0.227292
+0.735586 0.0240806 -0.667961 0.110281
+0.732436 0.0721387 -0.673743 0.0663579
+0.72615 0.119888 -0.676641 0.0221509
+0.716754 0.167124 -0.676641 -0.0221509
+0.704289 0.213644 -0.673743 -0.0663579
+0.688808 0.259249 -0.667961 -0.110281
+0.670378 0.303744 -0.659318 -0.153731
+0.649076 0.346939 -0.647852 -0.196524
+0.624996 0.388647 -0.633611 -0.238474
+0.598239 0.428692 -0.616658 -0.279404
+0.56892 0.466901 -0.597064 -0.319137
+0.537165 0.50311 -0.574913 -0.357504
+0.50311 0.537165 -0.5503 -0.394339
+0.466901 0.56892 -0.523331 -0.429486
+0.428692 0.598239 -0.49412 -0.462794
+0.388647 0.624996 -0.462794 -0.49412
+0.346939 0.649077 -0.429486 -0.523331
+0.303744 0.670378 -0.394339 -0.5503
+0.259249 0.688808 -0.357504 -0.574913
+0.213644 0.704289 -0.319137 -0.597064
+0.167124 0.716754 -0.279404 -0.616658
+0.119888 0.72615 -0.238474 -0.633611
+0.0721386 0.732436 -0.196524 -0.647852
+0.0240805 0.735586 -0.153731 -0.659318
+-0.0240807 0.735586 -0.110281 -0.667961
+-0.0721387 0.732436 -0.0663579 -0.673743
+-0.119888 0.72615 -0.0221509 -0.676641
+-0.167124 0.716754 0.022151 -0.676641
+-0.213644 0.704289 0.066358 -0.673743
+-0.259249 0.688808 0.110281 -0.667961
+-0.303744 0.670378 0.153731 -0.659318
+-0.346939 0.649077 0.196524 -0.647852
+-0.388647 0.624996 0.238474 -0.633611
+-0.428692 0.598239 0.279404 -0.616658
+-0.466901 0.56892 0.319137 -0.597064
+-0.50311 0.537165 0.357504 -0.574913
+-0.537165 0.50311 0.394339 -0.5503
+-0.56892 0.466901 0.429486 -0.523331
+-0.598239 0.428692 0.462794 -0.49412
+-0.624996 0.388647 0.49412 -0.462794
+-0.649076 0.346939 0.523331 -0.429486
+-0.670378 0.303744 0.5503 -0.394339
+-0.688808 0.259249 0.574913 -0.357504
+-0.704289 0.213644 0.597064 -0.319137
+-0.716754 0.167124 0.616658 -0.279404
+-0.72615 0.119888 0.633611 -0.238474
+-0.732436 0.0721386 0.647852 -0.196524
+-0.735586 0.0240807 0.659318 -0.153731
+0.676641 0.0221509 -0.624996 0.388647
+0.673743 0.0663579 -0.649076 0.346939
+0.667961 0.110281 -0.670378 0.303744
+0.659318 0.153731 -0.688808 0.259249
+0.647852 0.196524 -0.704289 0.213644
+0.633611 0.238474 -0.716754 0.167124
+0.616658 0.279404 -0.72615 0.119888
+0.597064 0.319137 -0.732436 0.0721386
+0.574913 0.357504 -0.735586 0.0240806
+0.5503 0.394339 -0.735586 -0.0240806
+0.523331 0.429486 -0.732436 -0.0721386
+0.49412 0.462794 -0.72615 -0.119888
+0.462794 0.49412 -0.716754 -0.167124
+0.429486 0.523331 -0.704289 -0.213644
+0.394339 0.5503 -0.688808 -0.259249
+0.357504 0.574913 -0.670378 -0.303744
+0.319137 0.597064 -0.649076 -0.346939
+0.279404 0.616658 -0.624996 -0.388647
+0.238474 0.633611 -0.598239 -0.428692
+0.196524 0.647852 -0.56892 -0.466901
+0.153731 0.659318 -0.537165 -0.50311
+0.110281 0.667961 -0.50311 -0.537165
+0.0663578 0.673743 -0.466901 -0.56892
+0.0221508 0.676641 -0.428692 -0.598239
+-0.022151 0.676641 -0.388647 -0.624996
+-0.066358 0.673743 -0.346939 -0.649077
+-0.110281 0.667961 -0.303744 -0.670378
+-0.153731 0.659318 -0.259249 -0.688808
+-0.196524 0.647852 -0.213644 -0.704289
+-0.238475 0.633611 -0.167123 -0.716754
+-0.279404 0.616658 -0.119888 -0.72615
+-0.319137 0.597064 -0.0721387 -0.732436
+-0.357504 0.574913 -0.0240806 -0.735586
+-0.394339 0.5503 0.0240807 -0.735586
+-0.429486 0.523331 0.0721386 -0.732436
+-0.462794 0.49412 0.119888 -0.72615
+-0.49412 0.462794 0.167124 -0.716754
+-0.523331 0.429486 0.213644 -0.704289
+-0.5503 0.394339 0.259249 -0.688808
+-0.574913 0.357504 0.303744 -0.670378
+-0.597063 0.319137 0.346939 -0.649077
+-0.616658 0.279404 0.388647 -0.624996
+-0.633611 0.238474 0.428692 -0.598239
+-0.647852 0.196524 0.466901 -0.56892
+-0.659318 0.153731 0.50311 -0.537165
+-0.667961 0.110281 0.537165 -0.50311
+-0.673743 0.0663579 0.56892 -0.466901
+-0.676641 0.022151 0.598239 -0.428692
+0.706728 0.0231359 -0.634185 0.312745
+0.703702 0.0693086 -0.653281 0.270598
+0.697662 0.115184 -0.669581 0.227292
+0.688635 0.160567 -0.683013 0.183013
+0.676659 0.205262 -0.69352 0.13795
+0.661785 0.249078 -0.701057 0.092296
+0.644078 0.291828 -0.705593 0.046247
+0.623612 0.333328 -0.707107 -1.49273e-08
+0.600477 0.3734 -0.705593 -0.046247
+0.574769 0.411874 -0.701057 -0.092296
+0.546601 0.448584 -0.69352 -0.13795
+0.516092 0.483373 -0.683013 -0.183013
+0.483373 0.516092 -0.669581 -0.227292
+0.448584 0.546601 -0.653281 -0.270598
+0.411874 0.574769 -0.634185 -0.312745
+0.3734 0.600477 -0.612372 -0.353553
+0.333328 0.623613 -0.587938 -0.392848
+0.291828 0.644078 -0.560985 -0.430459
+0.249078 0.661785 -0.531631 -0.466228
+0.205262 0.676659 -0.5 -0.5
+0.160567 0.688635 -0.466228 -0.531631
+0.115184 0.697662 -0.430459 -0.560986
+0.0693085 0.703702 -0.392847 -0.587938
+0.0231358 0.706728 -0.353553 -0.612372
+-0.023136 0.706728 -0.312745 -0.634185
+-0.0693086 0.703702 -0.270598 -0.653282
+-0.115185 0.697662 -0.227292 -0.669581
+-0.160567 0.688635 -0.183013 -0.683013
+-0.205262 0.676659 -0.13795 -0.69352
+-0.249078 0.661785 -0.0922959 -0.701057
+-0.291828 0.644078 -0.0462469 -0.705593
+-0.333328 0.623613 -8.06046e-08 -0.707107
+-0.3734 0.600477 0.046247 -0.705593
+-0.411874 0.574769 0.092296 -0.701057
+-0.448584 0.546601 0.13795 -0.69352
+-0.483373 0.516092 0.183013 -0.683013
+-0.516092 0.483373 0.227292 -0.669581
+-0.546601 0.448584 0.270598 -0.653281
+-0.574769 0.411874 0.312745 -0.634185
+-0.600477 0.3734 0.353553 -0.612372
+-0.623612 0.333328 0.392847 -0.587938
+-0.644078 0.291828 0.430459 -0.560986
+-0.661785 0.249078 0.466228 -0.531631
+-0.676659 0.205262 0.5 -0.5
+-0.688635 0.160567 0.531631 -0.466228
+-0.697662 0.115185 0.560986 -0.430459
+-0.703702 0.0693086 0.587938 -0.392847
+-0.706728 0.0231359 0.612372 -0.353553
+0.706728 0.0231359 -0.560986 0.430459
+0.703702 0.0693086 -0.587938 0.392847
+0.697662 0.115184 -0.612372 0.353553
+0.688635 0.160567 -0.634185 0.312745
+0.676659 0.205262 -0.653281 0.270598
+0.661785 0.249078 -0.669581 0.227292
+0.644078 0.291828 -0.683013 0.183013
+0.623612 0.333328 -0.69352 0.13795
+0.600477 0.3734 -0.701057 0.092296
+0.574769 0.411874 -0.705593 0.046247
+0.546601 0.448584 -0.707107 1.28193e-08
+0.516092 0.483373 -0.705593 -0.046247
+0.483373 0.516092 -0.701057 -0.092296
+0.448584 0.546601 -0.69352 -0.13795
+0.411874 0.574769 -0.683013 -0.183013
+0.3734 0.600477 -0.669581 -0.227292
+0.333328 0.623613 -0.653281 -0.270598
+0.291828 0.644078 -0.634185 -0.312745
+0.249078 0.661785 -0.612372 -0.353553
+0.205262 0.676659 -0.587938 -0.392848
+0.160567 0.688635 -0.560986 -0.430459
+0.115184 0.697662 -0.531631 -0.466228
+0.0693085 0.703702 -0.5 -0.5
+0.0231358 0.706728 -0.466228 -0.531631
+-0.023136 0.706728 -0.430459 -0.560986
+-0.0693086 0.703702 -0.392847 -0.587938
+-0.115185 0.697662 -0.353553 -0.612372
+-0.160567 0.688635 -0.312745 -0.634185
+-0.205262 0.676659 -0.270598 -0.653282
+-0.249078 0.661785 -0.227292 -0.669581
+-0.291828 0.644078 -0.183013 -0.683013
+-0.333328 0.623613 -0.13795 -0.69352
+-0.3734 0.600477 -0.092296 -0.701057
+-0.411874 0.574769 -0.0462469 -0.705593
+-0.448584 0.546601 -2.40575e-08 -0.707107
+-0.483373 0.516092 0.046247 -0.705593
+-0.516092 0.483373 0.0922959 -0.701057
+-0.546601 0.448584 0.13795 -0.69352
+-0.574769 0.411874 0.183013 -0.683013
+-0.600477 0.3734 0.227292 -0.669581
+-0.623612 0.333328 0.270598 -0.653282
+-0.644078 0.291828 0.312745 -0.634185
+-0.661785 0.249078 0.353553 -0.612372
+-0.676659 0.205262 0.392847 -0.587938
+-0.688635 0.160567 0.430459 -0.560985
+-0.697662 0.115185 0.466228 -0.531631
+-0.703702 0.0693086 0.5 -0.5
+-0.706728 0.0231359 0.531631 -0.466228
+0.735586 0.0240806 -0.574913 0.357504
+0.732436 0.0721387 -0.597064 0.319137
+0.72615 0.119888 -0.616658 0.279404
+0.716754 0.167124 -0.633611 0.238474
+0.704289 0.213644 -0.647852 0.196524
+0.688808 0.259249 -0.659318 0.153731
+0.670378 0.303744 -0.667961 0.110281
+0.649076 0.346939 -0.673743 0.0663579
+0.624996 0.388647 -0.676641 0.0221509
+0.598239 0.428692 -0.676641 -0.0221509
+0.56892 0.466901 -0.673743 -0.0663579
+0.537165 0.50311 -0.667961 -0.110281
+0.50311 0.537165 -0.659318 -0.153731
+0.466901 0.56892 -0.647852 -0.196524
+0.428692 0.598239 -0.633611 -0.238474
+0.388647 0.624996 -0.616658 -0.279404
+0.346939 0.649077 -0.597063 -0.319137
+0.303744 0.670378 -0.574913 -0.357504
+0.259249 0.688808 -0.5503 -0.394339
+0.213644 0.704289 -0.523331 -0.429486
+0.167124 0.716754 -0.49412 -0.462794
+0.119888 0.72615 -0.462794 -0.49412
+0.0721386 0.732436 -0.429486 -0.523331
+0.0240805 0.735586 -0.394339 -0.5503
+-0.0240807 0.735586 -0.357504 -0.574913
+-0.0721387 0.732436 -0.319137 -0.597064
+-0.119888 0.72615 -0.279404 -0.616658
+-0.167124 0.716754 -0.238474 -0.633611
+-0.213644 0.704289 -0.196524 -0.647852
+-0.259249 0.688808 -0.153731 -0.659318
+-0.303744 0.670378 -0.110281 -0.667961
+-0.346939 0.649077 -0.066358 -0.673743
+-0.388647 0.624996 -0.0221509 -0.676641
+-0.428692 0.598239 0.022151 -0.676641
+-0.466901 0.56892 0.0663579 -0.673743
+-0.50311 0.537165 0.110281 -0.667961
+-0.537165 0.50311 0.153731 -0.659318
+-0.56892 0.466901 0.196524 -0.647852
+-0.598239 0.428692 0.238474 -0.633611
+-0.624996 0.388647 0.279404 -0.616658
+-0.649076 0.346939 0.319137 -0.597064
+-0.670378 0.303744 0.357504 -0.574913
+-0.688808 0.259249 0.394339 -0.5503
+-0.704289 0.213644 0.429486 -0.523331
+-0.716754 0.167124 0.462794 -0.49412
+-0.72615 0.119888 0.49412 -0.462794
+-0.732436 0.0721386 0.523331 -0.429486
+-0.735586 0.0240807 0.5503 -0.394339
+0.735586 0.0240806 -0.633611 0.238474
+0.732436 0.0721387 -0.647852 0.196524
+0.72615 0.119888 -0.659318 0.153731
+0.716754 0.167124 -0.667961 0.110281
+0.704289 0.213644 -0.673743 0.0663579
+0.688808 0.259249 -0.676641 0.0221509
+0.670378 0.303744 -0.676641 -0.0221509
+0.649076 0.346939 -0.673743 -0.0663579
+0.624996 0.388647 -0.667961 -0.110281
+0.598239 0.428692 -0.659318 -0.153731
+0.56892 0.466901 -0.647852 -0.196524
+0.537165 0.50311 -0.633611 -0.238474
+0.50311 0.537165 -0.616658 -0.279404
+0.466901 0.56892 -0.597064 -0.319137
+0.428692 0.598239 -0.574913 -0.357504
+0.388647 0.624996 -0.5503 -0.394339
+0.346939 0.649077 -0.523331 -0.429486
+0.303744 0.670378 -0.49412 -0.462794
+0.259249 0.688808 -0.462794 -0.49412
+0.213644 0.704289 -0.429486 -0.523331
+0.167124 0.716754 -0.394339 -0.5503
+0.119888 0.72615 -0.357504 -0.574913
+0.0721386 0.732436 -0.319137 -0.597064
+0.0240805 0.735586 -0.279404 -0.616658
+-0.0240807 0.735586 -0.238474 -0.633611
+-0.0721387 0.732436 -0.196524 -0.647852
+-0.119888 0.72615 -0.153731 -0.659318
+-0.167124 0.716754 -0.110281 -0.667961
+-0.213644 0.704289 -0.0663578 -0.673743
+-0.259249 0.688808 -0.0221508 -0.676641
+-0.303744 0.670378 0.022151 -0.676641
+-0.346939 0.649077 0.0663578 -0.673743
+-0.388647 0.624996 0.110281 -0.667961
+-0.428692 0.598239 0.153731 -0.659318
+-0.466901 0.56892 0.196524 -0.647852
+-0.50311 0.537165 0.238474 -0.633611
+-0.537165 0.50311 0.279404 -0.616658
+-0.56892 0.466901 0.319137 -0.597064
+-0.598239 0.428692 0.357504 -0.574913
+-0.624996 0.388647 0.394339 -0.5503
+-0.649076 0.346939 0.429486 -0.523331
+-0.670378 0.303744 0.462794 -0.49412
+-0.688808 0.259249 0.49412 -0.462794
+-0.704289 0.213644 0.523331 -0.429486
+-0.716754 0.167124 0.5503 -0.394339
+-0.72615 0.119888 0.574913 -0.357504
+-0.732436 0.0721386 0.597064 -0.319137
+-0.735586 0.0240807 0.616658 -0.279404
+0.763354 0.0249896 -0.623502 0.167067
+0.760085 0.0748618 -0.633094 0.12593
+0.753561 0.124413 -0.639975 0.0842543
+0.743811 0.173432 -0.644115 0.0422175
+0.730875 0.221709 -0.645497 -4.81092e-10
+0.71481 0.269035 -0.644115 -0.0422175
+0.695684 0.31521 -0.639975 -0.0842543
+0.673578 0.360035 -0.633094 -0.12593
+0.648589 0.403318 -0.623502 -0.167067
+0.620822 0.444875 -0.611241 -0.207488
+0.590396 0.484526 -0.596362 -0.247021
+0.557443 0.522102 -0.578929 -0.285496
+0.522102 0.557443 -0.559017 -0.322749
+0.484526 0.590396 -0.536711 -0.358619
+0.444875 0.620822 -0.512107 -0.392954
+0.403318 0.648589 -0.48531 -0.425606
+0.360035 0.673579 -0.456435 -0.456436
+0.31521 0.695684 -0.425606 -0.485311
+0.269035 0.71481 -0.392954 -0.512107
+0.221709 0.730875 -0.358619 -0.536711
+0.173432 0.743811 -0.322749 -0.559017
+0.124413 0.753561 -0.285496 -0.578929
+0.0748617 0.760085 -0.247021 -0.596362
+0.0249895 0.763354 -0.207488 -0.611241
+-0.0249897 0.763354 -0.167067 -0.623502
+-0.0748619 0.760085 -0.12593 -0.633094
+-0.124414 0.753561 -0.0842542 -0.639975
+-0.173432 0.743811 -0.0422175 -0.644115
+-0.221709 0.730875 1.05646e-07 -0.645497
+-0.269036 0.71481 0.0422176 -0.644115
+-0.31521 0.695684 0.0842544 -0.639975
+-0.360035 0.673579 0.12593 -0.633094
+-0.403318 0.648589 0.167067 -0.623502
+-0.444875 0.620822 0.207488 -0.611241
+-0.484526 0.590397 0.247021 -0.596362
+-0.522102 0.557443 0.285496 -0.578929
+-0.557443 0.522102 0.322749 -0.559017
+-0.590397 0.484526 0.358619 -0.536711
+-0.620822 0.444875 0.392954 -0.512107
+-0.648589 0.403318 0.425606 -0.485311
+-0.673578 0.360035 0.456435 -0.456436
+-0.695684 0.31521 0.485311 -0.425606
+-0.71481 0.269035 0.512107 -0.392954
+-0.730875 0.221709 0.536711 -0.358619
+-0.743811 0.173432 0.559017 -0.322749
+-0.753561 0.124414 0.578929 -0.285496
+-0.760085 0.0748618 0.596362 -0.247021
+-0.763354 0.0249897 0.611241 -0.207488
+0.763354 0.0249896 -0.578929 0.285496
+0.760085 0.0748618 -0.596362 0.247021
+0.753561 0.124413 -0.611241 0.207488
+0.743811 0.173432 -0.623502 0.167067
+0.730875 0.221709 -0.633094 0.12593
+0.71481 0.269035 -0.639975 0.0842543
+0.695684 0.31521 -0.644115 0.0422175
+0.673578 0.360035 -0.645497 -1.36267e-08
+0.648589 0.403318 -0.644115 -0.0422175
+0.620822 0.444875 -0.639975 -0.0842543
+0.590396 0.484526 -0.633094 -0.12593
+0.557443 0.522102 -0.623502 -0.167067
+0.522102 0.557443 -0.611241 -0.207488
+0.484526 0.590396 -0.596362 -0.247021
+0.444875 0.620822 -0.578929 -0.285496
+0.403318 0.648589 -0.559017 -0.322749
+0.360035 0.673579 -0.536711 -0.358619
+0.31521 0.695684 -0.512107 -0.392954
+0.269035 0.71481 -0.48531 -0.425606
+0.221709 0.730875 -0.456435 -0.456435
+0.173432 0.743811 -0.425606 -0.485311
+0.124413 0.753561 -0.392954 -0.512107
+0.0748617 0.760085 -0.358619 -0.536711
+0.0249895 0.763354 -0.322749 -0.559017
+-0.0249897 0.763354 -0.285496 -0.578929
+-0.0748619 0.760085 -0.247021 -0.596362
+-0.124414 0.753561 -0.207488 -0.611241
+-0.173432 0.743811 -0.167067 -0.623502
+-0.221709 0.730875 -0.12593 -0.633094
+-0.269036 0.71481 -0.0842542 -0.639975
+-0.31521 0.695684 -0.0422174 -0.644115
+-0.360035 0.673579 -7.35816e-08 -0.645497
+-0.403318 0.648589 0.0422175 -0.644115
+-0.444875 0.620822 0.0842544 -0.639975
+-0.484526 0.590397 0.12593 -0.633094
+-0.522102 0.557443 0.167067 -0.623502
+-0.557443 0.522102 0.207488 -0.611241
+-0.590397 0.484526 0.247021 -0.596362
+-0.620822 0.444875 0.285496 -0.578929
+-0.648589 0.403318 0.322749 -0.559017
+-0.673578 0.360035 0.358619 -0.536711
+-0.695684 0.31521 0.392954 -0.512107
+-0.71481 0.269035 0.425606 -0.48531
+-0.730875 0.221709 0.456435 -0.456435
+-0.743811 0.173432 0.485311 -0.425606
+-0.753561 0.124414 0.512107 -0.392954
+-0.760085 0.0748618 0.536711 -0.358619
+-0.763354 0.0249897 0.559017 -0.322749
+0.790146 0.0258667 -0.573123 0.215708
+0.786763 0.0774894 -0.586004 0.177762
+0.78001 0.12878 -0.596375 0.139055
+0.769917 0.17952 -0.604193 0.0997527
+0.756528 0.22949 -0.609424 0.060023
+0.739899 0.278478 -0.612045 0.0200363
+0.720101 0.326274 -0.612045 -0.0200363
+0.69722 0.372672 -0.609424 -0.060023
+0.671353 0.417474 -0.604193 -0.0997527
+0.642612 0.460489 -0.596375 -0.139055
+0.611118 0.501532 -0.586004 -0.177762
+0.577008 0.540427 -0.573123 -0.215708
+0.540427 0.577008 -0.557788 -0.25273
+0.501532 0.611118 -0.540064 -0.28867
+0.460489 0.642612 -0.520028 -0.323374
+0.417474 0.671353 -0.497765 -0.356693
+0.372672 0.69722 -0.47337 -0.388485
+0.326274 0.720101 -0.446949 -0.418613
+0.278478 0.739899 -0.418613 -0.446949
+0.22949 0.756528 -0.388485 -0.47337
+0.17952 0.769917 -0.356693 -0.497765
+0.12878 0.78001 -0.323374 -0.520028
+0.0774893 0.786763 -0.28867 -0.540064
+0.0258666 0.790146 -0.25273 -0.557788
+-0.0258668 0.790146 -0.215708 -0.573123
+-0.0774894 0.786763 -0.177762 -0.586004
+-0.12878 0.78001 -0.139055 -0.596375
+-0.17952 0.769917 -0.0997527 -0.604193
+-0.22949 0.756528 -0.0600229 -0.609424
+-0.278478 0.739899 -0.0200362 -0.612045
+-0.326274 0.720101 0.0200363 -0.612045
+-0.372672 0.69722 0.0600229 -0.609424
+-0.417474 0.671353 0.0997527 -0.604193
+-0.460489 0.642612 0.139055 -0.596375
+-0.501532 0.611118 0.177762 -0.586004
+-0.540427 0.577008 0.215708 -0.573123
+-0.577008 0.540427 0.25273 -0.557788
+-0.611118 0.501532 0.28867 -0.540064
+-0.642612 0.460489 0.323374 -0.520028
+-0.671353 0.417474 0.356693 -0.497765
+-0.69722 0.372672 0.388485 -0.47337
+-0.720101 0.326274 0.418613 -0.446949
+-0.739899 0.278478 0.446949 -0.418613
+-0.756528 0.22949 0.47337 -0.388485
+-0.769917 0.179519 0.497765 -0.356693
+-0.78001 0.12878 0.520028 -0.323374
+-0.786763 0.0774893 0.540064 -0.28867
+-0.790146 0.0258668 0.557788 -0.25273
+0.735586 0.0240806 -0.676641 -0.0221509
+0.732436 0.0721387 -0.673743 -0.0663579
+0.72615 0.119888 -0.667961 -0.110281
+0.716754 0.167124 -0.659318 -0.153731
+0.704289 0.213644 -0.647852 -0.196524
+0.688808 0.259249 -0.633611 -0.238474
+0.670378 0.303744 -0.616658 -0.279404
+0.649076 0.346939 -0.597064 -0.319137
+0.624996 0.388647 -0.574913 -0.357504
+0.598239 0.428692 -0.5503 -0.394339
+0.56892 0.466901 -0.523331 -0.429486
+0.537165 0.50311 -0.49412 -0.462794
+0.50311 0.537165 -0.462794 -0.49412
+0.466901 0.56892 -0.429486 -0.523331
+0.428692 0.598239 -0.394339 -0.5503
+0.388647 0.624996 -0.357504 -0.574913
+0.346939 0.649077 -0.319137 -0.597064
+0.303744 0.670378 -0.279404 -0.616658
+0.259249 0.688808 -0.238474 -0.633611
+0.213644 0.704289 -0.196524 -0.647852
+0.167124 0.716754 -0.153731 -0.659318
+0.119888 0.72615 -0.110281 -0.667961
+0.0721386 0.732436 -0.0663578 -0.673743
+0.0240805 0.735586 -0.0221508 -0.676641
+-0.0240807 0.735586 0.022151 -0.676641
+-0.0721387 0.732436 0.066358 -0.673743
+-0.119888 0.72615 0.110281 -0.667961
+-0.167124 0.716754 0.153731 -0.659318
+-0.213644 0.704289 0.196524 -0.647852
+-0.259249 0.688808 0.238475 -0.633611
+-0.303744 0.670378 0.279404 -0.616658
+-0.346939 0.649077 0.319137 -0.597064
+-0.388647 0.624996 0.357504 -0.574913
+-0.428692 0.598239 0.394339 -0.5503
+-0.466901 0.56892 0.429486 -0.523331
+-0.50311 0.537165 0.462794 -0.49412
+-0.537165 0.50311 0.49412 -0.462794
+-0.56892 0.466901 0.523331 -0.429486
+-0.598239 0.428692 0.5503 -0.394339
+-0.624996 0.388647 0.574913 -0.357504
+-0.649076 0.346939 0.597063 -0.319137
+-0.670378 0.303744 0.616658 -0.279404
+-0.688808 0.259249 0.633611 -0.238474
+-0.704289 0.213644 0.647852 -0.196524
+-0.716754 0.167124 0.659318 -0.153731
+-0.72615 0.119888 0.667961 -0.110281
+-0.732436 0.0721386 0.673743 -0.0663579
+-0.735586 0.0240807 0.676641 -0.022151
+0.763354 0.0249896 -0.639975 -0.0842543
+0.760085 0.0748618 -0.633094 -0.12593
+0.753561 0.124413 -0.623502 -0.167067
+0.743811 0.173432 -0.611241 -0.207488
+0.730875 0.221709 -0.596362 -0.247021
+0.71481 0.269035 -0.578929 -0.285496
+0.695684 0.31521 -0.559017 -0.322749
+0.673578 0.360035 -0.536711 -0.358619
+0.648589 0.403318 -0.512107 -0.392954
+0.620822 0.444875 -0.485311 -0.425606
+0.590396 0.484526 -0.456435 -0.456435
+0.557443 0.522102 -0.425606 -0.485311
+0.522102 0.557443 -0.392954 -0.512107
+0.484526 0.590396 -0.358619 -0.536711
+0.444875 0.620822 -0.322749 -0.559017
+0.403318 0.648589 -0.285496 -0.578929
+0.360035 0.673579 -0.247021 -0.596362
+0.31521 0.695684 -0.207488 -0.611241
+0.269035 0.71481 -0.167067 -0.623502
+0.221709 0.730875 -0.12593 -0.633094
+0.173432 0.743811 -0.0842543 -0.639975
+0.124413 0.753561 -0.0422175 -0.644115
+0.0748617 0.760085 7.93547e-08 -0.645497
+0.0249895 0.763354 0.0422176 -0.644115
+-0.0249897 0.763354 0.0842544 -0.639975
+-0.0748619 0.760085 0.12593 -0.633094
+-0.124414 0.753561 0.167067 -0.623502
+-0.173432 0.743811 0.207488 -0.611241
+-0.221709 0.730875 0.247021 -0.596362
+-0.269036 0.71481 0.285496 -0.578929
+-0.31521 0.695684 0.322749 -0.559017
+-0.360035 0.673579 0.358619 -0.536711
+-0.403318 0.648589 0.392954 -0.512107
+-0.444875 0.620822 0.425606 -0.48531
+-0.484526 0.590397 0.456435 -0.456435
+-0.522102 0.557443 0.485311 -0.425606
+-0.557443 0.522102 0.512107 -0.392954
+-0.590397 0.484526 0.536711 -0.358619
+-0.620822 0.444875 0.559017 -0.322749
+-0.648589 0.403318 0.578929 -0.285496
+-0.673578 0.360035 0.596362 -0.247021
+-0.695684 0.31521 0.611241 -0.207488
+-0.71481 0.269035 0.623502 -0.167067
+-0.730875 0.221709 0.633094 -0.12593
+-0.743811 0.173432 0.639975 -0.0842542
+-0.753561 0.124414 0.644115 -0.0422176
+-0.760085 0.0748618 0.645497 3.0621e-08
+-0.763354 0.0249897 0.644115 0.0422175
+0.763354 0.0249896 -0.644115 0.0422175
+0.760085 0.0748618 -0.645497 -1.76347e-09
+0.753561 0.124413 -0.644115 -0.0422175
+0.743811 0.173432 -0.639975 -0.0842543
+0.730875 0.221709 -0.633094 -0.12593
+0.71481 0.269035 -0.623502 -0.167067
+0.695684 0.31521 -0.611241 -0.207488
+0.673578 0.360035 -0.596362 -0.247021
+0.648589 0.403318 -0.578929 -0.285496
+0.620822 0.444875 -0.559017 -0.322749
+0.590396 0.484526 -0.536711 -0.358619
+0.557443 0.522102 -0.512107 -0.392954
+0.522102 0.557443 -0.485311 -0.425606
+0.484526 0.590396 -0.456435 -0.456435
+0.444875 0.620822 -0.425606 -0.485311
+0.403318 0.648589 -0.392954 -0.512107
+0.360035 0.673579 -0.358619 -0.536711
+0.31521 0.695684 -0.322749 -0.559017
+0.269035 0.71481 -0.285496 -0.578929
+0.221709 0.730875 -0.247021 -0.596362
+0.173432 0.743811 -0.207488 -0.611241
+0.124413 0.753561 -0.167067 -0.623502
+0.0748617 0.760085 -0.12593 -0.633094
+0.0249895 0.763354 -0.0842542 -0.639975
+-0.0249897 0.763354 -0.0422175 -0.644115
+-0.0748619 0.760085 5.40257e-08 -0.645497
+-0.124414 0.753561 0.0422176 -0.644115
+-0.173432 0.743811 0.0842543 -0.639975
+-0.221709 0.730875 0.12593 -0.633094
+-0.269036 0.71481 0.167067 -0.623502
+-0.31521 0.695684 0.207488 -0.611241
+-0.360035 0.673579 0.247021 -0.596362
+-0.403318 0.648589 0.285496 -0.578929
+-0.444875 0.620822 0.322749 -0.559017
+-0.484526 0.590397 0.358619 -0.536711
+-0.522102 0.557443 0.392954 -0.512107
+-0.557443 0.522102 0.425606 -0.485311
+-0.590397 0.484526 0.456435 -0.456435
+-0.620822 0.444875 0.48531 -0.425606
+-0.648589 0.403318 0.512107 -0.392954
+-0.673578 0.360035 0.536711 -0.358619
+-0.695684 0.31521 0.559017 -0.322749
+-0.71481 0.269035 0.578929 -0.285496
+-0.730875 0.221709 0.596362 -0.247021
+-0.743811 0.173432 0.611241 -0.207488
+-0.753561 0.124414 0.623502 -0.167067
+-0.760085 0.0748618 0.633094 -0.12593
+-0.763354 0.0249897 0.639975 -0.0842543
+0.790146 0.0258667 -0.612045 -0.0200363
+0.786763 0.0774894 -0.609424 -0.060023
+0.78001 0.12878 -0.604193 -0.0997527
+0.769917 0.17952 -0.596375 -0.139055
+0.756528 0.22949 -0.586004 -0.177762
+0.739899 0.278478 -0.573123 -0.215708
+0.720101 0.326274 -0.557788 -0.25273
+0.69722 0.372672 -0.540064 -0.28867
+0.671353 0.417474 -0.520028 -0.323374
+0.642612 0.460489 -0.497765 -0.356693
+0.611118 0.501532 -0.47337 -0.388485
+0.577008 0.540427 -0.446949 -0.418613
+0.540427 0.577008 -0.418613 -0.446949
+0.501532 0.611118 -0.388485 -0.47337
+0.460489 0.642612 -0.356693 -0.497765
+0.417474 0.671353 -0.323374 -0.520028
+0.372672 0.69722 -0.28867 -0.540064
+0.326274 0.720101 -0.25273 -0.557788
+0.278478 0.739899 -0.215708 -0.573123
+0.22949 0.756528 -0.177762 -0.586004
+0.17952 0.769917 -0.139055 -0.596375
+0.12878 0.78001 -0.0997526 -0.604193
+0.0774893 0.786763 -0.0600229 -0.609424
+0.0258666 0.790146 -0.0200362 -0.612045
+-0.0258668 0.790146 0.0200363 -0.612045
+-0.0774894 0.786763 0.060023 -0.609424
+-0.12878 0.78001 0.0997527 -0.604193
+-0.17952 0.769917 0.139055 -0.596375
+-0.22949 0.756528 0.177762 -0.586004
+-0.278478 0.739899 0.215708 -0.573123
+-0.326274 0.720101 0.25273 -0.557788
+-0.372672 0.69722 0.28867 -0.540064
+-0.417474 0.671353 0.323374 -0.520028
+-0.460489 0.642612 0.356693 -0.497765
+-0.501532 0.611118 0.388485 -0.47337
+-0.540427 0.577008 0.418613 -0.446949
+-0.577008 0.540427 0.446949 -0.418613
+-0.611118 0.501532 0.47337 -0.388485
+-0.642612 0.460489 0.497765 -0.356693
+-0.671353 0.417474 0.520028 -0.323374
+-0.69722 0.372672 0.540064 -0.28867
+-0.720101 0.326274 0.557788 -0.25273
+-0.739899 0.278478 0.573123 -0.215708
+-0.756528 0.22949 0.586004 -0.177762
+-0.769917 0.179519 0.596375 -0.139055
+-0.78001 0.12878 0.604193 -0.0997527
+-0.786763 0.0774893 0.609424 -0.060023
+-0.790146 0.0258668 0.612045 -0.0200363
+0.790146 0.0258667 -0.596375 -0.139055
+0.786763 0.0774894 -0.586004 -0.177762
+0.78001 0.12878 -0.573123 -0.215708
+0.769917 0.17952 -0.557788 -0.25273
+0.756528 0.22949 -0.540064 -0.28867
+0.739899 0.278478 -0.520028 -0.323374
+0.720101 0.326274 -0.497765 -0.356693
+0.69722 0.372672 -0.47337 -0.388485
+0.671353 0.417474 -0.446949 -0.418613
+0.642612 0.460489 -0.418613 -0.446949
+0.611118 0.501532 -0.388485 -0.47337
+0.577008 0.540427 -0.356693 -0.497765
+0.540427 0.577008 -0.323374 -0.520028
+0.501532 0.611118 -0.28867 -0.540064
+0.460489 0.642612 -0.25273 -0.557788
+0.417474 0.671353 -0.215708 -0.573123
+0.372672 0.69722 -0.177762 -0.586004
+0.326274 0.720101 -0.139055 -0.596375
+0.278478 0.739899 -0.0997527 -0.604193
+0.22949 0.756528 -0.060023 -0.609424
+0.17952 0.769917 -0.0200362 -0.612045
+0.12878 0.78001 0.0200363 -0.612045
+0.0774893 0.786763 0.0600231 -0.609424
+0.0258666 0.790146 0.0997528 -0.604193
+-0.0258668 0.790146 0.139055 -0.596375
+-0.0774894 0.786763 0.177762 -0.586004
+-0.12878 0.78001 0.215708 -0.573123
+-0.17952 0.769917 0.25273 -0.557788
+-0.22949 0.756528 0.28867 -0.540064
+-0.278478 0.739899 0.323374 -0.520028
+-0.326274 0.720101 0.356693 -0.497765
+-0.372672 0.69722 0.388485 -0.47337
+-0.417474 0.671353 0.418613 -0.446949
+-0.460489 0.642612 0.446949 -0.418613
+-0.501532 0.611118 0.47337 -0.388485
+-0.540427 0.577008 0.497765 -0.356693
+-0.577008 0.540427 0.520028 -0.323374
+-0.611118 0.501532 0.540064 -0.28867
+-0.642612 0.460489 0.557788 -0.25273
+-0.671353 0.417474 0.573123 -0.215708
+-0.69722 0.372672 0.586004 -0.177762
+-0.720101 0.326274 0.596375 -0.139055
+-0.739899 0.278478 0.604193 -0.0997526
+-0.756528 0.22949 0.609424 -0.060023
+-0.769917 0.179519 0.612045 -0.0200362
+-0.78001 0.12878 0.612045 0.0200362
+-0.786763 0.0774893 0.609424 0.060023
+-0.790146 0.0258668 0.604193 0.0997526
+0.816059 0.026715 -0.54671 -0.185583
+0.812565 0.0800307 -0.533402 -0.220942
+0.805591 0.133004 -0.51781 -0.255355
+0.795167 0.185407 -0.5 -0.288675
+0.781339 0.237016 -0.480049 -0.320759
+0.764164 0.287611 -0.458043 -0.351469
+0.743717 0.336974 -0.434075 -0.380673
+0.720086 0.384894 -0.408248 -0.408248
+0.693371 0.431166 -0.380673 -0.434075
+0.663687 0.475591 -0.351469 -0.458043
+0.63116 0.51798 -0.320759 -0.480049
+0.595932 0.558151 -0.288675 -0.5
+0.558151 0.595932 -0.255355 -0.51781
+0.51798 0.63116 -0.220942 -0.533402
+0.475591 0.663687 -0.185583 -0.54671
+0.431166 0.693371 -0.149429 -0.557678
+0.384894 0.720086 -0.112635 -0.566257
+0.336974 0.743717 -0.0753593 -0.572411
+0.287611 0.764164 -0.0377605 -0.576114
+0.237016 0.781339 2.48065e-08 -0.57735
+0.185407 0.795167 0.0377605 -0.576114
+0.133003 0.805591 0.0753594 -0.572411
+0.0800306 0.812565 0.112636 -0.566257
+0.0267149 0.816059 0.149429 -0.557678
+-0.0267151 0.816059 0.185583 -0.54671
+-0.0800307 0.812565 0.220942 -0.533402
+-0.133004 0.805591 0.255356 -0.51781
+-0.185407 0.795167 0.288675 -0.5
+-0.237017 0.781338 0.320759 -0.480049
+-0.287611 0.764164 0.351469 -0.458043
+-0.336974 0.743717 0.380674 -0.434075
+-0.384894 0.720086 0.408248 -0.408248
+-0.431166 0.693371 0.434075 -0.380673
+-0.475591 0.663686 0.458043 -0.351469
+-0.51798 0.63116 0.480049 -0.320759
+-0.558151 0.595931 0.5 -0.288675
+-0.595931 0.558151 0.51781 -0.255356
+-0.63116 0.51798 0.533402 -0.220942
+-0.663686 0.475591 0.54671 -0.185583
+-0.693371 0.431166 0.557678 -0.149429
+-0.720086 0.384894 0.566257 -0.112636
+-0.743717 0.336974 0.572411 -0.0753593
+-0.764164 0.287611 0.576114 -0.0377605
+-0.781339 0.237016 0.57735 -1.87823e-08
+-0.795167 0.185407 0.576114 0.0377606
+-0.805591 0.133004 0.572411 0.0753593
+-0.812565 0.0800306 0.566257 0.112635
+-0.816059 0.0267151 0.557678 0.149429
+0.816059 0.026715 -0.572411 -0.0753593
+0.812565 0.0800307 -0.566257 -0.112635
+0.805591 0.133004 -0.557678 -0.149429
+0.795167 0.185407 -0.54671 -0.185583
+0.781339 0.237016 -0.533402 -0.220942
+0.764164 0.287611 -0.51781 -0.255355
+0.743717 0.336974 -0.5 -0.288675
+0.720086 0.384894 -0.480049 -0.320759
+0.693371 0.431166 -0.458043 -0.351469
+0.663687 0.475591 -0.434075 -0.380673
+0.63116 0.51798 -0.408248 -0.408248
+0.595932 0.558151 -0.380673 -0.434075
+0.558151 0.595932 -0.351469 -0.458043
+0.51798 0.63116 -0.320759 -0.480049
+0.475591 0.663687 -0.288675 -0.5
+0.431166 0.693371 -0.255355 -0.51781
+0.384894 0.720086 -0.220942 -0.533402
+0.336974 0.743717 -0.185583 -0.54671
+0.287611 0.764164 -0.149429 -0.557678
+0.237016 0.781339 -0.112635 -0.566257
+0.185407 0.795167 -0.0753593 -0.572411
+0.133003 0.805591 -0.0377604 -0.576114
+0.0800306 0.812565 7.0977e-08 -0.57735
+0.0267149 0.816059 0.0377606 -0.576114
+-0.0267151 0.816059 0.0753594 -0.572411
+-0.0800307 0.812565 0.112635 -0.566257
+-0.133004 0.805591 0.149429 -0.557678
+-0.185407 0.795167 0.185583 -0.54671
+-0.237017 0.781338 0.220942 -0.533402
+-0.287611 0.764164 0.255356 -0.51781
+-0.336974 0.743717 0.288675 -0.5
+-0.384894 0.720086 0.320759 -0.480049
+-0.431166 0.693371 0.351469 -0.458043
+-0.475591 0.663686 0.380674 -0.434075
+-0.51798 0.63116 0.408248 -0.408248
+-0.558151 0.595931 0.434075 -0.380673
+-0.595931 0.558151 0.458043 -0.351469
+-0.63116 0.51798 0.480049 -0.320759
+-0.663686 0.475591 0.5 -0.288675
+-0.693371 0.431166 0.51781 -0.255355
+-0.720086 0.384894 0.533402 -0.220942
+-0.743717 0.336974 0.54671 -0.185583
+-0.764164 0.287611 0.557678 -0.149429
+-0.781339 0.237016 0.566257 -0.112635
+-0.795167 0.185407 0.572411 -0.0753593
+-0.805591 0.133004 0.576114 -0.0377605
+-0.812565 0.0800306 0.57735 2.73883e-08
+-0.816059 0.0267151 0.576114 0.0377605
+0.841175 0.0275372 -0.525954 -0.122635
+0.837573 0.0824937 -0.516807 -0.156772
+0.830384 0.137097 -0.505447 -0.190237
+0.81964 0.191113 -0.491923 -0.222887
+0.805385 0.244311 -0.476292 -0.254583
+0.787682 0.296463 -0.458622 -0.285189
+0.766606 0.347345 -0.438987 -0.314574
+0.742247 0.396739 -0.417473 -0.342612
+0.71471 0.444435 -0.394172 -0.369182
+0.684112 0.490228 -0.369182 -0.394172
+0.650585 0.533921 -0.342612 -0.417473
+0.614272 0.575329 -0.314574 -0.438987
+0.575329 0.614272 -0.285189 -0.458622
+0.533922 0.650585 -0.254583 -0.476292
+0.490228 0.684112 -0.222887 -0.491923
+0.444435 0.71471 -0.190237 -0.505447
+0.396739 0.742247 -0.156772 -0.516807
+0.347345 0.766606 -0.122635 -0.525954
+0.296463 0.787682 -0.0879736 -0.532848
+0.244311 0.805385 -0.0529353 -0.537461
+0.191113 0.81964 -0.0176703 -0.539773
+0.137097 0.830384 0.0176704 -0.539773
+0.0824936 0.837573 0.0529354 -0.537461
+0.0275371 0.841175 0.0879737 -0.532848
+-0.0275373 0.841175 0.122635 -0.525954
+-0.0824938 0.837573 0.156772 -0.516807
+-0.137097 0.830384 0.190237 -0.505447
+-0.191113 0.81964 0.222887 -0.491923
+-0.244311 0.805385 0.254583 -0.476292
+-0.296463 0.787682 0.285189 -0.458622
+-0.347345 0.766606 0.314574 -0.438987
+-0.396739 0.742247 0.342611 -0.417473
+-0.444435 0.71471 0.369182 -0.394172
+-0.490228 0.684112 0.394172 -0.369182
+-0.533921 0.650585 0.417473 -0.342612
+-0.575329 0.614272 0.438987 -0.314574
+-0.614272 0.575329 0.458622 -0.285189
+-0.650585 0.533921 0.476292 -0.254583
+-0.684112 0.490228 0.491923 -0.222887
+-0.71471 0.444435 0.505447 -0.190237
+-0.742247 0.39674 0.516807 -0.156772
+-0.766606 0.347345 0.525954 -0.122635
+-0.787682 0.296463 0.532848 -0.0879736
+-0.805385 0.244311 0.537461 -0.0529353
+-0.81964 0.191113 0.539773 -0.0176703
+-0.830384 0.137097 0.539773 0.0176703
+-0.837573 0.0824937 0.537461 0.0529353
+-0.841175 0.0275373 0.532848 0.0879736
+0.790146 0.0258667 -0.604193 0.0997527
+0.786763 0.0774894 -0.609424 0.060023
+0.78001 0.12878 -0.612045 0.0200363
+0.769917 0.17952 -0.612045 -0.0200363
+0.756528 0.22949 -0.609424 -0.060023
+0.739899 0.278478 -0.604193 -0.0997527
+0.720101 0.326274 -0.596375 -0.139055
+0.69722 0.372672 -0.586004 -0.177762
+0.671353 0.417474 -0.573123 -0.215708
+0.642612 0.460489 -0.557788 -0.25273
+0.611118 0.501532 -0.540064 -0.28867
+0.577008 0.540427 -0.520028 -0.323374
+0.540427 0.577008 -0.497765 -0.356693
+0.501532 0.611118 -0.47337 -0.388485
+0.460489 0.642612 -0.446949 -0.418613
+0.417474 0.671353 -0.418613 -0.446949
+0.372672 0.69722 -0.388485 -0.47337
+0.326274 0.720101 -0.356693 -0.497765
+0.278478 0.739899 -0.323374 -0.520028
+0.22949 0.756528 -0.28867 -0.540064
+0.17952 0.769917 -0.25273 -0.557788
+0.12878 0.78001 -0.215708 -0.573123
+0.0774893 0.786763 -0.177762 -0.586004
+0.0258666 0.790146 -0.139055 -0.596375
+-0.0258668 0.790146 -0.0997526 -0.604193
+-0.0774894 0.786763 -0.0600229 -0.609424
+-0.12878 0.78001 -0.0200362 -0.612045
+-0.17952 0.769917 0.0200363 -0.612045
+-0.22949 0.756528 0.0600231 -0.609424
+-0.278478 0.739899 0.0997528 -0.604193
+-0.326274 0.720101 0.139055 -0.596375
+-0.372672 0.69722 0.177762 -0.586004
+-0.417474 0.671353 0.215708 -0.573123
+-0.460489 0.642612 0.25273 -0.557788
+-0.501532 0.611118 0.28867 -0.540064
+-0.540427 0.577008 0.323374 -0.520028
+-0.577008 0.540427 0.356693 -0.497765
+-0.611118 0.501532 0.388485 -0.47337
+-0.642612 0.460489 0.418613 -0.446949
+-0.671353 0.417474 0.446949 -0.418613
+-0.69722 0.372672 0.47337 -0.388485
+-0.720101 0.326274 0.497765 -0.356693
+-0.739899 0.278478 0.520028 -0.323374
+-0.756528 0.22949 0.540064 -0.28867
+-0.769917 0.179519 0.557788 -0.25273
+-0.78001 0.12878 0.573123 -0.215708
+-0.786763 0.0774893 0.586004 -0.177762
+-0.790146 0.0258668 0.596375 -0.139055
+0.816059 0.026715 -0.576114 0.0377605
+0.812565 0.0800307 -0.57735 -1.5773e-09
+0.805591 0.133004 -0.576114 -0.0377605
+0.795167 0.185407 -0.572411 -0.0753593
+0.781339 0.237016 -0.566257 -0.112635
+0.764164 0.287611 -0.557678 -0.149429
+0.743717 0.336974 -0.54671 -0.185583
+0.720086 0.384894 -0.533402 -0.220942
+0.693371 0.431166 -0.51781 -0.255355
+0.663687 0.475591 -0.5 -0.288675
+0.63116 0.51798 -0.480049 -0.320759
+0.595932 0.558151 -0.458043 -0.351469
+0.558151 0.595932 -0.434075 -0.380673
+0.51798 0.63116 -0.408248 -0.408248
+0.475591 0.663687 -0.380673 -0.434075
+0.431166 0.693371 -0.351469 -0.458043
+0.384894 0.720086 -0.320759 -0.480049
+0.336974 0.743717 -0.288675 -0.5
+0.287611 0.764164 -0.255355 -0.51781
+0.237016 0.781339 -0.220942 -0.533402
+0.185407 0.795167 -0.185583 -0.54671
+0.133003 0.805591 -0.149429 -0.557678
+0.0800306 0.812565 -0.112635 -0.566257
+0.0267149 0.816059 -0.0753593 -0.572411
+-0.0267151 0.816059 -0.0377605 -0.576114
+-0.0800307 0.812565 4.83221e-08 -0.57735
+-0.133004 0.805591 0.0377606 -0.576114
+-0.185407 0.795167 0.0753594 -0.572411
+-0.237017 0.781338 0.112636 -0.566257
+-0.287611 0.764164 0.149429 -0.557678
+-0.336974 0.743717 0.185583 -0.54671
+-0.384894 0.720086 0.220942 -0.533402
+-0.431166 0.693371 0.255355 -0.51781
+-0.475591 0.663686 0.288675 -0.5
+-0.51798 0.63116 0.320759 -0.480049
+-0.558151 0.595931 0.351469 -0.458043
+-0.595931 0.558151 0.380673 -0.434075
+-0.63116 0.51798 0.408248 -0.408248
+-0.663686 0.475591 0.434075 -0.380674
+-0.693371 0.431166 0.458043 -0.351469
+-0.720086 0.384894 0.480049 -0.320759
+-0.743717 0.336974 0.5 -0.288675
+-0.764164 0.287611 0.51781 -0.255355
+-0.781339 0.237016 0.533402 -0.220942
+-0.795167 0.185407 0.54671 -0.185583
+-0.805591 0.133004 0.557678 -0.149429
+-0.812565 0.0800306 0.566257 -0.112635
+-0.816059 0.0267151 0.572411 -0.0753594
+0.816059 0.026715 -0.557678 0.149429
+0.812565 0.0800307 -0.566257 0.112635
+0.805591 0.133004 -0.572411 0.0753593
+0.795167 0.185407 -0.576114 0.0377605
+0.781339 0.237016 -0.57735 -4.30302e-10
+0.764164 0.287611 -0.576114 -0.0377605
+0.743717 0.336974 -0.572411 -0.0753593
+0.720086 0.384894 -0.566257 -0.112635
+0.693371 0.431166 -0.557678 -0.149429
+0.663687 0.475591 -0.54671 -0.185583
+0.63116 0.51798 -0.533402 -0.220942
+0.595932 0.558151 -0.51781 -0.255356
+0.558151 0.595932 -0.5 -0.288675
+0.51798 0.63116 -0.480049 -0.320759
+0.475591 0.663687 -0.458043 -0.351469
+0.431166 0.693371 -0.434075 -0.380674
+0.384894 0.720086 -0.408248 -0.408248
+0.336974 0.743717 -0.380673 -0.434075
+0.287611 0.764164 -0.351469 -0.458043
+0.237016 0.781339 -0.320759 -0.480049
+0.185407 0.795167 -0.288675 -0.5
+0.133003 0.805591 -0.255355 -0.51781
+0.0800306 0.812565 -0.220942 -0.533402
+0.0267149 0.816059 -0.185583 -0.54671
+-0.0267151 0.816059 -0.149429 -0.557678
+-0.0800307 0.812565 -0.112635 -0.566257
+-0.133004 0.805591 -0.0753593 -0.572411
+-0.185407 0.795167 -0.0377605 -0.576114
+-0.237017 0.781338 9.44926e-08 -0.57735
+-0.287611 0.764164 0.0377606 -0.576114
+-0.336974 0.743717 0.0753594 -0.572411
+-0.384894 0.720086 0.112635 -0.566257
+-0.431166 0.693371 0.149429 -0.557678
+-0.475591 0.663686 0.185583 -0.54671
+-0.51798 0.63116 0.220942 -0.533402
+-0.558151 0.595931 0.255356 -0.51781
+-0.595931 0.558151 0.288675 -0.5
+-0.63116 0.51798 0.320759 -0.480049
+-0.663686 0.475591 0.351469 -0.458043
+-0.693371 0.431166 0.380673 -0.434075
+-0.720086 0.384894 0.408248 -0.408248
+-0.743717 0.336974 0.434075 -0.380673
+-0.764164 0.287611 0.458043 -0.351469
+-0.781339 0.237016 0.480049 -0.320759
+-0.795167 0.185407 0.5 -0.288675
+-0.805591 0.133004 0.51781 -0.255356
+-0.812565 0.0800306 0.533402 -0.220942
+-0.816059 0.0267151 0.54671 -0.185583
+0.841175 0.0275372 -0.532848 0.0879736
+0.837573 0.0824937 -0.537461 0.0529353
+0.830384 0.137097 -0.539773 0.0176703
+0.81964 0.191113 -0.539773 -0.0176703
+0.805385 0.244311 -0.537461 -0.0529353
+0.787682 0.296463 -0.532848 -0.0879736
+0.766606 0.347345 -0.525954 -0.122635
+0.742247 0.396739 -0.516807 -0.156772
+0.71471 0.444435 -0.505447 -0.190237
+0.684112 0.490228 -0.491923 -0.222887
+0.650585 0.533921 -0.476292 -0.254583
+0.614272 0.575329 -0.458622 -0.285189
+0.575329 0.614272 -0.438987 -0.314574
+0.533922 0.650585 -0.417473 -0.342612
+0.490228 0.684112 -0.394172 -0.369182
+0.444435 0.71471 -0.369182 -0.394172
+0.396739 0.742247 -0.342611 -0.417473
+0.347345 0.766606 -0.314574 -0.438987
+0.296463 0.787682 -0.285189 -0.458622
+0.244311 0.805385 -0.254583 -0.476292
+0.191113 0.81964 -0.222887 -0.491923
+0.137097 0.830384 -0.190237 -0.505447
+0.0824936 0.837573 -0.156772 -0.516807
+0.0275371 0.841175 -0.122635 -0.525954
+-0.0275373 0.841175 -0.0879736 -0.532848
+-0.0824938 0.837573 -0.0529353 -0.537461
+-0.137097 0.830384 -0.0176703 -0.539773
+-0.191113 0.81964 0.0176704 -0.539773
+-0.244311 0.805385 0.0529354 -0.537461
+-0.296463 0.787682 0.0879737 -0.532848
+-0.347345 0.766606 0.122635 -0.525954
+-0.396739 0.742247 0.156772 -0.516807
+-0.444435 0.71471 0.190237 -0.505447
+-0.490228 0.684112 0.222887 -0.491923
+-0.533921 0.650585 0.254583 -0.476292
+-0.575329 0.614272 0.285189 -0.458622
+-0.614272 0.575329 0.314574 -0.438987
+-0.650585 0.533921 0.342612 -0.417473
+-0.684112 0.490228 0.369182 -0.394172
+-0.71471 0.444435 0.394172 -0.369182
+-0.742247 0.39674 0.417473 -0.342612
+-0.766606 0.347345 0.438987 -0.314574
+-0.787682 0.296463 0.458622 -0.285189
+-0.805385 0.244311 0.476292 -0.254583
+-0.81964 0.191113 0.491923 -0.222887
+-0.830384 0.137097 0.505447 -0.190237
+-0.837573 0.0824937 0.516807 -0.156772
+-0.841175 0.0275373 0.525954 -0.122635
+0.841175 0.0275372 -0.539773 -0.0176703
+0.837573 0.0824937 -0.537461 -0.0529353
+0.830384 0.137097 -0.532848 -0.0879736
+0.81964 0.191113 -0.525954 -0.122635
+0.805385 0.244311 -0.516807 -0.156772
+0.787682 0.296463 -0.505447 -0.190237
+0.766606 0.347345 -0.491923 -0.222887
+0.742247 0.396739 -0.476292 -0.254583
+0.71471 0.444435 -0.458622 -0.285189
+0.684112 0.490228 -0.438987 -0.314574
+0.650585 0.533921 -0.417473 -0.342612
+0.614272 0.575329 -0.394172 -0.369182
+0.575329 0.614272 -0.369182 -0.394172
+0.533922 0.650585 -0.342612 -0.417473
+0.490228 0.684112 -0.314574 -0.438987
+0.444435 0.71471 -0.285189 -0.458622
+0.396739 0.742247 -0.254583 -0.476292
+0.347345 0.766606 -0.222887 -0.491923
+0.296463 0.787682 -0.190237 -0.505447
+0.244311 0.805385 -0.156772 -0.516807
+0.191113 0.81964 -0.122635 -0.525954
+0.137097 0.830384 -0.0879735 -0.532848
+0.0824936 0.837573 -0.0529352 -0.537461
+0.0275371 0.841175 -0.0176703 -0.539773
+-0.0275373 0.841175 0.0176704 -0.539773
+-0.0824938 0.837573 0.0529354 -0.537461
+-0.137097 0.830384 0.0879736 -0.532848
+-0.191113 0.81964 0.122635 -0.525954
+-0.244311 0.805385 0.156772 -0.516807
+-0.296463 0.787682 0.190237 -0.505447
+-0.347345 0.766606 0.222887 -0.491923
+-0.396739 0.742247 0.254583 -0.476292
+-0.444435 0.71471 0.285189 -0.458622
+-0.490228 0.684112 0.314574 -0.438987
+-0.533921 0.650585 0.342612 -0.417473
+-0.575329 0.614272 0.369182 -0.394172
+-0.614272 0.575329 0.394172 -0.369182
+-0.650585 0.533921 0.417473 -0.342612
+-0.684112 0.490228 0.438987 -0.314574
+-0.71471 0.444435 0.458622 -0.285189
+-0.742247 0.39674 0.476292 -0.254583
+-0.766606 0.347345 0.491923 -0.222887
+-0.787682 0.296463 0.505447 -0.190237
+-0.805385 0.244311 0.516807 -0.156772
+-0.81964 0.191113 0.525954 -0.122635
+-0.830384 0.137097 0.532848 -0.0879736
+-0.837573 0.0824937 0.537461 -0.0529353
+-0.841175 0.0275373 0.539773 -0.0176704
+0.865562 0.0283356 -0.495722 -0.0652631
+0.861855 0.0848853 -0.490393 -0.0975452
+0.854458 0.141072 -0.482963 -0.12941
+0.843402 0.196654 -0.473465 -0.16072
+0.828735 0.251394 -0.46194 -0.191342
+0.810518 0.305057 -0.448436 -0.221144
+0.788831 0.357415 -0.433013 -0.25
+0.763766 0.408242 -0.415735 -0.277785
+0.735431 0.45732 -0.396677 -0.304381
+0.703946 0.50444 -0.37592 -0.329673
+0.669447 0.549401 -0.353553 -0.353553
+0.632081 0.592008 -0.329673 -0.37592
+0.592008 0.632081 -0.304381 -0.396677
+0.549401 0.669447 -0.277785 -0.415735
+0.50444 0.703946 -0.25 -0.433013
+0.45732 0.735431 -0.221144 -0.448436
+0.408241 0.763766 -0.191342 -0.46194
+0.357415 0.788831 -0.16072 -0.473465
+0.305057 0.810518 -0.129409 -0.482963
+0.251394 0.828735 -0.0975451 -0.490393
+0.196654 0.843402 -0.0652631 -0.495722
+0.141072 0.854458 -0.0327015 -0.498929
+0.0848852 0.861855 6.14679e-08 -0.5
+0.0283355 0.865562 0.0327016 -0.498929
+-0.0283356 0.865562 0.0652631 -0.495722
+-0.0848854 0.861855 0.0975452 -0.490393
+-0.141072 0.854458 0.12941 -0.482963
+-0.196654 0.843402 0.16072 -0.473465
+-0.251394 0.828735 0.191342 -0.46194
+-0.305058 0.810518 0.221144 -0.448436
+-0.357415 0.788831 0.25 -0.433013
+-0.408241 0.763766 0.277785 -0.415735
+-0.45732 0.735431 0.304381 -0.396677
+-0.504441 0.703946 0.329673 -0.37592
+-0.549401 0.669447 0.353553 -0.353553
+-0.592008 0.632081 0.37592 -0.329673
+-0.632081 0.592008 0.396677 -0.304381
+-0.669447 0.549401 0.415735 -0.277785
+-0.703946 0.504441 0.433013 -0.25
+-0.735431 0.45732 0.448436 -0.221144
+-0.763766 0.408242 0.46194 -0.191342
+-0.788831 0.357415 0.473465 -0.16072
+-0.810518 0.305057 0.482963 -0.129409
+-0.828735 0.251394 0.490393 -0.0975452
+-0.843402 0.196654 0.495722 -0.0652631
+-0.854458 0.141072 0.498929 -0.0327016
+-0.861855 0.0848853 0.5 2.3719e-08
+-0.865562 0.0283356 0.498929 0.0327015
+0.865562 0.0283356 -0.498929 0.0327016
+0.861855 0.0848853 -0.5 -1.36598e-09
+0.854458 0.141072 -0.498929 -0.0327016
+0.843402 0.196654 -0.495722 -0.0652631
+0.828735 0.251394 -0.490393 -0.0975452
+0.810518 0.305057 -0.482963 -0.12941
+0.788831 0.357415 -0.473465 -0.16072
+0.763766 0.408242 -0.46194 -0.191342
+0.735431 0.45732 -0.448436 -0.221144
+0.703946 0.50444 -0.433013 -0.25
+0.669447 0.549401 -0.415735 -0.277785
+0.632081 0.592008 -0.396677 -0.304381
+0.592008 0.632081 -0.37592 -0.329673
+0.549401 0.669447 -0.353553 -0.353553
+0.50444 0.703946 -0.329673 -0.37592
+0.45732 0.735431 -0.304381 -0.396677
+0.408241 0.763766 -0.277785 -0.415735
+0.357415 0.788831 -0.25 -0.433013
+0.305057 0.810518 -0.221144 -0.448436
+0.251394 0.828735 -0.191342 -0.46194
+0.196654 0.843402 -0.16072 -0.473465
+0.141072 0.854458 -0.129409 -0.482963
+0.0848852 0.861855 -0.0975451 -0.490393
+0.0283355 0.865562 -0.065263 -0.495722
+-0.0283356 0.865562 -0.0327015 -0.498929
+-0.0848854 0.861855 4.18481e-08 -0.5
+-0.141072 0.854458 0.0327016 -0.498929
+-0.196654 0.843402 0.0652631 -0.495722
+-0.251394 0.828735 0.0975452 -0.490393
+-0.305058 0.810518 0.12941 -0.482963
+-0.357415 0.788831 0.16072 -0.473465
+-0.408241 0.763766 0.191342 -0.46194
+-0.45732 0.735431 0.221144 -0.448436
+-0.504441 0.703946 0.25 -0.433013
+-0.549401 0.669447 0.277785 -0.415735
+-0.592008 0.632081 0.304381 -0.396677
+-0.632081 0.592008 0.329673 -0.37592
+-0.669447 0.549401 0.353553 -0.353553
+-0.703946 0.504441 0.37592 -0.329673
+-0.735431 0.45732 0.396677 -0.304381
+-0.763766 0.408242 0.415735 -0.277785
+-0.788831 0.357415 0.433013 -0.25
+-0.810518 0.305057 0.448436 -0.221144
+-0.828735 0.251394 0.46194 -0.191342
+-0.843402 0.196654 0.473465 -0.16072
+-0.854458 0.141072 0.482963 -0.12941
+-0.861855 0.0848853 0.490393 -0.0975451
+-0.865562 0.0283356 0.495722 -0.0652631
+0.88928 0.029112 -0.456191 -0.0149342
+0.885472 0.0872114 -0.454238 -0.0447385
+0.877872 0.144937 -0.450339 -0.0743513
+0.866513 0.202043 -0.444512 -0.103646
+0.851444 0.258283 -0.436782 -0.132496
+0.832728 0.313417 -0.427181 -0.160779
+0.810447 0.367209 -0.415751 -0.188374
+0.784695 0.419428 -0.40254 -0.215162
+0.755583 0.469852 -0.387606 -0.241029
+0.723236 0.518263 -0.371012 -0.265863
+0.687791 0.564456 -0.352829 -0.28956
+0.649401 0.608231 -0.333136 -0.312016
+0.608231 0.649401 -0.312016 -0.333136
+0.564456 0.687791 -0.28956 -0.352829
+0.518263 0.723236 -0.265863 -0.371012
+0.469852 0.755583 -0.241029 -0.387606
+0.419428 0.784695 -0.215162 -0.40254
+0.367209 0.810447 -0.188374 -0.415751
+0.313417 0.832728 -0.160779 -0.427181
+0.258283 0.851444 -0.132496 -0.436782
+0.202043 0.866513 -0.103646 -0.444512
+0.144937 0.877872 -0.0743512 -0.450339
+0.0872113 0.885472 -0.0447384 -0.454238
+0.0291119 0.88928 -0.0149341 -0.456191
+-0.0291121 0.88928 0.0149342 -0.456191
+-0.0872115 0.885472 0.0447385 -0.454238
+-0.144937 0.877872 0.0743513 -0.450339
+-0.202043 0.866513 0.103646 -0.444512
+-0.258283 0.851444 0.132496 -0.436781
+-0.313417 0.832728 0.160779 -0.427181
+-0.367209 0.810447 0.188374 -0.415751
+-0.419428 0.784695 0.215162 -0.40254
+-0.469852 0.755583 0.241029 -0.387606
+-0.518263 0.723236 0.265864 -0.371012
+-0.564456 0.687791 0.28956 -0.352829
+-0.608231 0.649401 0.312016 -0.333136
+-0.649401 0.608231 0.333136 -0.312016
+-0.687791 0.564456 0.352829 -0.28956
+-0.723236 0.518263 0.371012 -0.265864
+-0.755583 0.469852 0.387606 -0.241029
+-0.784695 0.419428 0.40254 -0.215162
+-0.810447 0.367209 0.415751 -0.188374
+-0.832728 0.313417 0.427181 -0.160779
+-0.851444 0.258283 0.436782 -0.132496
+-0.866513 0.202043 0.444512 -0.103646
+-0.877872 0.144937 0.450339 -0.0743513
+-0.885472 0.0872113 0.454238 -0.0447385
+-0.88928 0.0291121 0.456191 -0.0149342
+0.456191 0.0149342 0.029112 -0.88928
+0.454238 0.0447385 0.0872114 -0.885472
+0.450339 0.0743513 0.144937 -0.877872
+0.444512 0.103646 0.202043 -0.866513
+0.436782 0.132496 0.258283 -0.851444
+0.427181 0.160779 0.313417 -0.832728
+0.415751 0.188374 0.367209 -0.810447
+0.40254 0.215162 0.419428 -0.784695
+0.387606 0.241029 0.469852 -0.755583
+0.371012 0.265863 0.518263 -0.723236
+0.352829 0.28956 0.564456 -0.687791
+0.333136 0.312016 0.608231 -0.649401
+0.312016 0.333136 0.649401 -0.608231
+0.28956 0.352829 0.687791 -0.564456
+0.265863 0.371012 0.723236 -0.518263
+0.241029 0.387606 0.755583 -0.469852
+0.215162 0.40254 0.784695 -0.419428
+0.188374 0.415751 0.810447 -0.367209
+0.160779 0.427181 0.832728 -0.313417
+0.132496 0.436782 0.851444 -0.258283
+0.103646 0.444512 0.866513 -0.202043
+0.0743512 0.450339 0.877872 -0.144937
+0.0447384 0.454238 0.885472 -0.0872113
+0.0149341 0.456191 0.88928 -0.0291119
+-0.0149342 0.456191 0.88928 0.0291121
+-0.0447385 0.454238 0.885472 0.0872115
+-0.0743513 0.450339 0.877872 0.144937
+-0.103646 0.444512 0.866513 0.202043
+-0.132496 0.436781 0.851444 0.258283
+-0.160779 0.427181 0.832728 0.313417
+-0.188374 0.415751 0.810447 0.367209
+-0.215162 0.40254 0.784695 0.419428
+-0.241029 0.387606 0.755583 0.469852
+-0.265864 0.371012 0.723236 0.518263
+-0.28956 0.352829 0.687791 0.564456
+-0.312016 0.333136 0.649401 0.608231
+-0.333136 0.312016 0.608231 0.649401
+-0.352829 0.28956 0.564456 0.687791
+-0.371012 0.265864 0.518263 0.723236
+-0.387606 0.241029 0.469852 0.755583
+-0.40254 0.215162 0.419428 0.784695
+-0.415751 0.188374 0.367209 0.810447
+-0.427181 0.160779 0.313417 0.832728
+-0.436782 0.132496 0.258283 0.851444
+-0.444512 0.103646 0.202043 0.866513
+-0.450339 0.0743513 0.144937 0.877872
+-0.454238 0.0447385 0.0872113 0.885472
+-0.456191 0.0149342 0.0291121 0.88928
+0.499732 0.0163595 0.113039 -0.858616
+0.497592 0.0490086 0.168953 -0.849385
+0.493322 0.0814477 0.224144 -0.836516
+0.486938 0.113538 0.278375 -0.820066
+0.47847 0.145142 0.331414 -0.800103
+0.467953 0.176125 0.383033 -0.776715
+0.455432 0.206354 0.433013 -0.75
+0.440961 0.235698 0.481138 -0.720074
+0.424601 0.264034 0.527203 -0.687064
+0.406423 0.291239 0.57101 -0.651112
+0.386505 0.317197 0.612372 -0.612372
+0.364932 0.341796 0.651112 -0.57101
+0.341796 0.364932 0.687064 -0.527203
+0.317197 0.386505 0.720074 -0.481138
+0.291239 0.406423 0.75 -0.433013
+0.264034 0.424601 0.776715 -0.383033
+0.235698 0.440961 0.800103 -0.331414
+0.206353 0.455432 0.820066 -0.278375
+0.176125 0.467953 0.836516 -0.224144
+0.145142 0.47847 0.849385 -0.168953
+0.113538 0.486938 0.858616 -0.113039
+0.0814477 0.493322 0.864171 -0.0566407
+0.0490085 0.497592 0.866025 1.06466e-07
+0.0163595 0.499732 0.864171 0.0566409
+-0.0163596 0.499732 0.858616 0.113039
+-0.0490086 0.497592 0.849385 0.168953
+-0.0814478 0.493322 0.836516 0.224144
+-0.113538 0.486938 0.820066 0.278375
+-0.145142 0.47847 0.800103 0.331414
+-0.176125 0.467953 0.776715 0.383033
+-0.206354 0.455432 0.75 0.433013
+-0.235698 0.440961 0.720074 0.481138
+-0.264034 0.424601 0.687064 0.527203
+-0.291239 0.406423 0.651112 0.57101
+-0.317197 0.386505 0.612372 0.612372
+-0.341796 0.364932 0.57101 0.651112
+-0.364932 0.341796 0.527203 0.687064
+-0.386505 0.317197 0.481138 0.720074
+-0.406423 0.291239 0.433013 0.75
+-0.424601 0.264034 0.383033 0.776715
+-0.440961 0.235698 0.331414 0.800103
+-0.455432 0.206354 0.278375 0.820066
+-0.467953 0.176125 0.224144 0.836516
+-0.47847 0.145142 0.168953 0.849385
+-0.486938 0.113538 0.113039 0.858616
+-0.493322 0.0814478 0.0566408 0.864171
+-0.497592 0.0490085 -4.10824e-08 0.866025
+-0.499732 0.0163596 -0.0566407 0.864171
+0.499732 0.0163595 -0.0566408 -0.864171
+0.497592 0.0490086 2.36595e-09 -0.866025
+0.493322 0.0814477 0.0566408 -0.864171
+0.486938 0.113538 0.113039 -0.858616
+0.47847 0.145142 0.168953 -0.849385
+0.467953 0.176125 0.224144 -0.836516
+0.455432 0.206354 0.278375 -0.820066
+0.440961 0.235698 0.331414 -0.800103
+0.424601 0.264034 0.383033 -0.776715
+0.406423 0.291239 0.433013 -0.75
+0.386505 0.317197 0.481138 -0.720074
+0.364932 0.341796 0.527203 -0.687064
+0.341796 0.364932 0.57101 -0.651112
+0.317197 0.386505 0.612372 -0.612372
+0.291239 0.406423 0.651112 -0.57101
+0.264034 0.424601 0.687064 -0.527203
+0.235698 0.440961 0.720074 -0.481138
+0.206353 0.455432 0.75 -0.433013
+0.176125 0.467953 0.776715 -0.383033
+0.145142 0.47847 0.800103 -0.331414
+0.113538 0.486938 0.820066 -0.278375
+0.0814477 0.493322 0.836516 -0.224144
+0.0490085 0.497592 0.849385 -0.168953
+0.0163595 0.499732 0.858616 -0.113039
+-0.0163596 0.499732 0.864171 -0.0566407
+-0.0490086 0.497592 0.866025 7.24831e-08
+-0.0814478 0.493322 0.864171 0.0566408
+-0.113538 0.486938 0.858616 0.113039
+-0.145142 0.47847 0.849385 0.168953
+-0.176125 0.467953 0.836516 0.224144
+-0.206354 0.455432 0.820066 0.278375
+-0.235698 0.440961 0.800103 0.331413
+-0.264034 0.424601 0.776715 0.383033
+-0.291239 0.406423 0.75 0.433013
+-0.317197 0.386505 0.720074 0.481138
+-0.341796 0.364932 0.687064 0.527203
+-0.364932 0.341796 0.651112 0.57101
+-0.386505 0.317197 0.612372 0.612372
+-0.406423 0.291239 0.57101 0.651112
+-0.424601 0.264034 0.527203 0.687064
+-0.440961 0.235698 0.481138 0.720074
+-0.455432 0.206354 0.433013 0.75
+-0.467953 0.176125 0.383033 0.776715
+-0.47847 0.145142 0.331414 0.800103
+-0.486938 0.113538 0.278375 0.820066
+-0.493322 0.0814478 0.224144 0.836516
+-0.497592 0.0490085 0.168953 0.849385
+-0.499732 0.0163596 0.113039 0.858616
+0.539773 0.0176703 0.0275372 -0.841175
+0.537461 0.0529353 0.0824937 -0.837573
+0.532848 0.0879736 0.137097 -0.830384
+0.525954 0.122635 0.191113 -0.81964
+0.516807 0.156772 0.244311 -0.805385
+0.505447 0.190237 0.296463 -0.787682
+0.491923 0.222887 0.347345 -0.766606
+0.476292 0.254583 0.396739 -0.742247
+0.458622 0.285189 0.444435 -0.71471
+0.438987 0.314574 0.490228 -0.684112
+0.417473 0.342612 0.533921 -0.650585
+0.394172 0.369182 0.575329 -0.614272
+0.369182 0.394172 0.614272 -0.575329
+0.342612 0.417473 0.650585 -0.533922
+0.314574 0.438987 0.684112 -0.490228
+0.285189 0.458622 0.71471 -0.444435
+0.254583 0.476292 0.742247 -0.396739
+0.222887 0.491923 0.766606 -0.347345
+0.190237 0.505447 0.787682 -0.296463
+0.156772 0.516807 0.805385 -0.244311
+0.122635 0.525954 0.81964 -0.191113
+0.0879735 0.532848 0.830384 -0.137097
+0.0529352 0.537461 0.837573 -0.0824936
+0.0176703 0.539773 0.841175 -0.0275371
+-0.0176704 0.539773 0.841175 0.0275373
+-0.0529354 0.537461 0.837573 0.0824938
+-0.0879736 0.532848 0.830384 0.137097
+-0.122635 0.525954 0.81964 0.191113
+-0.156772 0.516807 0.805385 0.244311
+-0.190237 0.505447 0.787682 0.296463
+-0.222887 0.491923 0.766606 0.347345
+-0.254583 0.476292 0.742247 0.396739
+-0.285189 0.458622 0.71471 0.444435
+-0.314574 0.438987 0.684112 0.490228
+-0.342612 0.417473 0.650585 0.533921
+-0.369182 0.394172 0.614272 0.575329
+-0.394172 0.369182 0.575329 0.614272
+-0.417473 0.342612 0.533921 0.650585
+-0.438987 0.314574 0.490228 0.684112
+-0.458622 0.285189 0.444435 0.71471
+-0.476292 0.254583 0.39674 0.742247
+-0.491923 0.222887 0.347345 0.766606
+-0.505447 0.190237 0.296463 0.787682
+-0.516807 0.156772 0.244311 0.805385
+-0.525954 0.122635 0.191113 0.81964
+-0.532848 0.0879736 0.137097 0.830384
+-0.537461 0.0529353 0.0824937 0.837573
+-0.539773 0.0176704 0.0275373 0.841175
+0.539773 0.0176703 0.191113 -0.81964
+0.537461 0.0529353 0.244311 -0.805385
+0.532848 0.0879736 0.296463 -0.787682
+0.525954 0.122635 0.347345 -0.766606
+0.516807 0.156772 0.396739 -0.742247
+0.505447 0.190237 0.444435 -0.71471
+0.491923 0.222887 0.490228 -0.684112
+0.476292 0.254583 0.533922 -0.650585
+0.458622 0.285189 0.575329 -0.614272
+0.438987 0.314574 0.614272 -0.575329
+0.417473 0.342612 0.650585 -0.533922
+0.394172 0.369182 0.684112 -0.490228
+0.369182 0.394172 0.71471 -0.444435
+0.342612 0.417473 0.742247 -0.396739
+0.314574 0.438987 0.766606 -0.347345
+0.285189 0.458622 0.787682 -0.296463
+0.254583 0.476292 0.805385 -0.244311
+0.222887 0.491923 0.81964 -0.191113
+0.190237 0.505447 0.830384 -0.137097
+0.156772 0.516807 0.837573 -0.0824937
+0.122635 0.525954 0.841175 -0.0275372
+0.0879735 0.532848 0.841175 0.0275373
+0.0529352 0.537461 0.837573 0.0824938
+0.0176703 0.539773 0.830384 0.137097
+-0.0176704 0.539773 0.81964 0.191113
+-0.0529354 0.537461 0.805385 0.244311
+-0.0879736 0.532848 0.787682 0.296463
+-0.122635 0.525954 0.766606 0.347345
+-0.156772 0.516807 0.742247 0.39674
+-0.190237 0.505447 0.71471 0.444435
+-0.222887 0.491923 0.684112 0.490228
+-0.254583 0.476292 0.650585 0.533921
+-0.285189 0.458622 0.614272 0.575329
+-0.314574 0.438987 0.575329 0.614272
+-0.342612 0.417473 0.533922 0.650585
+-0.369182 0.394172 0.490228 0.684112
+-0.394172 0.369182 0.444435 0.71471
+-0.417473 0.342612 0.396739 0.742247
+-0.438987 0.314574 0.347345 0.766606
+-0.458622 0.285189 0.296463 0.787682
+-0.476292 0.254583 0.244311 0.805385
+-0.491923 0.222887 0.191113 0.81964
+-0.505447 0.190237 0.137097 0.830384
+-0.516807 0.156772 0.0824937 0.837573
+-0.525954 0.122635 0.0275371 0.841175
+-0.532848 0.0879736 -0.0275372 0.841175
+-0.537461 0.0529353 -0.0824938 0.837573
+-0.539773 0.0176704 -0.137097 0.830384
+0.577041 0.0188904 0.262454 -0.773165
+0.57457 0.0565902 0.31246 -0.754344
+0.569639 0.0940477 0.361127 -0.732294
+0.562268 0.131103 0.408248 -0.707107
+0.55249 0.167596 0.453621 -0.678892
+0.540346 0.203372 0.497052 -0.64777
+0.525887 0.238277 0.538354 -0.613875
+0.509177 0.272161 0.57735 -0.57735
+0.490287 0.30488 0.613875 -0.538354
+0.469297 0.336294 0.64777 -0.497052
+0.446298 0.366267 0.678892 -0.453621
+0.421387 0.394672 0.707107 -0.408248
+0.394672 0.421387 0.732294 -0.361127
+0.366267 0.446298 0.754344 -0.31246
+0.336294 0.469297 0.773165 -0.262454
+0.30488 0.490287 0.788675 -0.211325
+0.272161 0.509178 0.800808 -0.159291
+0.238276 0.525887 0.809511 -0.106574
+0.203372 0.540346 0.814748 -0.0534014
+0.167596 0.55249 0.816497 3.50817e-08
+0.131103 0.562268 0.814748 0.0534015
+0.0940477 0.569639 0.809511 0.106574
+0.0565902 0.57457 0.800808 0.159291
+0.0188903 0.577041 0.788675 0.211325
+-0.0188904 0.577041 0.773165 0.262454
+-0.0565903 0.57457 0.754344 0.31246
+-0.0940478 0.569639 0.732294 0.361127
+-0.131103 0.562268 0.707107 0.408248
+-0.167596 0.55249 0.678892 0.453621
+-0.203372 0.540346 0.64777 0.497052
+-0.238277 0.525887 0.613875 0.538354
+-0.272161 0.509178 0.57735 0.57735
+-0.30488 0.490287 0.538354 0.613875
+-0.336294 0.469297 0.497052 0.64777
+-0.366267 0.446298 0.453621 0.678892
+-0.394672 0.421387 0.408248 0.707107
+-0.421387 0.394672 0.361127 0.732294
+-0.446298 0.366267 0.31246 0.754344
+-0.469297 0.336294 0.262454 0.773165
+-0.490287 0.30488 0.211325 0.788675
+-0.509177 0.272161 0.159291 0.800808
+-0.525887 0.238277 0.106574 0.809511
+-0.540346 0.203372 0.0534014 0.814748
+-0.55249 0.167596 2.65621e-08 0.816497
+-0.562268 0.131103 -0.0534015 0.814748
+-0.569639 0.0940478 -0.106574 0.809511
+-0.57457 0.0565902 -0.159291 0.800808
+-0.577041 0.0188904 -0.211325 0.788675
+0.577041 0.0188904 0.106574 -0.809511
+0.57457 0.0565902 0.159291 -0.800808
+0.569639 0.0940477 0.211325 -0.788675
+0.562268 0.131103 0.262454 -0.773165
+0.55249 0.167596 0.31246 -0.754344
+0.540346 0.203372 0.361127 -0.732294
+0.525887 0.238277 0.408248 -0.707107
+0.509177 0.272161 0.453621 -0.678892
+0.490287 0.30488 0.497052 -0.64777
+0.469297 0.336294 0.538354 -0.613875
+0.446298 0.366267 0.57735 -0.57735
+0.421387 0.394672 0.613875 -0.538354
+0.394672 0.421387 0.64777 -0.497052
+0.366267 0.446298 0.678892 -0.453621
+0.336294 0.469297 0.707107 -0.408248
+0.30488 0.490287 0.732294 -0.361127
+0.272161 0.509178 0.754345 -0.31246
+0.238276 0.525887 0.773165 -0.262454
+0.203372 0.540346 0.788675 -0.211325
+0.167596 0.55249 0.800808 -0.159291
+0.131103 0.562268 0.809511 -0.106574
+0.0940477 0.569639 0.814748 -0.0534013
+0.0565902 0.57457 0.816497 1.00377e-07
+0.0188903 0.577041 0.814748 0.0534015
+-0.0188904 0.577041 0.809511 0.106574
+-0.0565903 0.57457 0.800808 0.159291
+-0.0940478 0.569639 0.788675 0.211325
+-0.131103 0.562268 0.773165 0.262454
+-0.167596 0.55249 0.754344 0.31246
+-0.203372 0.540346 0.732293 0.361127
+-0.238277 0.525887 0.707107 0.408248
+-0.272161 0.509178 0.678892 0.453621
+-0.30488 0.490287 0.64777 0.497052
+-0.336294 0.469297 0.613875 0.538354
+-0.366267 0.446298 0.57735 0.57735
+-0.394672 0.421387 0.538354 0.613875
+-0.421387 0.394672 0.497052 0.64777
+-0.446298 0.366267 0.453621 0.678892
+-0.469297 0.336294 0.408248 0.707107
+-0.490287 0.30488 0.361127 0.732294
+-0.509177 0.272161 0.31246 0.754344
+-0.525887 0.238277 0.262454 0.773165
+-0.540346 0.203372 0.211325 0.788675
+-0.55249 0.167596 0.159291 0.800808
+-0.562268 0.131103 0.106574 0.809511
+-0.569639 0.0940478 0.0534015 0.814748
+-0.57457 0.0565902 -3.87329e-08 0.816497
+-0.577041 0.0188904 -0.0534014 0.814748
+0.612045 0.0200363 0.17952 -0.769917
+0.609424 0.060023 0.22949 -0.756528
+0.604193 0.0997527 0.278478 -0.739899
+0.596375 0.139055 0.326274 -0.720101
+0.586004 0.177762 0.372672 -0.69722
+0.573123 0.215708 0.417474 -0.671353
+0.557788 0.25273 0.460489 -0.642612
+0.540064 0.28867 0.501532 -0.611118
+0.520028 0.323374 0.540427 -0.577008
+0.497765 0.356693 0.577008 -0.540427
+0.47337 0.388485 0.611118 -0.501532
+0.446949 0.418613 0.642612 -0.460489
+0.418613 0.446949 0.671353 -0.417474
+0.388485 0.47337 0.69722 -0.372672
+0.356693 0.497765 0.720101 -0.326274
+0.323374 0.520028 0.739899 -0.278478
+0.28867 0.540064 0.756528 -0.22949
+0.25273 0.557788 0.769917 -0.179519
+0.215708 0.573123 0.78001 -0.12878
+0.177762 0.586004 0.786763 -0.0774893
+0.139055 0.596375 0.790146 -0.0258667
+0.0997526 0.604193 0.790146 0.0258668
+0.0600229 0.609424 0.786763 0.0774895
+0.0200362 0.612045 0.78001 0.12878
+-0.0200363 0.612045 0.769917 0.17952
+-0.060023 0.609424 0.756528 0.22949
+-0.0997527 0.604193 0.739899 0.278478
+-0.139055 0.596375 0.720101 0.326274
+-0.177762 0.586004 0.69722 0.372672
+-0.215708 0.573123 0.671353 0.417474
+-0.25273 0.557788 0.642612 0.460489
+-0.28867 0.540064 0.611118 0.501532
+-0.323374 0.520028 0.577008 0.540427
+-0.356693 0.497765 0.540427 0.577008
+-0.388485 0.47337 0.501532 0.611118
+-0.418613 0.446949 0.460489 0.642612
+-0.446949 0.418613 0.417474 0.671353
+-0.47337 0.388485 0.372672 0.69722
+-0.497765 0.356693 0.326274 0.720101
+-0.520028 0.323374 0.278478 0.739899
+-0.540064 0.28867 0.22949 0.756528
+-0.557788 0.25273 0.17952 0.769917
+-0.573123 0.215708 0.12878 0.78001
+-0.586004 0.177762 0.0774894 0.786763
+-0.596375 0.139055 0.0258666 0.790146
+-0.604193 0.0997527 -0.0258667 0.790146
+-0.609424 0.060023 -0.0774894 0.786763
+-0.612045 0.0200363 -0.12878 0.78001
+0.539773 0.0176703 -0.137097 -0.830384
+0.537461 0.0529353 -0.0824937 -0.837573
+0.532848 0.0879736 -0.0275372 -0.841175
+0.525954 0.122635 0.0275372 -0.841175
+0.516807 0.156772 0.0824937 -0.837573
+0.505447 0.190237 0.137097 -0.830384
+0.491923 0.222887 0.191113 -0.81964
+0.476292 0.254583 0.244311 -0.805385
+0.458622 0.285189 0.296463 -0.787682
+0.438987 0.314574 0.347345 -0.766606
+0.417473 0.342612 0.396739 -0.742247
+0.394172 0.369182 0.444435 -0.71471
+0.369182 0.394172 0.490228 -0.684112
+0.342612 0.417473 0.533922 -0.650585
+0.314574 0.438987 0.575329 -0.614272
+0.285189 0.458622 0.614272 -0.575329
+0.254583 0.476292 0.650585 -0.533921
+0.222887 0.491923 0.684112 -0.490228
+0.190237 0.505447 0.71471 -0.444435
+0.156772 0.516807 0.742247 -0.396739
+0.122635 0.525954 0.766606 -0.347345
+0.0879735 0.532848 0.787682 -0.296462
+0.0529352 0.537461 0.805385 -0.244311
+0.0176703 0.539773 0.81964 -0.191113
+-0.0176704 0.539773 0.830384 -0.137097
+-0.0529354 0.537461 0.837573 -0.0824936
+-0.0879736 0.532848 0.841175 -0.0275372
+-0.122635 0.525954 0.841175 0.0275373
+-0.156772 0.516807 0.837573 0.0824939
+-0.190237 0.505447 0.830384 0.137097
+-0.222887 0.491923 0.81964 0.191113
+-0.254583 0.476292 0.805385 0.244311
+-0.285189 0.458622 0.787682 0.296463
+-0.314574 0.438987 0.766606 0.347345
+-0.342612 0.417473 0.742247 0.396739
+-0.369182 0.394172 0.71471 0.444435
+-0.394172 0.369182 0.684112 0.490228
+-0.417473 0.342612 0.650585 0.533922
+-0.438987 0.314574 0.614272 0.575329
+-0.458622 0.285189 0.575329 0.614272
+-0.476292 0.254583 0.533922 0.650585
+-0.491923 0.222887 0.490228 0.684112
+-0.505447 0.190237 0.444435 0.71471
+-0.516807 0.156772 0.396739 0.742247
+-0.525954 0.122635 0.347345 0.766606
+-0.532848 0.0879736 0.296463 0.787682
+-0.537461 0.0529353 0.244311 0.805385
+-0.539773 0.0176704 0.191113 0.81964
+0.577041 0.0188904 -0.0534014 -0.814748
+0.57457 0.0565902 2.23064e-09 -0.816497
+0.569639 0.0940477 0.0534014 -0.814748
+0.562268 0.131103 0.106574 -0.809511
+0.55249 0.167596 0.159291 -0.800808
+0.540346 0.203372 0.211325 -0.788675
+0.525887 0.238277 0.262454 -0.773165
+0.509177 0.272161 0.31246 -0.754344
+0.490287 0.30488 0.361127 -0.732294
+0.469297 0.336294 0.408248 -0.707107
+0.446298 0.366267 0.453621 -0.678892
+0.421387 0.394672 0.497052 -0.64777
+0.394672 0.421387 0.538354 -0.613875
+0.366267 0.446298 0.57735 -0.57735
+0.336294 0.469297 0.613875 -0.538354
+0.30488 0.490287 0.64777 -0.497052
+0.272161 0.509178 0.678892 -0.453621
+0.238276 0.525887 0.707107 -0.408248
+0.203372 0.540346 0.732294 -0.361127
+0.167596 0.55249 0.754344 -0.31246
+0.131103 0.562268 0.773165 -0.262454
+0.0940477 0.569639 0.788675 -0.211325
+0.0565902 0.57457 0.800808 -0.15929
+0.0188903 0.577041 0.809511 -0.106574
+-0.0188904 0.577041 0.814748 -0.0534014
+-0.0565903 0.57457 0.816497 6.83377e-08
+-0.0940478 0.569639 0.814748 0.0534015
+-0.131103 0.562268 0.809511 0.106574
+-0.167596 0.55249 0.800808 0.159291
+-0.203372 0.540346 0.788675 0.211325
+-0.238277 0.525887 0.773165 0.262454
+-0.272161 0.509178 0.754345 0.31246
+-0.30488 0.490287 0.732294 0.361127
+-0.336294 0.469297 0.707107 0.408248
+-0.366267 0.446298 0.678892 0.453621
+-0.394672 0.421387 0.64777 0.497052
+-0.421387 0.394672 0.613875 0.538354
+-0.446298 0.366267 0.57735 0.57735
+-0.469297 0.336294 0.538354 0.613875
+-0.490287 0.30488 0.497052 0.64777
+-0.509177 0.272161 0.453621 0.678892
+-0.525887 0.238277 0.408248 0.707107
+-0.540346 0.203372 0.361127 0.732294
+-0.55249 0.167596 0.31246 0.754344
+-0.562268 0.131103 0.262454 0.773165
+-0.569639 0.0940478 0.211325 0.788675
+-0.57457 0.0565902 0.159291 0.800808
+-0.577041 0.0188904 0.106574 0.809511
+0.577041 0.0188904 -0.211325 -0.788675
+0.57457 0.0565902 -0.159291 -0.800808
+0.569639 0.0940477 -0.106574 -0.809511
+0.562268 0.131103 -0.0534014 -0.814748
+0.55249 0.167596 6.08539e-10 -0.816497
+0.540346 0.203372 0.0534014 -0.814748
+0.525887 0.238277 0.106574 -0.809511
+0.509177 0.272161 0.159291 -0.800808
+0.490287 0.30488 0.211325 -0.788675
+0.469297 0.336294 0.262454 -0.773165
+0.446298 0.366267 0.31246 -0.754344
+0.421387 0.394672 0.361127 -0.732294
+0.394672 0.421387 0.408248 -0.707107
+0.366267 0.446298 0.453621 -0.678892
+0.336294 0.469297 0.497052 -0.64777
+0.30488 0.490287 0.538354 -0.613875
+0.272161 0.509178 0.57735 -0.57735
+0.238276 0.525887 0.613875 -0.538354
+0.203372 0.540346 0.64777 -0.497052
+0.167596 0.55249 0.678892 -0.453621
+0.131103 0.562268 0.707107 -0.408248
+0.0940477 0.569639 0.732294 -0.361127
+0.0565902 0.57457 0.754345 -0.31246
+0.0188903 0.577041 0.773165 -0.262454
+-0.0188904 0.577041 0.788675 -0.211325
+-0.0565903 0.57457 0.800808 -0.159291
+-0.0940478 0.569639 0.809511 -0.106574
+-0.131103 0.562268 0.814748 -0.0534014
+-0.167596 0.55249 0.816497 1.33633e-07
+-0.203372 0.540346 0.814748 0.0534016
+-0.238277 0.525887 0.809511 0.106574
+-0.272161 0.509178 0.800808 0.15929
+-0.30488 0.490287 0.788675 0.211325
+-0.336294 0.469297 0.773165 0.262454
+-0.366267 0.446298 0.754344 0.31246
+-0.394672 0.421387 0.732294 0.361127
+-0.421387 0.394672 0.707107 0.408248
+-0.446298 0.366267 0.678892 0.453621
+-0.469297 0.336294 0.64777 0.497052
+-0.490287 0.30488 0.613875 0.538354
+-0.509177 0.272161 0.57735 0.57735
+-0.525887 0.238277 0.538354 0.613875
+-0.540346 0.203372 0.497052 0.64777
+-0.55249 0.167596 0.453621 0.678892
+-0.562268 0.131103 0.408248 0.707107
+-0.569639 0.0940478 0.361127 0.732294
+-0.57457 0.0565902 0.31246 0.754344
+-0.577041 0.0188904 0.262454 0.773165
+0.612045 0.0200363 -0.12878 -0.78001
+0.609424 0.060023 -0.0774894 -0.786763
+0.604193 0.0997527 -0.0258667 -0.790146
+0.596375 0.139055 0.0258667 -0.790146
+0.586004 0.177762 0.0774894 -0.786763
+0.573123 0.215708 0.12878 -0.78001
+0.557788 0.25273 0.17952 -0.769917
+0.540064 0.28867 0.22949 -0.756528
+0.520028 0.323374 0.278478 -0.739899
+0.497765 0.356693 0.326274 -0.720101
+0.47337 0.388485 0.372672 -0.69722
+0.446949 0.418613 0.417474 -0.671353
+0.418613 0.446949 0.460489 -0.642612
+0.388485 0.47337 0.501532 -0.611118
+0.356693 0.497765 0.540427 -0.577008
+0.323374 0.520028 0.577008 -0.540427
+0.28867 0.540064 0.611118 -0.501532
+0.25273 0.557788 0.642612 -0.460489
+0.215708 0.573123 0.671353 -0.417474
+0.177762 0.586004 0.69722 -0.372672
+0.139055 0.596375 0.720101 -0.326274
+0.0997526 0.604193 0.739899 -0.278478
+0.0600229 0.609424 0.756528 -0.22949
+0.0200362 0.612045 0.769917 -0.179519
+-0.0200363 0.612045 0.78001 -0.12878
+-0.060023 0.609424 0.786763 -0.0774893
+-0.0997527 0.604193 0.790146 -0.0258667
+-0.139055 0.596375 0.790146 0.0258668
+-0.177762 0.586004 0.786763 0.0774895
+-0.215708 0.573123 0.78001 0.12878
+-0.25273 0.557788 0.769917 0.17952
+-0.28867 0.540064 0.756528 0.22949
+-0.323374 0.520028 0.739899 0.278478
+-0.356693 0.497765 0.720101 0.326274
+-0.388485 0.47337 0.69722 0.372672
+-0.418613 0.446949 0.671353 0.417474
+-0.446949 0.418613 0.642612 0.460489
+-0.47337 0.388485 0.611118 0.501532
+-0.497765 0.356693 0.577008 0.540427
+-0.520028 0.323374 0.540427 0.577008
+-0.540064 0.28867 0.501532 0.611118
+-0.557788 0.25273 0.460489 0.642612
+-0.573123 0.215708 0.417474 0.671353
+-0.586004 0.177762 0.372672 0.69722
+-0.596375 0.139055 0.326274 0.720101
+-0.604193 0.0997527 0.278478 0.739899
+-0.609424 0.060023 0.22949 0.756528
+-0.612045 0.0200363 0.17952 0.769917
+0.612045 0.0200363 0.0258667 -0.790146
+0.609424 0.060023 0.0774894 -0.786763
+0.604193 0.0997527 0.12878 -0.78001
+0.596375 0.139055 0.17952 -0.769917
+0.586004 0.177762 0.22949 -0.756528
+0.573123 0.215708 0.278478 -0.739899
+0.557788 0.25273 0.326274 -0.720101
+0.540064 0.28867 0.372672 -0.69722
+0.520028 0.323374 0.417474 -0.671353
+0.497765 0.356693 0.460489 -0.642612
+0.47337 0.388485 0.501532 -0.611118
+0.446949 0.418613 0.540427 -0.577008
+0.418613 0.446949 0.577008 -0.540427
+0.388485 0.47337 0.611118 -0.501532
+0.356693 0.497765 0.642612 -0.460489
+0.323374 0.520028 0.671353 -0.417474
+0.28867 0.540064 0.69722 -0.372672
+0.25273 0.557788 0.720101 -0.326274
+0.215708 0.573123 0.739899 -0.278478
+0.177762 0.586004 0.756528 -0.22949
+0.139055 0.596375 0.769917 -0.17952
+0.0997526 0.604193 0.78001 -0.12878
+0.0600229 0.609424 0.786763 -0.0774893
+0.0200362 0.612045 0.790146 -0.0258666
+-0.0200363 0.612045 0.790146 0.0258668
+-0.060023 0.609424 0.786763 0.0774894
+-0.0997527 0.604193 0.78001 0.12878
+-0.139055 0.596375 0.769917 0.17952
+-0.177762 0.586004 0.756528 0.22949
+-0.215708 0.573123 0.739899 0.278478
+-0.25273 0.557788 0.720101 0.326274
+-0.28867 0.540064 0.69722 0.372672
+-0.323374 0.520028 0.671353 0.417474
+-0.356693 0.497765 0.642612 0.460489
+-0.388485 0.47337 0.611118 0.501532
+-0.418613 0.446949 0.577008 0.540427
+-0.446949 0.418613 0.540427 0.577008
+-0.47337 0.388485 0.501532 0.611118
+-0.497765 0.356693 0.460489 0.642612
+-0.520028 0.323374 0.417474 0.671353
+-0.540064 0.28867 0.372672 0.69722
+-0.557788 0.25273 0.326274 0.720101
+-0.573123 0.215708 0.278478 0.739899
+-0.586004 0.177762 0.22949 0.756528
+-0.596375 0.139055 0.179519 0.769917
+-0.604193 0.0997527 0.12878 0.78001
+-0.609424 0.060023 0.0774893 0.786763
+-0.612045 0.0200363 0.0258668 0.790146
+0.645152 0.0211201 0.099691 -0.757229
+0.642389 0.0632698 0.149003 -0.749087
+0.636876 0.105149 0.197676 -0.737738
+0.628635 0.146577 0.245503 -0.72323
+0.617702 0.187378 0.292279 -0.705625
+0.604125 0.227376 0.337804 -0.684998
+0.58796 0.266401 0.381881 -0.661438
+0.569278 0.304285 0.424324 -0.635045
+0.548158 0.340866 0.464949 -0.605934
+0.52469 0.375988 0.503584 -0.574227
+0.498976 0.409499 0.540062 -0.540062
+0.471125 0.441257 0.574227 -0.503584
+0.441257 0.471125 0.605934 -0.464949
+0.409499 0.498976 0.635045 -0.424324
+0.375988 0.52469 0.661438 -0.381881
+0.340866 0.548158 0.684998 -0.337804
+0.304285 0.569278 0.705625 -0.292279
+0.266401 0.58796 0.72323 -0.245503
+0.227376 0.604125 0.737738 -0.197676
+0.187378 0.617702 0.749087 -0.149003
+0.146577 0.628635 0.757229 -0.099691
+0.105148 0.636876 0.762127 -0.0499524
+0.0632697 0.642389 0.763763 9.38938e-08
+0.02112 0.645152 0.762127 0.0499525
+-0.0211201 0.645152 0.757229 0.0996911
+-0.0632698 0.642389 0.749087 0.149003
+-0.105149 0.636876 0.737738 0.197676
+-0.146577 0.628635 0.72323 0.245503
+-0.187378 0.617702 0.705625 0.292279
+-0.227377 0.604125 0.684998 0.337804
+-0.266401 0.58796 0.661438 0.381881
+-0.304285 0.569278 0.635045 0.424324
+-0.340866 0.548158 0.605934 0.464949
+-0.375988 0.52469 0.574227 0.503584
+-0.409499 0.498976 0.540062 0.540062
+-0.441257 0.471125 0.503584 0.574227
+-0.471125 0.441257 0.464949 0.605934
+-0.498976 0.409499 0.424324 0.635045
+-0.52469 0.375988 0.381881 0.661438
+-0.548158 0.340866 0.337804 0.684998
+-0.569278 0.304285 0.292279 0.705625
+-0.58796 0.266401 0.245503 0.72323
+-0.604125 0.227376 0.197676 0.737738
+-0.617702 0.187378 0.149003 0.749087
+-0.628635 0.146577 0.099691 0.757229
+-0.636876 0.105149 0.0499525 0.762127
+-0.642389 0.0632698 -3.62313e-08 0.763763
+-0.645152 0.0211201 -0.0499524 0.762127
+0.645152 0.0211201 -0.0499525 -0.762127
+0.642389 0.0632698 2.08657e-09 -0.763763
+0.636876 0.105149 0.0499525 -0.762127
+0.628635 0.146577 0.099691 -0.757229
+0.617702 0.187378 0.149003 -0.749087
+0.604125 0.227376 0.197676 -0.737738
+0.58796 0.266401 0.245503 -0.72323
+0.569278 0.304285 0.292279 -0.705625
+0.548158 0.340866 0.337804 -0.684998
+0.52469 0.375988 0.381881 -0.661438
+0.498976 0.409499 0.424324 -0.635045
+0.471125 0.441257 0.464949 -0.605934
+0.441257 0.471125 0.503584 -0.574227
+0.409499 0.498976 0.540062 -0.540062
+0.375988 0.52469 0.574227 -0.503584
+0.340866 0.548158 0.605934 -0.464949
+0.304285 0.569278 0.635045 -0.424324
+0.266401 0.58796 0.661438 -0.381881
+0.227376 0.604125 0.684998 -0.337804
+0.187378 0.617702 0.705625 -0.292279
+0.146577 0.628635 0.72323 -0.245503
+0.105148 0.636876 0.737738 -0.197676
+0.0632697 0.642389 0.749087 -0.149003
+0.02112 0.645152 0.757229 -0.0996909
+-0.0211201 0.645152 0.762127 -0.0499524
+-0.0632698 0.642389 0.763763 6.39241e-08
+-0.105149 0.636876 0.762127 0.0499525
+-0.146577 0.628635 0.757229 0.0996911
+-0.187378 0.617702 0.749087 0.149003
+-0.227377 0.604125 0.737738 0.197676
+-0.266401 0.58796 0.72323 0.245504
+-0.304285 0.569278 0.705625 0.292279
+-0.340866 0.548158 0.684998 0.337804
+-0.375988 0.52469 0.661438 0.381881
+-0.409499 0.498976 0.635045 0.424324
+-0.441257 0.471125 0.605934 0.464949
+-0.471125 0.441257 0.574227 0.503584
+-0.498976 0.409499 0.540062 0.540062
+-0.52469 0.375988 0.503584 0.574227
+-0.548158 0.340866 0.464949 0.605934
+-0.569278 0.304285 0.424324 0.635045
+-0.58796 0.266401 0.381881 0.661438
+-0.604125 0.227376 0.337803 0.684998
+-0.617702 0.187378 0.292279 0.705625
+-0.628635 0.146577 0.245503 0.72323
+-0.636876 0.105149 0.197676 0.737738
+-0.642389 0.0632698 0.149003 0.749087
+-0.645152 0.0211201 0.0996911 0.757229
+0.676641 0.0221509 0.0240806 -0.735586
+0.673743 0.0663579 0.0721387 -0.732436
+0.667961 0.110281 0.119888 -0.72615
+0.659318 0.153731 0.167124 -0.716754
+0.647852 0.196524 0.213644 -0.704289
+0.633611 0.238474 0.259249 -0.688808
+0.616658 0.279404 0.303744 -0.670378
+0.597064 0.319137 0.346939 -0.649076
+0.574913 0.357504 0.388647 -0.624996
+0.5503 0.394339 0.428692 -0.598239
+0.523331 0.429486 0.466901 -0.56892
+0.49412 0.462794 0.50311 -0.537165
+0.462794 0.49412 0.537165 -0.50311
+0.429486 0.523331 0.56892 -0.466901
+0.394339 0.5503 0.598239 -0.428692
+0.357504 0.574913 0.624996 -0.388647
+0.319137 0.597064 0.649077 -0.346939
+0.279404 0.616658 0.670378 -0.303744
+0.238474 0.633611 0.688808 -0.259249
+0.196524 0.647852 0.704289 -0.213644
+0.153731 0.659318 0.716754 -0.167124
+0.110281 0.667961 0.72615 -0.119888
+0.0663578 0.673743 0.732436 -0.0721386
+0.0221508 0.676641 0.735586 -0.0240805
+-0.022151 0.676641 0.735586 0.0240807
+-0.066358 0.673743 0.732436 0.0721387
+-0.110281 0.667961 0.72615 0.119888
+-0.153731 0.659318 0.716754 0.167124
+-0.196524 0.647852 0.704289 0.213644
+-0.238475 0.633611 0.688808 0.259249
+-0.279404 0.616658 0.670378 0.303744
+-0.319137 0.597064 0.649077 0.346939
+-0.357504 0.574913 0.624996 0.388647
+-0.394339 0.5503 0.598239 0.428692
+-0.429486 0.523331 0.56892 0.466901
+-0.462794 0.49412 0.537165 0.50311
+-0.49412 0.462794 0.50311 0.537165
+-0.523331 0.429486 0.466901 0.56892
+-0.5503 0.394339 0.428692 0.598239
+-0.574913 0.357504 0.388647 0.624996
+-0.597063 0.319137 0.346939 0.649076
+-0.616658 0.279404 0.303744 0.670378
+-0.633611 0.238474 0.259249 0.688808
+-0.647852 0.196524 0.213644 0.704289
+-0.659318 0.153731 0.167124 0.716754
+-0.667961 0.110281 0.119888 0.72615
+-0.673743 0.0663579 0.0721386 0.732436
+-0.676641 0.022151 0.0240807 0.735586
+0.612045 0.0200363 0.326274 -0.720101
+0.609424 0.060023 0.372672 -0.69722
+0.604193 0.0997527 0.417474 -0.671353
+0.596375 0.139055 0.460489 -0.642612
+0.586004 0.177762 0.501532 -0.611118
+0.573123 0.215708 0.540427 -0.577008
+0.557788 0.25273 0.577008 -0.540427
+0.540064 0.28867 0.611118 -0.501532
+0.520028 0.323374 0.642612 -0.460489
+0.497765 0.356693 0.671353 -0.417474
+0.47337 0.388485 0.69722 -0.372672
+0.446949 0.418613 0.720101 -0.326274
+0.418613 0.446949 0.739899 -0.278478
+0.388485 0.47337 0.756528 -0.22949
+0.356693 0.497765 0.769917 -0.17952
+0.323374 0.520028 0.78001 -0.12878
+0.28867 0.540064 0.786763 -0.0774893
+0.25273 0.557788 0.790146 -0.0258667
+0.215708 0.573123 0.790146 0.0258668
+0.177762 0.586004 0.786763 0.0774894
+0.139055 0.596375 0.78001 0.12878
+0.0997526 0.604193 0.769917 0.17952
+0.0600229 0.609424 0.756528 0.22949
+0.0200362 0.612045 0.739899 0.278478
+-0.0200363 0.612045 0.720101 0.326274
+-0.060023 0.609424 0.69722 0.372672
+-0.0997527 0.604193 0.671353 0.417474
+-0.139055 0.596375 0.642612 0.460489
+-0.177762 0.586004 0.611118 0.501532
+-0.215708 0.573123 0.577008 0.540427
+-0.25273 0.557788 0.540427 0.577008
+-0.28867 0.540064 0.501532 0.611118
+-0.323374 0.520028 0.460489 0.642612
+-0.356693 0.497765 0.417474 0.671353
+-0.388485 0.47337 0.372672 0.69722
+-0.418613 0.446949 0.326274 0.720101
+-0.446949 0.418613 0.278478 0.739899
+-0.47337 0.388485 0.22949 0.756528
+-0.497765 0.356693 0.17952 0.769917
+-0.520028 0.323374 0.12878 0.78001
+-0.540064 0.28867 0.0774894 0.786763
+-0.557788 0.25273 0.0258667 0.790146
+-0.573123 0.215708 -0.0258668 0.790146
+-0.586004 0.177762 -0.0774893 0.786763
+-0.596375 0.139055 -0.12878 0.78001
+-0.604193 0.0997527 -0.17952 0.769917
+-0.609424 0.060023 -0.22949 0.756528
+-0.612045 0.0200363 -0.278478 0.739899
+0.645152 0.0211201 0.381881 -0.661438
+0.642389 0.0632698 0.424324 -0.635045
+0.636876 0.105149 0.464949 -0.605934
+0.628635 0.146577 0.503584 -0.574227
+0.617702 0.187378 0.540062 -0.540062
+0.604125 0.227376 0.574227 -0.503584
+0.58796 0.266401 0.605934 -0.464949
+0.569278 0.304285 0.635045 -0.424324
+0.548158 0.340866 0.661438 -0.381881
+0.52469 0.375988 0.684998 -0.337804
+0.498976 0.409499 0.705625 -0.292279
+0.471125 0.441257 0.72323 -0.245503
+0.441257 0.471125 0.737738 -0.197676
+0.409499 0.498976 0.749087 -0.149003
+0.375988 0.52469 0.757229 -0.099691
+0.340866 0.548158 0.762127 -0.0499524
+0.304285 0.569278 0.763763 6.27856e-08
+0.266401 0.58796 0.762127 0.0499525
+0.227376 0.604125 0.757229 0.0996911
+0.187378 0.617702 0.749087 0.149003
+0.146577 0.628635 0.737738 0.197676
+0.105148 0.636876 0.72323 0.245504
+0.0632697 0.642389 0.705625 0.292279
+0.02112 0.645152 0.684998 0.337804
+-0.0211201 0.645152 0.661438 0.381881
+-0.0632698 0.642389 0.635045 0.424324
+-0.105149 0.636876 0.605934 0.464949
+-0.146577 0.628635 0.574227 0.503584
+-0.187378 0.617702 0.540062 0.540062
+-0.227377 0.604125 0.503584 0.574227
+-0.266401 0.58796 0.464949 0.605934
+-0.304285 0.569278 0.424324 0.635045
+-0.340866 0.548158 0.381881 0.661438
+-0.375988 0.52469 0.337803 0.684998
+-0.409499 0.498976 0.292279 0.705625
+-0.441257 0.471125 0.245503 0.72323
+-0.471125 0.441257 0.197676 0.737738
+-0.498976 0.409499 0.149003 0.749087
+-0.52469 0.375988 0.0996911 0.757229
+-0.548158 0.340866 0.0499524 0.762127
+-0.569278 0.304285 8.59245e-08 0.763763
+-0.58796 0.266401 -0.0499525 0.762127
+-0.604125 0.227376 -0.0996911 0.757229
+-0.617702 0.187378 -0.149003 0.749087
+-0.628635 0.146577 -0.197676 0.737738
+-0.636876 0.105149 -0.245503 0.72323
+-0.642389 0.0632698 -0.292279 0.705625
+-0.645152 0.0211201 -0.337804 0.684998
+0.645152 0.0211201 0.245503 -0.72323
+0.642389 0.0632698 0.292279 -0.705625
+0.636876 0.105149 0.337804 -0.684998
+0.628635 0.146577 0.381881 -0.661438
+0.617702 0.187378 0.424324 -0.635045
+0.604125 0.227376 0.464949 -0.605934
+0.58796 0.266401 0.503584 -0.574227
+0.569278 0.304285 0.540062 -0.540062
+0.548158 0.340866 0.574227 -0.503584
+0.52469 0.375988 0.605934 -0.464949
+0.498976 0.409499 0.635045 -0.424324
+0.471125 0.441257 0.661438 -0.381881
+0.441257 0.471125 0.684998 -0.337804
+0.409499 0.498976 0.705625 -0.292279
+0.375988 0.52469 0.72323 -0.245503
+0.340866 0.548158 0.737738 -0.197676
+0.304285 0.569278 0.749087 -0.149003
+0.266401 0.58796 0.757229 -0.099691
+0.227376 0.604125 0.762127 -0.0499524
+0.187378 0.617702 0.763763 3.28159e-08
+0.146577 0.628635 0.762127 0.0499525
+0.105148 0.636876 0.757229 0.0996911
+0.0632697 0.642389 0.749087 0.149003
+0.02112 0.645152 0.737738 0.197676
+-0.0211201 0.645152 0.72323 0.245504
+-0.0632698 0.642389 0.705625 0.292279
+-0.105149 0.636876 0.684998 0.337804
+-0.146577 0.628635 0.661438 0.381881
+-0.187378 0.617702 0.635045 0.424324
+-0.227377 0.604125 0.605934 0.464949
+-0.266401 0.58796 0.574227 0.503584
+-0.304285 0.569278 0.540062 0.540062
+-0.340866 0.548158 0.503584 0.574227
+-0.375988 0.52469 0.464949 0.605934
+-0.409499 0.498976 0.424324 0.635045
+-0.441257 0.471125 0.381881 0.661438
+-0.471125 0.441257 0.337804 0.684998
+-0.498976 0.409499 0.292279 0.705625
+-0.52469 0.375988 0.245504 0.72323
+-0.548158 0.340866 0.197676 0.737738
+-0.569278 0.304285 0.149003 0.749087
+-0.58796 0.266401 0.099691 0.757229
+-0.604125 0.227376 0.0499524 0.762127
+-0.617702 0.187378 2.48466e-08 0.763763
+-0.628635 0.146577 -0.0499525 0.762127
+-0.636876 0.105149 -0.099691 0.757229
+-0.642389 0.0632698 -0.149003 0.749087
+-0.645152 0.0211201 -0.197676 0.737738
+0.676641 0.0221509 0.303744 -0.670378
+0.673743 0.0663579 0.346939 -0.649076
+0.667961 0.110281 0.388647 -0.624996
+0.659318 0.153731 0.428692 -0.598239
+0.647852 0.196524 0.466901 -0.56892
+0.633611 0.238474 0.50311 -0.537165
+0.616658 0.279404 0.537165 -0.50311
+0.597064 0.319137 0.56892 -0.466901
+0.574913 0.357504 0.598239 -0.428692
+0.5503 0.394339 0.624996 -0.388647
+0.523331 0.429486 0.649076 -0.346939
+0.49412 0.462794 0.670378 -0.303744
+0.462794 0.49412 0.688808 -0.259249
+0.429486 0.523331 0.704289 -0.213644
+0.394339 0.5503 0.716754 -0.167124
+0.357504 0.574913 0.72615 -0.119888
+0.319137 0.597064 0.732436 -0.0721386
+0.279404 0.616658 0.735586 -0.0240805
+0.238474 0.633611 0.735586 0.0240806
+0.196524 0.647852 0.732436 0.0721387
+0.153731 0.659318 0.72615 0.119888
+0.110281 0.667961 0.716754 0.167124
+0.0663578 0.673743 0.704289 0.213644
+0.0221508 0.676641 0.688808 0.259249
+-0.022151 0.676641 0.670378 0.303744
+-0.066358 0.673743 0.649076 0.346939
+-0.110281 0.667961 0.624996 0.388647
+-0.153731 0.659318 0.598239 0.428692
+-0.196524 0.647852 0.56892 0.466901
+-0.238475 0.633611 0.537165 0.50311
+-0.279404 0.616658 0.50311 0.537165
+-0.319137 0.597064 0.466901 0.56892
+-0.357504 0.574913 0.428692 0.598239
+-0.394339 0.5503 0.388647 0.624996
+-0.429486 0.523331 0.346939 0.649076
+-0.462794 0.49412 0.303744 0.670378
+-0.49412 0.462794 0.259249 0.688808
+-0.523331 0.429486 0.213644 0.704289
+-0.5503 0.394339 0.167124 0.716754
+-0.574913 0.357504 0.119888 0.72615
+-0.597063 0.319137 0.0721387 0.732436
+-0.616658 0.279404 0.0240806 0.735586
+-0.633611 0.238474 -0.0240807 0.735586
+-0.647852 0.196524 -0.0721386 0.732436
+-0.659318 0.153731 -0.119888 0.72615
+-0.667961 0.110281 -0.167124 0.716754
+-0.673743 0.0663579 -0.213644 0.704289
+-0.676641 0.022151 -0.259249 0.688808
+0.676641 0.0221509 0.428692 -0.598239
+0.673743 0.0663579 0.466901 -0.56892
+0.667961 0.110281 0.50311 -0.537165
+0.659318 0.153731 0.537165 -0.50311
+0.647852 0.196524 0.56892 -0.466901
+0.633611 0.238474 0.598239 -0.428692
+0.616658 0.279404 0.624996 -0.388647
+0.597064 0.319137 0.649076 -0.346939
+0.574913 0.357504 0.670378 -0.303744
+0.5503 0.394339 0.688808 -0.259249
+0.523331 0.429486 0.704289 -0.213644
+0.49412 0.462794 0.716754 -0.167124
+0.462794 0.49412 0.72615 -0.119888
+0.429486 0.523331 0.732436 -0.0721387
+0.394339 0.5503 0.735586 -0.0240806
+0.357504 0.574913 0.735586 0.0240807
+0.319137 0.597064 0.732436 0.0721387
+0.279404 0.616658 0.72615 0.119888
+0.238474 0.633611 0.716754 0.167124
+0.196524 0.647852 0.704289 0.213644
+0.153731 0.659318 0.688808 0.259249
+0.110281 0.667961 0.670378 0.303744
+0.0663578 0.673743 0.649076 0.346939
+0.0221508 0.676641 0.624996 0.388647
+-0.022151 0.676641 0.598239 0.428692
+-0.066358 0.673743 0.56892 0.466901
+-0.110281 0.667961 0.537165 0.50311
+-0.153731 0.659318 0.50311 0.537165
+-0.196524 0.647852 0.466901 0.56892
+-0.238475 0.633611 0.428692 0.598239
+-0.279404 0.616658 0.388647 0.624996
+-0.319137 0.597064 0.346939 0.649076
+-0.357504 0.574913 0.303744 0.670378
+-0.394339 0.5503 0.259249 0.688808
+-0.429486 0.523331 0.213644 0.704289
+-0.462794 0.49412 0.167124 0.716754
+-0.49412 0.462794 0.119888 0.72615
+-0.523331 0.429486 0.0721386 0.732436
+-0.5503 0.394339 0.0240807 0.735586
+-0.574913 0.357504 -0.0240806 0.735586
+-0.597063 0.319137 -0.0721386 0.732436
+-0.616658 0.279404 -0.119888 0.72615
+-0.633611 0.238474 -0.167124 0.716754
+-0.647852 0.196524 -0.213644 0.704289
+-0.659318 0.153731 -0.259249 0.688808
+-0.667961 0.110281 -0.303744 0.670378
+-0.673743 0.0663579 -0.346939 0.649076
+-0.676641 0.022151 -0.388647 0.624996
+0.706728 0.0231359 0.466228 -0.531631
+0.703702 0.0693086 0.5 -0.5
+0.697662 0.115184 0.531631 -0.466228
+0.688635 0.160567 0.560986 -0.430459
+0.676659 0.205262 0.587938 -0.392847
+0.661785 0.249078 0.612372 -0.353553
+0.644078 0.291828 0.634185 -0.312745
+0.623612 0.333328 0.653281 -0.270598
+0.600477 0.3734 0.669581 -0.227292
+0.574769 0.411874 0.683013 -0.183013
+0.546601 0.448584 0.69352 -0.13795
+0.516092 0.483373 0.701057 -0.0922959
+0.483373 0.516092 0.705593 -0.046247
+0.448584 0.546601 0.707107 1.58103e-09
+0.411874 0.574769 0.705593 0.046247
+0.3734 0.600477 0.701057 0.092296
+0.333328 0.623613 0.69352 0.13795
+0.291828 0.644078 0.683013 0.183013
+0.249078 0.661785 0.669581 0.227292
+0.205262 0.676659 0.653281 0.270598
+0.160567 0.688635 0.634185 0.312745
+0.115184 0.697662 0.612372 0.353553
+0.0693085 0.703702 0.587938 0.392848
+0.0231358 0.706728 0.560985 0.430459
+-0.023136 0.706728 0.531631 0.466228
+-0.0693086 0.703702 0.5 0.5
+-0.115185 0.697662 0.466228 0.531631
+-0.160567 0.688635 0.430459 0.560986
+-0.205262 0.676659 0.392847 0.587938
+-0.249078 0.661785 0.353553 0.612372
+-0.291828 0.644078 0.312745 0.634185
+-0.333328 0.623613 0.270598 0.653281
+-0.3734 0.600477 0.227292 0.669581
+-0.411874 0.574769 0.183013 0.683013
+-0.448584 0.546601 0.13795 0.69352
+-0.483373 0.516092 0.0922959 0.701057
+-0.516092 0.483373 0.046247 0.705593
+-0.546601 0.448584 -3.24897e-08 0.707107
+-0.574769 0.411874 -0.0462469 0.705593
+-0.600477 0.3734 -0.092296 0.701057
+-0.623612 0.333328 -0.13795 0.69352
+-0.644078 0.291828 -0.183013 0.683013
+-0.661785 0.249078 -0.227292 0.669581
+-0.676659 0.205262 -0.270598 0.653281
+-0.688635 0.160567 -0.312745 0.634185
+-0.697662 0.115185 -0.353553 0.612372
+-0.703702 0.0693086 -0.392848 0.587938
+-0.706728 0.0231359 -0.430459 0.560986
+0.706728 0.0231359 0.353553 -0.612372
+0.703702 0.0693086 0.392847 -0.587938
+0.697662 0.115184 0.430459 -0.560986
+0.688635 0.160567 0.466228 -0.531631
+0.676659 0.205262 0.5 -0.5
+0.661785 0.249078 0.531631 -0.466228
+0.644078 0.291828 0.560986 -0.430459
+0.623612 0.333328 0.587938 -0.392847
+0.600477 0.3734 0.612372 -0.353553
+0.574769 0.411874 0.634185 -0.312745
+0.546601 0.448584 0.653281 -0.270598
+0.516092 0.483373 0.669581 -0.227292
+0.483373 0.516092 0.683013 -0.183013
+0.448584 0.546601 0.69352 -0.13795
+0.411874 0.574769 0.701057 -0.0922959
+0.3734 0.600477 0.705593 -0.0462469
+0.333328 0.623613 0.707107 5.81282e-08
+0.291828 0.644078 0.705593 0.046247
+0.249078 0.661785 0.701057 0.092296
+0.205262 0.676659 0.69352 0.13795
+0.160567 0.688635 0.683013 0.183013
+0.115184 0.697662 0.669581 0.227292
+0.0693085 0.703702 0.653281 0.270598
+0.0231358 0.706728 0.634185 0.312745
+-0.023136 0.706728 0.612372 0.353553
+-0.0693086 0.703702 0.587938 0.392848
+-0.115185 0.697662 0.560985 0.430459
+-0.160567 0.688635 0.531631 0.466228
+-0.205262 0.676659 0.5 0.5
+-0.249078 0.661785 0.466228 0.531631
+-0.291828 0.644078 0.430459 0.560986
+-0.333328 0.623613 0.392848 0.587938
+-0.3734 0.600477 0.353553 0.612372
+-0.411874 0.574769 0.312745 0.634185
+-0.448584 0.546601 0.270598 0.653281
+-0.483373 0.516092 0.227292 0.669581
+-0.516092 0.483373 0.183013 0.683013
+-0.546601 0.448584 0.13795 0.69352
+-0.574769 0.411874 0.092296 0.701057
+-0.600477 0.3734 0.046247 0.705593
+-0.623612 0.333328 7.95506e-08 0.707107
+-0.644078 0.291828 -0.046247 0.705593
+-0.661785 0.249078 -0.092296 0.701057
+-0.676659 0.205262 -0.13795 0.69352
+-0.688635 0.160567 -0.183013 0.683013
+-0.697662 0.115185 -0.227292 0.669581
+-0.703702 0.0693086 -0.270598 0.653281
+-0.706728 0.0231359 -0.312745 0.634185
+0.735586 0.0240806 0.394339 -0.5503
+0.732436 0.0721387 0.429486 -0.523331
+0.72615 0.119888 0.462794 -0.49412
+0.716754 0.167124 0.49412 -0.462794
+0.704289 0.213644 0.523331 -0.429486
+0.688808 0.259249 0.5503 -0.394339
+0.670378 0.303744 0.574913 -0.357504
+0.649076 0.346939 0.597064 -0.319137
+0.624996 0.388647 0.616658 -0.279404
+0.598239 0.428692 0.633611 -0.238474
+0.56892 0.466901 0.647852 -0.196524
+0.537165 0.50311 0.659318 -0.153731
+0.50311 0.537165 0.667961 -0.110281
+0.466901 0.56892 0.673743 -0.0663579
+0.428692 0.598239 0.676641 -0.0221509
+0.388647 0.624996 0.676641 0.022151
+0.346939 0.649077 0.673743 0.066358
+0.303744 0.670378 0.667961 0.110281
+0.259249 0.688808 0.659318 0.153731
+0.213644 0.704289 0.647852 0.196524
+0.167124 0.716754 0.633611 0.238474
+0.119888 0.72615 0.616658 0.279404
+0.0721386 0.732436 0.597063 0.319137
+0.0240805 0.735586 0.574913 0.357504
+-0.0240807 0.735586 0.5503 0.394339
+-0.0721387 0.732436 0.523331 0.429486
+-0.119888 0.72615 0.49412 0.462794
+-0.167124 0.716754 0.462794 0.49412
+-0.213644 0.704289 0.429486 0.523331
+-0.259249 0.688808 0.394339 0.5503
+-0.303744 0.670378 0.357504 0.574913
+-0.346939 0.649077 0.319137 0.597063
+-0.388647 0.624996 0.279404 0.616658
+-0.428692 0.598239 0.238474 0.633611
+-0.466901 0.56892 0.196524 0.647852
+-0.50311 0.537165 0.153731 0.659318
+-0.537165 0.50311 0.110281 0.667961
+-0.56892 0.466901 0.0663579 0.673743
+-0.598239 0.428692 0.022151 0.676641
+-0.624996 0.388647 -0.0221509 0.676641
+-0.649076 0.346939 -0.0663578 0.673743
+-0.670378 0.303744 -0.110281 0.667961
+-0.688808 0.259249 -0.153731 0.659318
+-0.704289 0.213644 -0.196524 0.647852
+-0.716754 0.167124 -0.238474 0.633611
+-0.72615 0.119888 -0.279404 0.616658
+-0.732436 0.0721386 -0.319137 0.597064
+-0.735586 0.0240807 -0.357504 0.574913
+0.676641 0.0221509 0.167124 -0.716754
+0.673743 0.0663579 0.213644 -0.704289
+0.667961 0.110281 0.259249 -0.688808
+0.659318 0.153731 0.303744 -0.670378
+0.647852 0.196524 0.346939 -0.649076
+0.633611 0.238474 0.388647 -0.624996
+0.616658 0.279404 0.428692 -0.598239
+0.597064 0.319137 0.466901 -0.56892
+0.574913 0.357504 0.50311 -0.537165
+0.5503 0.394339 0.537165 -0.50311
+0.523331 0.429486 0.56892 -0.466901
+0.49412 0.462794 0.598239 -0.428692
+0.462794 0.49412 0.624996 -0.388647
+0.429486 0.523331 0.649076 -0.346939
+0.394339 0.5503 0.670378 -0.303744
+0.357504 0.574913 0.688808 -0.259249
+0.319137 0.597064 0.704289 -0.213644
+0.279404 0.616658 0.716754 -0.167124
+0.238474 0.633611 0.72615 -0.119888
+0.196524 0.647852 0.732436 -0.0721386
+0.153731 0.659318 0.735586 -0.0240806
+0.110281 0.667961 0.735586 0.0240807
+0.0663578 0.673743 0.732436 0.0721388
+0.0221508 0.676641 0.72615 0.119888
+-0.022151 0.676641 0.716754 0.167124
+-0.066358 0.673743 0.704289 0.213644
+-0.110281 0.667961 0.688808 0.259249
+-0.153731 0.659318 0.670378 0.303744
+-0.196524 0.647852 0.649076 0.346939
+-0.238475 0.633611 0.624996 0.388648
+-0.279404 0.616658 0.598239 0.428692
+-0.319137 0.597064 0.56892 0.466901
+-0.357504 0.574913 0.537165 0.50311
+-0.394339 0.5503 0.50311 0.537165
+-0.429486 0.523331 0.466901 0.56892
+-0.462794 0.49412 0.428692 0.598239
+-0.49412 0.462794 0.388647 0.624996
+-0.523331 0.429486 0.346939 0.649076
+-0.5503 0.394339 0.303744 0.670378
+-0.574913 0.357504 0.259249 0.688808
+-0.597063 0.319137 0.213644 0.704289
+-0.616658 0.279404 0.167124 0.716754
+-0.633611 0.238474 0.119888 0.72615
+-0.647852 0.196524 0.0721387 0.732436
+-0.659318 0.153731 0.0240805 0.735586
+-0.667961 0.110281 -0.0240805 0.735586
+-0.673743 0.0663579 -0.0721387 0.732436
+-0.676641 0.022151 -0.119888 0.72615
+0.706728 0.0231359 0.227292 -0.669581
+0.703702 0.0693086 0.270598 -0.653281
+0.697662 0.115184 0.312745 -0.634185
+0.688635 0.160567 0.353553 -0.612372
+0.676659 0.205262 0.392847 -0.587938
+0.661785 0.249078 0.430459 -0.560986
+0.644078 0.291828 0.466228 -0.531631
+0.623612 0.333328 0.5 -0.5
+0.600477 0.3734 0.531631 -0.466228
+0.574769 0.411874 0.560986 -0.430459
+0.546601 0.448584 0.587938 -0.392847
+0.516092 0.483373 0.612372 -0.353553
+0.483373 0.516092 0.634185 -0.312745
+0.448584 0.546601 0.653281 -0.270598
+0.411874 0.574769 0.669581 -0.227292
+0.3734 0.600477 0.683013 -0.183013
+0.333328 0.623613 0.69352 -0.13795
+0.291828 0.644078 0.701057 -0.0922959
+0.249078 0.661785 0.705593 -0.046247
+0.205262 0.676659 0.707107 3.03816e-08
+0.160567 0.688635 0.705593 0.046247
+0.115184 0.697662 0.701057 0.0922961
+0.0693085 0.703702 0.69352 0.13795
+0.0231358 0.706728 0.683013 0.183013
+-0.023136 0.706728 0.669581 0.227292
+-0.0693086 0.703702 0.653281 0.270598
+-0.115185 0.697662 0.634185 0.312745
+-0.160567 0.688635 0.612372 0.353553
+-0.205262 0.676659 0.587938 0.392848
+-0.249078 0.661785 0.560985 0.430459
+-0.291828 0.644078 0.531631 0.466228
+-0.333328 0.623613 0.5 0.5
+-0.3734 0.600477 0.466228 0.531631
+-0.411874 0.574769 0.430459 0.560986
+-0.448584 0.546601 0.392847 0.587938
+-0.483373 0.516092 0.353553 0.612372
+-0.516092 0.483373 0.312745 0.634185
+-0.546601 0.448584 0.270598 0.653281
+-0.574769 0.411874 0.227292 0.669581
+-0.600477 0.3734 0.183013 0.683013
+-0.623612 0.333328 0.13795 0.69352
+-0.644078 0.291828 0.092296 0.701057
+-0.661785 0.249078 0.0462469 0.705593
+-0.676659 0.205262 2.30035e-08 0.707107
+-0.688635 0.160567 -0.046247 0.705593
+-0.697662 0.115185 -0.0922959 0.701057
+-0.703702 0.0693086 -0.13795 0.69352
+-0.706728 0.0231359 -0.183013 0.683013
+0.706728 0.0231359 0.092296 -0.701057
+0.703702 0.0693086 0.13795 -0.69352
+0.697662 0.115184 0.183013 -0.683013
+0.688635 0.160567 0.227292 -0.669581
+0.676659 0.205262 0.270598 -0.653281
+0.661785 0.249078 0.312745 -0.634185
+0.644078 0.291828 0.353553 -0.612372
+0.623612 0.333328 0.392847 -0.587938
+0.600477 0.3734 0.430459 -0.560986
+0.574769 0.411874 0.466228 -0.531631
+0.546601 0.448584 0.5 -0.5
+0.516092 0.483373 0.531631 -0.466228
+0.483373 0.516092 0.560986 -0.430459
+0.448584 0.546601 0.587938 -0.392847
+0.411874 0.574769 0.612372 -0.353553
+0.3734 0.600477 0.634185 -0.312745
+0.333328 0.623613 0.653282 -0.270598
+0.291828 0.644078 0.669581 -0.227292
+0.249078 0.661785 0.683013 -0.183013
+0.205262 0.676659 0.69352 -0.13795
+0.160567 0.688635 0.701057 -0.0922959
+0.115184 0.697662 0.705593 -0.0462469
+0.0693085 0.703702 0.707107 8.69287e-08
+0.0231358 0.706728 0.705593 0.0462471
+-0.023136 0.706728 0.701057 0.092296
+-0.0693086 0.703702 0.69352 0.13795
+-0.115185 0.697662 0.683013 0.183013
+-0.160567 0.688635 0.669581 0.227292
+-0.205262 0.676659 0.653281 0.270598
+-0.249078 0.661785 0.634185 0.312745
+-0.291828 0.644078 0.612372 0.353553
+-0.333328 0.623613 0.587938 0.392847
+-0.3734 0.600477 0.560986 0.430459
+-0.411874 0.574769 0.531631 0.466228
+-0.448584 0.546601 0.5 0.5
+-0.483373 0.516092 0.466228 0.531631
+-0.516092 0.483373 0.430459 0.560986
+-0.546601 0.448584 0.392847 0.587938
+-0.574769 0.411874 0.353553 0.612372
+-0.600477 0.3734 0.312745 0.634185
+-0.623612 0.333328 0.270598 0.653281
+-0.644078 0.291828 0.227292 0.669581
+-0.661785 0.249078 0.183013 0.683013
+-0.676659 0.205262 0.13795 0.69352
+-0.688635 0.160567 0.0922959 0.701057
+-0.697662 0.115185 0.046247 0.705593
+-0.703702 0.0693086 -3.35437e-08 0.707107
+-0.706728 0.0231359 -0.0462469 0.705593
+0.735586 0.0240806 0.153731 -0.659318
+0.732436 0.0721387 0.196524 -0.647852
+0.72615 0.119888 0.238474 -0.633611
+0.716754 0.167124 0.279404 -0.616658
+0.704289 0.213644 0.319137 -0.597064
+0.688808 0.259249 0.357504 -0.574913
+0.670378 0.303744 0.394339 -0.5503
+0.649076 0.346939 0.429486 -0.523331
+0.624996 0.388647 0.462794 -0.49412
+0.598239 0.428692 0.49412 -0.462794
+0.56892 0.466901 0.523331 -0.429486
+0.537165 0.50311 0.5503 -0.394339
+0.50311 0.537165 0.574913 -0.357504
+0.466901 0.56892 0.597064 -0.319137
+0.428692 0.598239 0.616658 -0.279404
+0.388647 0.624996 0.633611 -0.238474
+0.346939 0.649077 0.647852 -0.196524
+0.303744 0.670378 0.659318 -0.153731
+0.259249 0.688808 0.667961 -0.110281
+0.213644 0.704289 0.673743 -0.0663579
+0.167124 0.716754 0.676641 -0.0221509
+0.119888 0.72615 0.676641 0.022151
+0.0721386 0.732436 0.673743 0.066358
+0.0240805 0.735586 0.667961 0.110281
+-0.0240807 0.735586 0.659318 0.153731
+-0.0721387 0.732436 0.647852 0.196524
+-0.119888 0.72615 0.633611 0.238474
+-0.167124 0.716754 0.616658 0.279404
+-0.213644 0.704289 0.597063 0.319137
+-0.259249 0.688808 0.574913 0.357504
+-0.303744 0.670378 0.5503 0.394339
+-0.346939 0.649077 0.523331 0.429486
+-0.388647 0.624996 0.49412 0.462794
+-0.428692 0.598239 0.462794 0.49412
+-0.466901 0.56892 0.429486 0.523331
+-0.50311 0.537165 0.394339 0.5503
+-0.537165 0.50311 0.357504 0.574913
+-0.56892 0.466901 0.319137 0.597064
+-0.598239 0.428692 0.279404 0.616658
+-0.624996 0.388647 0.238474 0.633611
+-0.649076 0.346939 0.196524 0.647852
+-0.670378 0.303744 0.153731 0.659318
+-0.688808 0.259249 0.110281 0.667961
+-0.704289 0.213644 0.0663579 0.673743
+-0.716754 0.167124 0.0221509 0.676641
+-0.72615 0.119888 -0.0221509 0.676641
+-0.732436 0.0721386 -0.0663579 0.673743
+-0.735586 0.0240807 -0.110281 0.667961
+0.735586 0.0240806 0.279404 -0.616658
+0.732436 0.0721387 0.319137 -0.597064
+0.72615 0.119888 0.357504 -0.574913
+0.716754 0.167124 0.394339 -0.5503
+0.704289 0.213644 0.429486 -0.523331
+0.688808 0.259249 0.462794 -0.49412
+0.670378 0.303744 0.49412 -0.462794
+0.649076 0.346939 0.523331 -0.429486
+0.624996 0.388647 0.5503 -0.394339
+0.598239 0.428692 0.574913 -0.357504
+0.56892 0.466901 0.597064 -0.319137
+0.537165 0.50311 0.616658 -0.279404
+0.50311 0.537165 0.633611 -0.238474
+0.466901 0.56892 0.647852 -0.196524
+0.428692 0.598239 0.659318 -0.153731
+0.388647 0.624996 0.667961 -0.110281
+0.346939 0.649077 0.673743 -0.0663579
+0.303744 0.670378 0.676641 -0.0221509
+0.259249 0.688808 0.676641 0.022151
+0.213644 0.704289 0.673743 0.0663579
+0.167124 0.716754 0.667961 0.110281
+0.119888 0.72615 0.659318 0.153731
+0.0721386 0.732436 0.647852 0.196524
+0.0240805 0.735586 0.633611 0.238474
+-0.0240807 0.735586 0.616658 0.279404
+-0.0721387 0.732436 0.597063 0.319137
+-0.119888 0.72615 0.574913 0.357504
+-0.167124 0.716754 0.5503 0.394339
+-0.213644 0.704289 0.52333 0.429486
+-0.259249 0.688808 0.49412 0.462794
+-0.303744 0.670378 0.462794 0.49412
+-0.346939 0.649077 0.429486 0.523331
+-0.388647 0.624996 0.394339 0.5503
+-0.428692 0.598239 0.357504 0.574913
+-0.466901 0.56892 0.319137 0.597064
+-0.50311 0.537165 0.279404 0.616658
+-0.537165 0.50311 0.238474 0.633611
+-0.56892 0.466901 0.196524 0.647852
+-0.598239 0.428692 0.153731 0.659318
+-0.624996 0.388647 0.110281 0.667961
+-0.649076 0.346939 0.066358 0.673743
+-0.670378 0.303744 0.0221509 0.676641
+-0.688808 0.259249 -0.022151 0.676641
+-0.704289 0.213644 -0.0663579 0.673743
+-0.716754 0.167124 -0.110281 0.667961
+-0.72615 0.119888 -0.153731 0.659318
+-0.732436 0.0721386 -0.196524 0.647852
+-0.735586 0.0240807 -0.238474 0.633611
+0.763354 0.0249896 0.322749 -0.559017
+0.760085 0.0748618 0.358619 -0.536711
+0.753561 0.124413 0.392954 -0.512107
+0.743811 0.173432 0.425606 -0.485311
+0.730875 0.221709 0.456435 -0.456435
+0.71481 0.269035 0.485311 -0.425606
+0.695684 0.31521 0.512107 -0.392954
+0.673578 0.360035 0.536711 -0.358619
+0.648589 0.403318 0.559017 -0.322749
+0.620822 0.444875 0.578929 -0.285496
+0.590396 0.484526 0.596362 -0.247021
+0.557443 0.522102 0.611241 -0.207488
+0.522102 0.557443 0.623502 -0.167067
+0.484526 0.590396 0.633094 -0.12593
+0.444875 0.620822 0.639975 -0.0842543
+0.403318 0.648589 0.644115 -0.0422175
+0.360035 0.673579 0.645497 5.30635e-08
+0.31521 0.695684 0.644115 0.0422176
+0.269035 0.71481 0.639975 0.0842543
+0.221709 0.730875 0.633094 0.12593
+0.173432 0.743811 0.623502 0.167067
+0.124413 0.753561 0.611241 0.207488
+0.0748617 0.760085 0.596362 0.247021
+0.0249895 0.763354 0.578929 0.285496
+-0.0249897 0.763354 0.559017 0.322749
+-0.0748619 0.760085 0.536711 0.358619
+-0.124414 0.753561 0.512107 0.392954
+-0.173432 0.743811 0.48531 0.425606
+-0.221709 0.730875 0.456435 0.456436
+-0.269036 0.71481 0.425606 0.485311
+-0.31521 0.695684 0.392954 0.512107
+-0.360035 0.673579 0.358619 0.536711
+-0.403318 0.648589 0.322749 0.559017
+-0.444875 0.620822 0.285496 0.578929
+-0.484526 0.590397 0.247021 0.596362
+-0.522102 0.557443 0.207488 0.611241
+-0.557443 0.522102 0.167067 0.623502
+-0.590397 0.484526 0.12593 0.633094
+-0.620822 0.444875 0.0842544 0.639975
+-0.648589 0.403318 0.0422175 0.644115
+-0.673578 0.360035 7.26194e-08 0.645497
+-0.695684 0.31521 -0.0422175 0.644115
+-0.71481 0.269035 -0.0842544 0.639975
+-0.730875 0.221709 -0.12593 0.633094
+-0.743811 0.173432 -0.167067 0.623502
+-0.753561 0.124414 -0.207488 0.611241
+-0.760085 0.0748618 -0.247021 0.596362
+-0.763354 0.0249897 -0.285496 0.578929
+0.763354 0.0249896 0.207488 -0.611241
+0.760085 0.0748618 0.247021 -0.596362
+0.753561 0.124413 0.285496 -0.578929
+0.743811 0.173432 0.322749 -0.559017
+0.730875 0.221709 0.358619 -0.536711
+0.71481 0.269035 0.392954 -0.512107
+0.695684 0.31521 0.425606 -0.485311
+0.673578 0.360035 0.456435 -0.456435
+0.648589 0.403318 0.485311 -0.425606
+0.620822 0.444875 0.512107 -0.392954
+0.590396 0.484526 0.536711 -0.358619
+0.557443 0.522102 0.559017 -0.322749
+0.522102 0.557443 0.578929 -0.285496
+0.484526 0.590396 0.596362 -0.247021
+0.444875 0.620822 0.611241 -0.207488
+0.403318 0.648589 0.623502 -0.167067
+0.360035 0.673579 0.633094 -0.12593
+0.31521 0.695684 0.639975 -0.0842543
+0.269035 0.71481 0.644115 -0.0422175
+0.221709 0.730875 0.645497 2.77345e-08
+0.173432 0.743811 0.644115 0.0422176
+0.124413 0.753561 0.639975 0.0842544
+0.0748617 0.760085 0.633094 0.12593
+0.0249895 0.763354 0.623502 0.167067
+-0.0249897 0.763354 0.611241 0.207488
+-0.0748619 0.760085 0.596362 0.247021
+-0.124414 0.753561 0.578929 0.285496
+-0.173432 0.743811 0.559017 0.322749
+-0.221709 0.730875 0.536711 0.358619
+-0.269036 0.71481 0.512107 0.392954
+-0.31521 0.695684 0.48531 0.425606
+-0.360035 0.673579 0.456436 0.456435
+-0.403318 0.648589 0.425606 0.485311
+-0.444875 0.620822 0.392954 0.512107
+-0.484526 0.590397 0.358619 0.536711
+-0.522102 0.557443 0.322749 0.559017
+-0.557443 0.522102 0.285496 0.578929
+-0.590397 0.484526 0.247021 0.596362
+-0.620822 0.444875 0.207488 0.611241
+-0.648589 0.403318 0.167067 0.623502
+-0.673578 0.360035 0.12593 0.633094
+-0.695684 0.31521 0.0842543 0.639975
+-0.71481 0.269035 0.0422175 0.644115
+-0.730875 0.221709 2.09992e-08 0.645497
+-0.743811 0.173432 -0.0422176 0.644115
+-0.753561 0.124414 -0.0842543 0.639975
+-0.760085 0.0748618 -0.12593 0.633094
+-0.763354 0.0249897 -0.167067 0.623502
+0.790146 0.0258667 0.25273 -0.557788
+0.786763 0.0774894 0.28867 -0.540064
+0.78001 0.12878 0.323374 -0.520028
+0.769917 0.17952 0.356693 -0.497765
+0.756528 0.22949 0.388485 -0.47337
+0.739899 0.278478 0.418613 -0.446949
+0.720101 0.326274 0.446949 -0.418613
+0.69722 0.372672 0.47337 -0.388485
+0.671353 0.417474 0.497765 -0.356693
+0.642612 0.460489 0.520028 -0.323374
+0.611118 0.501532 0.540064 -0.28867
+0.577008 0.540427 0.557788 -0.25273
+0.540427 0.577008 0.573123 -0.215708
+0.501532 0.611118 0.586004 -0.177762
+0.460489 0.642612 0.596375 -0.139055
+0.417474 0.671353 0.604193 -0.0997526
+0.372672 0.69722 0.609424 -0.0600229
+0.326274 0.720101 0.612045 -0.0200362
+0.278478 0.739899 0.612045 0.0200363
+0.22949 0.756528 0.609424 0.060023
+0.17952 0.769917 0.604193 0.0997527
+0.12878 0.78001 0.596375 0.139055
+0.0774893 0.786763 0.586004 0.177762
+0.0258666 0.790146 0.573123 0.215708
+-0.0258668 0.790146 0.557788 0.25273
+-0.0774894 0.786763 0.540064 0.28867
+-0.12878 0.78001 0.520028 0.323374
+-0.17952 0.769917 0.497765 0.356693
+-0.22949 0.756528 0.47337 0.388485
+-0.278478 0.739899 0.446949 0.418613
+-0.326274 0.720101 0.418613 0.446949
+-0.372672 0.69722 0.388485 0.47337
+-0.417474 0.671353 0.356693 0.497765
+-0.460489 0.642612 0.323374 0.520028
+-0.501532 0.611118 0.28867 0.540064
+-0.540427 0.577008 0.25273 0.557788
+-0.577008 0.540427 0.215708 0.573123
+-0.611118 0.501532 0.177762 0.586004
+-0.642612 0.460489 0.139055 0.596375
+-0.671353 0.417474 0.0997527 0.604193
+-0.69722 0.372672 0.0600231 0.609424
+-0.720101 0.326274 0.0200363 0.612045
+-0.739899 0.278478 -0.0200363 0.612045
+-0.756528 0.22949 -0.060023 0.609424
+-0.769917 0.179519 -0.0997527 0.604193
+-0.78001 0.12878 -0.139055 0.596375
+-0.786763 0.0774893 -0.177762 0.586004
+-0.790146 0.0258668 -0.215708 0.573123
+0.612045 0.0200363 -0.278478 -0.739899
+0.609424 0.060023 -0.22949 -0.756528
+0.604193 0.0997527 -0.17952 -0.769917
+0.596375 0.139055 -0.12878 -0.78001
+0.586004 0.177762 -0.0774894 -0.786763
+0.573123 0.215708 -0.0258667 -0.790146
+0.557788 0.25273 0.0258667 -0.790146
+0.540064 0.28867 0.0774894 -0.786763
+0.520028 0.323374 0.12878 -0.78001
+0.497765 0.356693 0.17952 -0.769917
+0.47337 0.388485 0.22949 -0.756528
+0.446949 0.418613 0.278478 -0.739899
+0.418613 0.446949 0.326274 -0.720101
+0.388485 0.47337 0.372672 -0.69722
+0.356693 0.497765 0.417474 -0.671353
+0.323374 0.520028 0.460489 -0.642612
+0.28867 0.540064 0.501532 -0.611118
+0.25273 0.557788 0.540427 -0.577008
+0.215708 0.573123 0.577008 -0.540427
+0.177762 0.586004 0.611118 -0.501532
+0.139055 0.596375 0.642612 -0.460489
+0.0997526 0.604193 0.671353 -0.417474
+0.0600229 0.609424 0.69722 -0.372672
+0.0200362 0.612045 0.720101 -0.326273
+-0.0200363 0.612045 0.739899 -0.278478
+-0.060023 0.609424 0.756528 -0.22949
+-0.0997527 0.604193 0.769917 -0.179519
+-0.139055 0.596375 0.78001 -0.12878
+-0.177762 0.586004 0.786763 -0.0774892
+-0.215708 0.573123 0.790146 -0.0258666
+-0.25273 0.557788 0.790146 0.0258668
+-0.28867 0.540064 0.786763 0.0774893
+-0.323374 0.520028 0.78001 0.12878
+-0.356693 0.497765 0.769917 0.17952
+-0.388485 0.47337 0.756528 0.22949
+-0.418613 0.446949 0.739899 0.278478
+-0.446949 0.418613 0.720101 0.326274
+-0.47337 0.388485 0.69722 0.372672
+-0.497765 0.356693 0.671353 0.417474
+-0.520028 0.323374 0.642612 0.460489
+-0.540064 0.28867 0.611118 0.501532
+-0.557788 0.25273 0.577008 0.540427
+-0.573123 0.215708 0.540427 0.577008
+-0.586004 0.177762 0.501532 0.611118
+-0.596375 0.139055 0.460489 0.642612
+-0.604193 0.0997527 0.417474 0.671353
+-0.609424 0.060023 0.372672 0.69722
+-0.612045 0.0200363 0.326274 0.720101
+0.645152 0.0211201 -0.197676 -0.737738
+0.642389 0.0632698 -0.149003 -0.749087
+0.636876 0.105149 -0.099691 -0.757229
+0.628635 0.146577 -0.0499525 -0.762127
+0.617702 0.187378 5.69236e-10 -0.763763
+0.604125 0.227376 0.0499525 -0.762127
+0.58796 0.266401 0.099691 -0.757229
+0.569278 0.304285 0.149003 -0.749087
+0.548158 0.340866 0.197676 -0.737738
+0.52469 0.375988 0.245503 -0.72323
+0.498976 0.409499 0.292279 -0.705625
+0.471125 0.441257 0.337804 -0.684998
+0.441257 0.471125 0.381881 -0.661438
+0.409499 0.498976 0.424324 -0.635045
+0.375988 0.52469 0.464949 -0.605934
+0.340866 0.548158 0.503584 -0.574227
+0.304285 0.569278 0.540062 -0.540062
+0.266401 0.58796 0.574227 -0.503584
+0.227376 0.604125 0.605934 -0.464949
+0.187378 0.617702 0.635045 -0.424324
+0.146577 0.628635 0.661438 -0.381881
+0.105148 0.636876 0.684998 -0.337803
+0.0632697 0.642389 0.705625 -0.292279
+0.02112 0.645152 0.72323 -0.245503
+-0.0211201 0.645152 0.737738 -0.197676
+-0.0632698 0.642389 0.749087 -0.149003
+-0.105149 0.636876 0.757229 -0.099691
+-0.146577 0.628635 0.762127 -0.0499524
+-0.187378 0.617702 0.763763 1.25002e-07
+-0.227377 0.604125 0.762127 0.0499526
+-0.266401 0.58796 0.757229 0.0996911
+-0.304285 0.569278 0.749087 0.149003
+-0.340866 0.548158 0.737738 0.197676
+-0.375988 0.52469 0.72323 0.245504
+-0.409499 0.498976 0.705625 0.292279
+-0.441257 0.471125 0.684998 0.337804
+-0.471125 0.441257 0.661438 0.381881
+-0.498976 0.409499 0.635045 0.424324
+-0.52469 0.375988 0.605934 0.464949
+-0.548158 0.340866 0.574227 0.503584
+-0.569278 0.304285 0.540062 0.540062
+-0.58796 0.266401 0.503584 0.574227
+-0.604125 0.227376 0.464949 0.605934
+-0.617702 0.187378 0.424324 0.635045
+-0.628635 0.146577 0.381881 0.661438
+-0.636876 0.105149 0.337804 0.684998
+-0.642389 0.0632698 0.292279 0.705625
+-0.645152 0.0211201 0.245504 0.72323
+0.645152 0.0211201 -0.337804 -0.684998
+0.642389 0.0632698 -0.292279 -0.705625
+0.636876 0.105149 -0.245503 -0.72323
+0.628635 0.146577 -0.197676 -0.737738
+0.617702 0.187378 -0.149003 -0.749087
+0.604125 0.227376 -0.099691 -0.757229
+0.58796 0.266401 -0.0499525 -0.762127
+0.569278 0.304285 1.61233e-08 -0.763763
+0.548158 0.340866 0.0499525 -0.762127
+0.52469 0.375988 0.099691 -0.757229
+0.498976 0.409499 0.149003 -0.749087
+0.471125 0.441257 0.197676 -0.737738
+0.441257 0.471125 0.245503 -0.72323
+0.409499 0.498976 0.292279 -0.705625
+0.375988 0.52469 0.337804 -0.684998
+0.340866 0.548158 0.381881 -0.661438
+0.304285 0.569278 0.424324 -0.635045
+0.266401 0.58796 0.464949 -0.605934
+0.227376 0.604125 0.503584 -0.574227
+0.187378 0.617702 0.540062 -0.540062
+0.146577 0.628635 0.574227 -0.503584
+0.105148 0.636876 0.605934 -0.464949
+0.0632697 0.642389 0.635045 -0.424324
+0.02112 0.645152 0.661438 -0.381881
+-0.0211201 0.645152 0.684998 -0.337804
+-0.0632698 0.642389 0.705625 -0.292279
+-0.105149 0.636876 0.72323 -0.245503
+-0.146577 0.628635 0.737738 -0.197676
+-0.187378 0.617702 0.749087 -0.149003
+-0.227377 0.604125 0.757229 -0.0996909
+-0.266401 0.58796 0.762127 -0.0499524
+-0.304285 0.569278 0.763763 -8.70629e-08
+-0.340866 0.548158 0.762127 0.0499525
+-0.375988 0.52469 0.757229 0.0996911
+-0.409499 0.498976 0.749087 0.149003
+-0.441257 0.471125 0.737738 0.197676
+-0.471125 0.441257 0.72323 0.245503
+-0.498976 0.409499 0.705625 0.292279
+-0.52469 0.375988 0.684998 0.337804
+-0.548158 0.340866 0.661438 0.381881
+-0.569278 0.304285 0.635045 0.424324
+-0.58796 0.266401 0.605934 0.464949
+-0.604125 0.227376 0.574227 0.503584
+-0.617702 0.187378 0.540062 0.540062
+-0.628635 0.146577 0.503584 0.574227
+-0.636876 0.105149 0.464949 0.605934
+-0.642389 0.0632698 0.424324 0.635045
+-0.645152 0.0211201 0.381881 0.661438
+0.676641 0.0221509 -0.259249 -0.688808
+0.673743 0.0663579 -0.213644 -0.704289
+0.667961 0.110281 -0.167124 -0.716754
+0.659318 0.153731 -0.119888 -0.72615
+0.647852 0.196524 -0.0721387 -0.732436
+0.633611 0.238474 -0.0240806 -0.735586
+0.616658 0.279404 0.0240806 -0.735586
+0.597064 0.319137 0.0721387 -0.732436
+0.574913 0.357504 0.119888 -0.72615
+0.5503 0.394339 0.167124 -0.716754
+0.523331 0.429486 0.213644 -0.704289
+0.49412 0.462794 0.259249 -0.688808
+0.462794 0.49412 0.303744 -0.670378
+0.429486 0.523331 0.346939 -0.649076
+0.394339 0.5503 0.388647 -0.624996
+0.357504 0.574913 0.428692 -0.598239
+0.319137 0.597064 0.466901 -0.56892
+0.279404 0.616658 0.50311 -0.537165
+0.238474 0.633611 0.537165 -0.50311
+0.196524 0.647852 0.56892 -0.466901
+0.153731 0.659318 0.598239 -0.428692
+0.110281 0.667961 0.624996 -0.388647
+0.0663578 0.673743 0.649077 -0.346939
+0.0221508 0.676641 0.670378 -0.303744
+-0.022151 0.676641 0.688808 -0.259249
+-0.066358 0.673743 0.704289 -0.213644
+-0.110281 0.667961 0.716754 -0.167124
+-0.153731 0.659318 0.72615 -0.119888
+-0.196524 0.647852 0.732436 -0.0721385
+-0.238475 0.633611 0.735586 -0.0240805
+-0.279404 0.616658 0.735586 0.0240807
+-0.319137 0.597064 0.732436 0.0721386
+-0.357504 0.574913 0.72615 0.119888
+-0.394339 0.5503 0.716754 0.167124
+-0.429486 0.523331 0.704289 0.213644
+-0.462794 0.49412 0.688808 0.259249
+-0.49412 0.462794 0.670378 0.303744
+-0.523331 0.429486 0.649076 0.346939
+-0.5503 0.394339 0.624996 0.388647
+-0.574913 0.357504 0.598239 0.428692
+-0.597063 0.319137 0.56892 0.466901
+-0.616658 0.279404 0.537165 0.50311
+-0.633611 0.238474 0.50311 0.537165
+-0.647852 0.196524 0.466901 0.56892
+-0.659318 0.153731 0.428692 0.598239
+-0.667961 0.110281 0.388647 0.624996
+-0.673743 0.0663579 0.346939 0.649076
+-0.676641 0.022151 0.303744 0.670378
+0.676641 0.0221509 -0.119888 -0.72615
+0.673743 0.0663579 -0.0721387 -0.732436
+0.667961 0.110281 -0.0240806 -0.735586
+0.659318 0.153731 0.0240806 -0.735586
+0.647852 0.196524 0.0721387 -0.732436
+0.633611 0.238474 0.119888 -0.72615
+0.616658 0.279404 0.167124 -0.716754
+0.597064 0.319137 0.213644 -0.704289
+0.574913 0.357504 0.259249 -0.688808
+0.5503 0.394339 0.303744 -0.670378
+0.523331 0.429486 0.346939 -0.649076
+0.49412 0.462794 0.388647 -0.624996
+0.462794 0.49412 0.428692 -0.598239
+0.429486 0.523331 0.466901 -0.56892
+0.394339 0.5503 0.50311 -0.537165
+0.357504 0.574913 0.537165 -0.50311
+0.319137 0.597064 0.56892 -0.466901
+0.279404 0.616658 0.598239 -0.428692
+0.238474 0.633611 0.624996 -0.388647
+0.196524 0.647852 0.649076 -0.346939
+0.153731 0.659318 0.670378 -0.303744
+0.110281 0.667961 0.688808 -0.259249
+0.0663578 0.673743 0.704289 -0.213644
+0.0221508 0.676641 0.716754 -0.167124
+-0.022151 0.676641 0.72615 -0.119888
+-0.066358 0.673743 0.732436 -0.0721386
+-0.110281 0.667961 0.735586 -0.0240805
+-0.153731 0.659318 0.735586 0.0240806
+-0.196524 0.647852 0.732436 0.0721388
+-0.238475 0.633611 0.72615 0.119888
+-0.279404 0.616658 0.716754 0.167124
+-0.319137 0.597064 0.704289 0.213644
+-0.357504 0.574913 0.688808 0.259249
+-0.394339 0.5503 0.670378 0.303744
+-0.429486 0.523331 0.649076 0.346939
+-0.462794 0.49412 0.624996 0.388647
+-0.49412 0.462794 0.598239 0.428692
+-0.523331 0.429486 0.56892 0.466901
+-0.5503 0.394339 0.537165 0.50311
+-0.574913 0.357504 0.50311 0.537165
+-0.597063 0.319137 0.466901 0.56892
+-0.616658 0.279404 0.428692 0.598239
+-0.633611 0.238474 0.388647 0.624996
+-0.647852 0.196524 0.346939 0.649076
+-0.659318 0.153731 0.303744 0.670378
+-0.667961 0.110281 0.259249 0.688808
+-0.673743 0.0663579 0.213644 0.704289
+-0.676641 0.022151 0.167124 0.716754
+0.706728 0.0231359 -0.046247 -0.705593
+0.703702 0.0693086 1.93179e-09 -0.707107
+0.697662 0.115184 0.046247 -0.705593
+0.688635 0.160567 0.092296 -0.701057
+0.676659 0.205262 0.13795 -0.69352
+0.661785 0.249078 0.183013 -0.683013
+0.644078 0.291828 0.227292 -0.669581
+0.623612 0.333328 0.270598 -0.653281
+0.600477 0.3734 0.312745 -0.634185
+0.574769 0.411874 0.353553 -0.612372
+0.546601 0.448584 0.392847 -0.587938
+0.516092 0.483373 0.430459 -0.560986
+0.483373 0.516092 0.466228 -0.531631
+0.448584 0.546601 0.5 -0.5
+0.411874 0.574769 0.531631 -0.466228
+0.3734 0.600477 0.560986 -0.430459
+0.333328 0.623613 0.587938 -0.392847
+0.291828 0.644078 0.612372 -0.353553
+0.249078 0.661785 0.634185 -0.312745
+0.205262 0.676659 0.653281 -0.270598
+0.160567 0.688635 0.669581 -0.227292
+0.115184 0.697662 0.683013 -0.183013
+0.0693085 0.703702 0.69352 -0.13795
+0.0231358 0.706728 0.701057 -0.0922959
+-0.023136 0.706728 0.705593 -0.0462469
+-0.0693086 0.703702 0.707107 5.91822e-08
+-0.115185 0.697662 0.705593 0.046247
+-0.160567 0.688635 0.701057 0.092296
+-0.205262 0.676659 0.69352 0.13795
+-0.249078 0.661785 0.683013 0.183013
+-0.291828 0.644078 0.669581 0.227292
+-0.333328 0.623613 0.653282 0.270598
+-0.3734 0.600477 0.634185 0.312745
+-0.411874 0.574769 0.612372 0.353553
+-0.448584 0.546601 0.587938 0.392847
+-0.483373 0.516092 0.560985 0.430459
+-0.516092 0.483373 0.531631 0.466228
+-0.546601 0.448584 0.5 0.5
+-0.574769 0.411874 0.466228 0.531631
+-0.600477 0.3734 0.430459 0.560986
+-0.623612 0.333328 0.392848 0.587938
+-0.644078 0.291828 0.353553 0.612372
+-0.661785 0.249078 0.312745 0.634185
+-0.676659 0.205262 0.270598 0.653281
+-0.688635 0.160567 0.227292 0.669581
+-0.697662 0.115185 0.183013 0.683013
+-0.703702 0.0693086 0.13795 0.69352
+-0.706728 0.0231359 0.092296 0.701057
+0.706728 0.0231359 -0.183013 -0.683013
+0.703702 0.0693086 -0.13795 -0.69352
+0.697662 0.115184 -0.092296 -0.701057
+0.688635 0.160567 -0.046247 -0.705593
+0.676659 0.205262 5.2701e-10 -0.707107
+0.661785 0.249078 0.046247 -0.705593
+0.644078 0.291828 0.092296 -0.701057
+0.623612 0.333328 0.13795 -0.69352
+0.600477 0.3734 0.183013 -0.683013
+0.574769 0.411874 0.227292 -0.669581
+0.546601 0.448584 0.270598 -0.653281
+0.516092 0.483373 0.312745 -0.634185
+0.483373 0.516092 0.353553 -0.612372
+0.448584 0.546601 0.392847 -0.587938
+0.411874 0.574769 0.430459 -0.560986
+0.3734 0.600477 0.466228 -0.531631
+0.333328 0.623613 0.5 -0.5
+0.291828 0.644078 0.531631 -0.466228
+0.249078 0.661785 0.560986 -0.430459
+0.205262 0.676659 0.587938 -0.392847
+0.160567 0.688635 0.612372 -0.353553
+0.115184 0.697662 0.634185 -0.312745
+0.0693085 0.703702 0.653282 -0.270598
+0.0231358 0.706728 0.669581 -0.227292
+-0.023136 0.706728 0.683013 -0.183013
+-0.0693086 0.703702 0.69352 -0.13795
+-0.115185 0.697662 0.701057 -0.0922959
+-0.160567 0.688635 0.705593 -0.046247
+-0.205262 0.676659 0.707107 1.15729e-07
+-0.249078 0.661785 0.705593 0.0462471
+-0.291828 0.644078 0.701057 0.0922961
+-0.333328 0.623613 0.69352 0.13795
+-0.3734 0.600477 0.683013 0.183013
+-0.411874 0.574769 0.669581 0.227292
+-0.448584 0.546601 0.653281 0.270598
+-0.483373 0.516092 0.634185 0.312745
+-0.516092 0.483373 0.612372 0.353553
+-0.546601 0.448584 0.587938 0.392848
+-0.574769 0.411874 0.560986 0.430459
+-0.600477 0.3734 0.531631 0.466228
+-0.623612 0.333328 0.5 0.5
+-0.644078 0.291828 0.466228 0.531631
+-0.661785 0.249078 0.430459 0.560986
+-0.676659 0.205262 0.392847 0.587938
+-0.688635 0.160567 0.353553 0.612372
+-0.697662 0.115185 0.312745 0.634185
+-0.703702 0.0693086 0.270598 0.653281
+-0.706728 0.0231359 0.227292 0.669581
+0.735586 0.0240806 -0.110281 -0.667961
+0.732436 0.0721387 -0.0663579 -0.673743
+0.72615 0.119888 -0.0221509 -0.676641
+0.716754 0.167124 0.0221509 -0.676641
+0.704289 0.213644 0.0663579 -0.673743
+0.688808 0.259249 0.110281 -0.667961
+0.670378 0.303744 0.153731 -0.659318
+0.649076 0.346939 0.196524 -0.647852
+0.624996 0.388647 0.238474 -0.633611
+0.598239 0.428692 0.279404 -0.616658
+0.56892 0.466901 0.319137 -0.597064
+0.537165 0.50311 0.357504 -0.574913
+0.50311 0.537165 0.394339 -0.5503
+0.466901 0.56892 0.429486 -0.523331
+0.428692 0.598239 0.462794 -0.49412
+0.388647 0.624996 0.49412 -0.462794
+0.346939 0.649077 0.523331 -0.429486
+0.303744 0.670378 0.5503 -0.394339
+0.259249 0.688808 0.574913 -0.357504
+0.213644 0.704289 0.597064 -0.319137
+0.167124 0.716754 0.616658 -0.279404
+0.119888 0.72615 0.633611 -0.238474
+0.0721386 0.732436 0.647852 -0.196524
+0.0240805 0.735586 0.659318 -0.153731
+-0.0240807 0.735586 0.667961 -0.110281
+-0.0721387 0.732436 0.673743 -0.0663579
+-0.119888 0.72615 0.676641 -0.0221509
+-0.167124 0.716754 0.676641 0.022151
+-0.213644 0.704289 0.673743 0.066358
+-0.259249 0.688808 0.667961 0.110281
+-0.303744 0.670378 0.659318 0.153731
+-0.346939 0.649077 0.647852 0.196524
+-0.388647 0.624996 0.633611 0.238474
+-0.428692 0.598239 0.616658 0.279404
+-0.466901 0.56892 0.597064 0.319137
+-0.50311 0.537165 0.574913 0.357504
+-0.537165 0.50311 0.5503 0.394339
+-0.56892 0.466901 0.523331 0.429486
+-0.598239 0.428692 0.49412 0.462794
+-0.624996 0.388647 0.462794 0.49412
+-0.649076 0.346939 0.429486 0.523331
+-0.670378 0.303744 0.394339 0.5503
+-0.688808 0.259249 0.357504 0.574913
+-0.704289 0.213644 0.319137 0.597064
+-0.716754 0.167124 0.279404 0.616658
+-0.72615 0.119888 0.238474 0.633611
+-0.732436 0.0721386 0.196524 0.647852
+-0.735586 0.0240807 0.153731 0.659318
+0.676641 0.0221509 -0.388647 -0.624996
+0.673743 0.0663579 -0.346939 -0.649076
+0.667961 0.110281 -0.303744 -0.670378
+0.659318 0.153731 -0.259249 -0.688808
+0.647852 0.196524 -0.213644 -0.704289
+0.633611 0.238474 -0.167124 -0.716754
+0.616658 0.279404 -0.119888 -0.72615
+0.597064 0.319137 -0.0721386 -0.732436
+0.574913 0.357504 -0.0240806 -0.735586
+0.5503 0.394339 0.0240806 -0.735586
+0.523331 0.429486 0.0721386 -0.732436
+0.49412 0.462794 0.119888 -0.72615
+0.462794 0.49412 0.167124 -0.716754
+0.429486 0.523331 0.213644 -0.704289
+0.394339 0.5503 0.259249 -0.688808
+0.357504 0.574913 0.303744 -0.670378
+0.319137 0.597064 0.346939 -0.649076
+0.279404 0.616658 0.388647 -0.624996
+0.238474 0.633611 0.428692 -0.598239
+0.196524 0.647852 0.466901 -0.56892
+0.153731 0.659318 0.50311 -0.537165
+0.110281 0.667961 0.537165 -0.50311
+0.0663578 0.673743 0.56892 -0.466901
+0.0221508 0.676641 0.598239 -0.428692
+-0.022151 0.676641 0.624996 -0.388647
+-0.066358 0.673743 0.649077 -0.346939
+-0.110281 0.667961 0.670378 -0.303744
+-0.153731 0.659318 0.688808 -0.259249
+-0.196524 0.647852 0.704289 -0.213644
+-0.238475 0.633611 0.716754 -0.167123
+-0.279404 0.616658 0.72615 -0.119888
+-0.319137 0.597064 0.732436 -0.0721387
+-0.357504 0.574913 0.735586 -0.0240806
+-0.394339 0.5503 0.735586 0.0240807
+-0.429486 0.523331 0.732436 0.0721386
+-0.462794 0.49412 0.72615 0.119888
+-0.49412 0.462794 0.716754 0.167124
+-0.523331 0.429486 0.704289 0.213644
+-0.5503 0.394339 0.688808 0.259249
+-0.574913 0.357504 0.670378 0.303744
+-0.597063 0.319137 0.649077 0.346939
+-0.616658 0.279404 0.624996 0.388647
+-0.633611 0.238474 0.598239 0.428692
+-0.647852 0.196524 0.56892 0.466901
+-0.659318 0.153731 0.537165 0.50311
+-0.667961 0.110281 0.50311 0.537165
+-0.673743 0.0663579 0.466901 0.56892
+-0.676641 0.022151 0.428692 0.598239
+0.706728 0.0231359 -0.312745 -0.634185
+0.703702 0.0693086 -0.270598 -0.653281
+0.697662 0.115184 -0.227292 -0.669581
+0.688635 0.160567 -0.183013 -0.683013
+0.676659 0.205262 -0.13795 -0.69352
+0.661785 0.249078 -0.092296 -0.701057
+0.644078 0.291828 -0.046247 -0.705593
+0.623612 0.333328 1.49273e-08 -0.707107
+0.600477 0.3734 0.046247 -0.705593
+0.574769 0.411874 0.092296 -0.701057
+0.546601 0.448584 0.13795 -0.69352
+0.516092 0.483373 0.183013 -0.683013
+0.483373 0.516092 0.227292 -0.669581
+0.448584 0.546601 0.270598 -0.653281
+0.411874 0.574769 0.312745 -0.634185
+0.3734 0.600477 0.353553 -0.612372
+0.333328 0.623613 0.392848 -0.587938
+0.291828 0.644078 0.430459 -0.560985
+0.249078 0.661785 0.466228 -0.531631
+0.205262 0.676659 0.5 -0.5
+0.160567 0.688635 0.531631 -0.466228
+0.115184 0.697662 0.560986 -0.430459
+0.0693085 0.703702 0.587938 -0.392847
+0.0231358 0.706728 0.612372 -0.353553
+-0.023136 0.706728 0.634185 -0.312745
+-0.0693086 0.703702 0.653282 -0.270598
+-0.115185 0.697662 0.669581 -0.227292
+-0.160567 0.688635 0.683013 -0.183013
+-0.205262 0.676659 0.69352 -0.13795
+-0.249078 0.661785 0.701057 -0.0922959
+-0.291828 0.644078 0.705593 -0.0462469
+-0.333328 0.623613 0.707107 -8.06046e-08
+-0.3734 0.600477 0.705593 0.046247
+-0.411874 0.574769 0.701057 0.092296
+-0.448584 0.546601 0.69352 0.13795
+-0.483373 0.516092 0.683013 0.183013
+-0.516092 0.483373 0.669581 0.227292
+-0.546601 0.448584 0.653281 0.270598
+-0.574769 0.411874 0.634185 0.312745
+-0.600477 0.3734 0.612372 0.353553
+-0.623612 0.333328 0.587938 0.392847
+-0.644078 0.291828 0.560986 0.430459
+-0.661785 0.249078 0.531631 0.466228
+-0.676659 0.205262 0.5 0.5
+-0.688635 0.160567 0.466228 0.531631
+-0.697662 0.115185 0.430459 0.560986
+-0.703702 0.0693086 0.392847 0.587938
+-0.706728 0.0231359 0.353553 0.612372
+0.706728 0.0231359 -0.430459 -0.560986
+0.703702 0.0693086 -0.392847 -0.587938
+0.697662 0.115184 -0.353553 -0.612372
+0.688635 0.160567 -0.312745 -0.634185
+0.676659 0.205262 -0.270598 -0.653281
+0.661785 0.249078 -0.227292 -0.669581
+0.644078 0.291828 -0.183013 -0.683013
+0.623612 0.333328 -0.13795 -0.69352
+0.600477 0.3734 -0.092296 -0.701057
+0.574769 0.411874 -0.046247 -0.705593
+0.546601 0.448584 -1.28193e-08 -0.707107
+0.516092 0.483373 0.046247 -0.705593
+0.483373 0.516092 0.092296 -0.701057
+0.448584 0.546601 0.13795 -0.69352
+0.411874 0.574769 0.183013 -0.683013
+0.3734 0.600477 0.227292 -0.669581
+0.333328 0.623613 0.270598 -0.653281
+0.291828 0.644078 0.312745 -0.634185
+0.249078 0.661785 0.353553 -0.612372
+0.205262 0.676659 0.392848 -0.587938
+0.160567 0.688635 0.430459 -0.560986
+0.115184 0.697662 0.466228 -0.531631
+0.0693085 0.703702 0.5 -0.5
+0.0231358 0.706728 0.531631 -0.466228
+-0.023136 0.706728 0.560986 -0.430459
+-0.0693086 0.703702 0.587938 -0.392847
+-0.115185 0.697662 0.612372 -0.353553
+-0.160567 0.688635 0.634185 -0.312745
+-0.205262 0.676659 0.653282 -0.270598
+-0.249078 0.661785 0.669581 -0.227292
+-0.291828 0.644078 0.683013 -0.183013
+-0.333328 0.623613 0.69352 -0.13795
+-0.3734 0.600477 0.701057 -0.092296
+-0.411874 0.574769 0.705593 -0.0462469
+-0.448584 0.546601 0.707107 -2.40575e-08
+-0.483373 0.516092 0.705593 0.046247
+-0.516092 0.483373 0.701057 0.0922959
+-0.546601 0.448584 0.69352 0.13795
+-0.574769 0.411874 0.683013 0.183013
+-0.600477 0.3734 0.669581 0.227292
+-0.623612 0.333328 0.653282 0.270598
+-0.644078 0.291828 0.634185 0.312745
+-0.661785 0.249078 0.612372 0.353553
+-0.676659 0.205262 0.587938 0.392847
+-0.688635 0.160567 0.560985 0.430459
+-0.697662 0.115185 0.531631 0.466228
+-0.703702 0.0693086 0.5 0.5
+-0.706728 0.0231359 0.466228 0.531631
+0.735586 0.0240806 -0.357504 -0.574913
+0.732436 0.0721387 -0.319137 -0.597064
+0.72615 0.119888 -0.279404 -0.616658
+0.716754 0.167124 -0.238474 -0.633611
+0.704289 0.213644 -0.196524 -0.647852
+0.688808 0.259249 -0.153731 -0.659318
+0.670378 0.303744 -0.110281 -0.667961
+0.649076 0.346939 -0.0663579 -0.673743
+0.624996 0.388647 -0.0221509 -0.676641
+0.598239 0.428692 0.0221509 -0.676641
+0.56892 0.466901 0.0663579 -0.673743
+0.537165 0.50311 0.110281 -0.667961
+0.50311 0.537165 0.153731 -0.659318
+0.466901 0.56892 0.196524 -0.647852
+0.428692 0.598239 0.238474 -0.633611
+0.388647 0.624996 0.279404 -0.616658
+0.346939 0.649077 0.319137 -0.597063
+0.303744 0.670378 0.357504 -0.574913
+0.259249 0.688808 0.394339 -0.5503
+0.213644 0.704289 0.429486 -0.523331
+0.167124 0.716754 0.462794 -0.49412
+0.119888 0.72615 0.49412 -0.462794
+0.0721386 0.732436 0.523331 -0.429486
+0.0240805 0.735586 0.5503 -0.394339
+-0.0240807 0.735586 0.574913 -0.357504
+-0.0721387 0.732436 0.597064 -0.319137
+-0.119888 0.72615 0.616658 -0.279404
+-0.167124 0.716754 0.633611 -0.238474
+-0.213644 0.704289 0.647852 -0.196524
+-0.259249 0.688808 0.659318 -0.153731
+-0.303744 0.670378 0.667961 -0.110281
+-0.346939 0.649077 0.673743 -0.066358
+-0.388647 0.624996 0.676641 -0.0221509
+-0.428692 0.598239 0.676641 0.022151
+-0.466901 0.56892 0.673743 0.0663579
+-0.50311 0.537165 0.667961 0.110281
+-0.537165 0.50311 0.659318 0.153731
+-0.56892 0.466901 0.647852 0.196524
+-0.598239 0.428692 0.633611 0.238474
+-0.624996 0.388647 0.616658 0.279404
+-0.649076 0.346939 0.597064 0.319137
+-0.670378 0.303744 0.574913 0.357504
+-0.688808 0.259249 0.5503 0.394339
+-0.704289 0.213644 0.523331 0.429486
+-0.716754 0.167124 0.49412 0.462794
+-0.72615 0.119888 0.462794 0.49412
+-0.732436 0.0721386 0.429486 0.523331
+-0.735586 0.0240807 0.394339 0.5503
+0.735586 0.0240806 -0.238474 -0.633611
+0.732436 0.0721387 -0.196524 -0.647852
+0.72615 0.119888 -0.153731 -0.659318
+0.716754 0.167124 -0.110281 -0.667961
+0.704289 0.213644 -0.0663579 -0.673743
+0.688808 0.259249 -0.0221509 -0.676641
+0.670378 0.303744 0.0221509 -0.676641
+0.649076 0.346939 0.0663579 -0.673743
+0.624996 0.388647 0.110281 -0.667961
+0.598239 0.428692 0.153731 -0.659318
+0.56892 0.466901 0.196524 -0.647852
+0.537165 0.50311 0.238474 -0.633611
+0.50311 0.537165 0.279404 -0.616658
+0.466901 0.56892 0.319137 -0.597064
+0.428692 0.598239 0.357504 -0.574913
+0.388647 0.624996 0.394339 -0.5503
+0.346939 0.649077 0.429486 -0.523331
+0.303744 0.670378 0.462794 -0.49412
+0.259249 0.688808 0.49412 -0.462794
+0.213644 0.704289 0.523331 -0.429486
+0.167124 0.716754 0.5503 -0.394339
+0.119888 0.72615 0.574913 -0.357504
+0.0721386 0.732436 0.597064 -0.319137
+0.0240805 0.735586 0.616658 -0.279404
+-0.0240807 0.735586 0.633611 -0.238474
+-0.0721387 0.732436 0.647852 -0.196524
+-0.119888 0.72615 0.659318 -0.153731
+-0.167124 0.716754 0.667961 -0.110281
+-0.213644 0.704289 0.673743 -0.0663578
+-0.259249 0.688808 0.676641 -0.0221508
+-0.303744 0.670378 0.676641 0.022151
+-0.346939 0.649077 0.673743 0.0663578
+-0.388647 0.624996 0.667961 0.110281
+-0.428692 0.598239 0.659318 0.153731
+-0.466901 0.56892 0.647852 0.196524
+-0.50311 0.537165 0.633611 0.238474
+-0.537165 0.50311 0.616658 0.279404
+-0.56892 0.466901 0.597064 0.319137
+-0.598239 0.428692 0.574913 0.357504
+-0.624996 0.388647 0.5503 0.394339
+-0.649076 0.346939 0.523331 0.429486
+-0.670378 0.303744 0.49412 0.462794
+-0.688808 0.259249 0.462794 0.49412
+-0.704289 0.213644 0.429486 0.523331
+-0.716754 0.167124 0.394339 0.5503
+-0.72615 0.119888 0.357504 0.574913
+-0.732436 0.0721386 0.319137 0.597064
+-0.735586 0.0240807 0.279404 0.616658
+0.763354 0.0249896 -0.167067 -0.623502
+0.760085 0.0748618 -0.12593 -0.633094
+0.753561 0.124413 -0.0842543 -0.639975
+0.743811 0.173432 -0.0422175 -0.644115
+0.730875 0.221709 4.81092e-10 -0.645497
+0.71481 0.269035 0.0422175 -0.644115
+0.695684 0.31521 0.0842543 -0.639975
+0.673578 0.360035 0.12593 -0.633094
+0.648589 0.403318 0.167067 -0.623502
+0.620822 0.444875 0.207488 -0.611241
+0.590396 0.484526 0.247021 -0.596362
+0.557443 0.522102 0.285496 -0.578929
+0.522102 0.557443 0.322749 -0.559017
+0.484526 0.590396 0.358619 -0.536711
+0.444875 0.620822 0.392954 -0.512107
+0.403318 0.648589 0.425606 -0.48531
+0.360035 0.673579 0.456436 -0.456435
+0.31521 0.695684 0.485311 -0.425606
+0.269035 0.71481 0.512107 -0.392954
+0.221709 0.730875 0.536711 -0.358619
+0.173432 0.743811 0.559017 -0.322749
+0.124413 0.753561 0.578929 -0.285496
+0.0748617 0.760085 0.596362 -0.247021
+0.0249895 0.763354 0.611241 -0.207488
+-0.0249897 0.763354 0.623502 -0.167067
+-0.0748619 0.760085 0.633094 -0.12593
+-0.124414 0.753561 0.639975 -0.0842542
+-0.173432 0.743811 0.644115 -0.0422175
+-0.221709 0.730875 0.645497 1.05646e-07
+-0.269036 0.71481 0.644115 0.0422176
+-0.31521 0.695684 0.639975 0.0842544
+-0.360035 0.673579 0.633094 0.12593
+-0.403318 0.648589 0.623502 0.167067
+-0.444875 0.620822 0.611241 0.207488
+-0.484526 0.590397 0.596362 0.247021
+-0.522102 0.557443 0.578929 0.285496
+-0.557443 0.522102 0.559017 0.322749
+-0.590397 0.484526 0.536711 0.358619
+-0.620822 0.444875 0.512107 0.392954
+-0.648589 0.403318 0.485311 0.425606
+-0.673578 0.360035 0.456436 0.456435
+-0.695684 0.31521 0.425606 0.485311
+-0.71481 0.269035 0.392954 0.512107
+-0.730875 0.221709 0.358619 0.536711
+-0.743811 0.173432 0.322749 0.559017
+-0.753561 0.124414 0.285496 0.578929
+-0.760085 0.0748618 0.247021 0.596362
+-0.763354 0.0249897 0.207488 0.611241
+0.763354 0.0249896 -0.285496 -0.578929
+0.760085 0.0748618 -0.247021 -0.596362
+0.753561 0.124413 -0.207488 -0.611241
+0.743811 0.173432 -0.167067 -0.623502
+0.730875 0.221709 -0.12593 -0.633094
+0.71481 0.269035 -0.0842543 -0.639975
+0.695684 0.31521 -0.0422175 -0.644115
+0.673578 0.360035 1.36267e-08 -0.645497
+0.648589 0.403318 0.0422175 -0.644115
+0.620822 0.444875 0.0842543 -0.639975
+0.590396 0.484526 0.12593 -0.633094
+0.557443 0.522102 0.167067 -0.623502
+0.522102 0.557443 0.207488 -0.611241
+0.484526 0.590396 0.247021 -0.596362
+0.444875 0.620822 0.285496 -0.578929
+0.403318 0.648589 0.322749 -0.559017
+0.360035 0.673579 0.358619 -0.536711
+0.31521 0.695684 0.392954 -0.512107
+0.269035 0.71481 0.425606 -0.48531
+0.221709 0.730875 0.456435 -0.456435
+0.173432 0.743811 0.485311 -0.425606
+0.124413 0.753561 0.512107 -0.392954
+0.0748617 0.760085 0.536711 -0.358619
+0.0249895 0.763354 0.559017 -0.322749
+-0.0249897 0.763354 0.578929 -0.285496
+-0.0748619 0.760085 0.596362 -0.247021
+-0.124414 0.753561 0.611241 -0.207488
+-0.173432 0.743811 0.623502 -0.167067
+-0.221709 0.730875 0.633094 -0.12593
+-0.269036 0.71481 0.639975 -0.0842542
+-0.31521 0.695684 0.644115 -0.0422174
+-0.360035 0.673579 0.645497 -7.35816e-08
+-0.403318 0.648589 0.644115 0.0422175
+-0.444875 0.620822 0.639975 0.0842544
+-0.484526 0.590397 0.633094 0.12593
+-0.522102 0.557443 0.623502 0.167067
+-0.557443 0.522102 0.611241 0.207488
+-0.590397 0.484526 0.596362 0.247021
+-0.620822 0.444875 0.578929 0.285496
+-0.648589 0.403318 0.559017 0.322749
+-0.673578 0.360035 0.536711 0.358619
+-0.695684 0.31521 0.512107 0.392954
+-0.71481 0.269035 0.48531 0.425606
+-0.730875 0.221709 0.456435 0.456435
+-0.743811 0.173432 0.425606 0.485311
+-0.753561 0.124414 0.392954 0.512107
+-0.760085 0.0748618 0.358619 0.536711
+-0.763354 0.0249897 0.322749 0.559017
+0.790146 0.0258667 -0.215708 -0.573123
+0.786763 0.0774894 -0.177762 -0.586004
+0.78001 0.12878 -0.139055 -0.596375
+0.769917 0.17952 -0.0997527 -0.604193
+0.756528 0.22949 -0.060023 -0.609424
+0.739899 0.278478 -0.0200363 -0.612045
+0.720101 0.326274 0.0200363 -0.612045
+0.69722 0.372672 0.060023 -0.609424
+0.671353 0.417474 0.0997527 -0.604193
+0.642612 0.460489 0.139055 -0.596375
+0.611118 0.501532 0.177762 -0.586004
+0.577008 0.540427 0.215708 -0.573123
+0.540427 0.577008 0.25273 -0.557788
+0.501532 0.611118 0.28867 -0.540064
+0.460489 0.642612 0.323374 -0.520028
+0.417474 0.671353 0.356693 -0.497765
+0.372672 0.69722 0.388485 -0.47337
+0.326274 0.720101 0.418613 -0.446949
+0.278478 0.739899 0.446949 -0.418613
+0.22949 0.756528 0.47337 -0.388485
+0.17952 0.769917 0.497765 -0.356693
+0.12878 0.78001 0.520028 -0.323374
+0.0774893 0.786763 0.540064 -0.28867
+0.0258666 0.790146 0.557788 -0.25273
+-0.0258668 0.790146 0.573123 -0.215708
+-0.0774894 0.786763 0.586004 -0.177762
+-0.12878 0.78001 0.596375 -0.139055
+-0.17952 0.769917 0.604193 -0.0997527
+-0.22949 0.756528 0.609424 -0.0600229
+-0.278478 0.739899 0.612045 -0.0200362
+-0.326274 0.720101 0.612045 0.0200363
+-0.372672 0.69722 0.609424 0.0600229
+-0.417474 0.671353 0.604193 0.0997527
+-0.460489 0.642612 0.596375 0.139055
+-0.501532 0.611118 0.586004 0.177762
+-0.540427 0.577008 0.573123 0.215708
+-0.577008 0.540427 0.557788 0.25273
+-0.611118 0.501532 0.540064 0.28867
+-0.642612 0.460489 0.520028 0.323374
+-0.671353 0.417474 0.497765 0.356693
+-0.69722 0.372672 0.47337 0.388485
+-0.720101 0.326274 0.446949 0.418613
+-0.739899 0.278478 0.418613 0.446949
+-0.756528 0.22949 0.388485 0.47337
+-0.769917 0.179519 0.356693 0.497765
+-0.78001 0.12878 0.323374 0.520028
+-0.786763 0.0774893 0.28867 0.540064
+-0.790146 0.0258668 0.25273 0.557788
+0.735586 0.0240806 0.0221509 -0.676641
+0.732436 0.0721387 0.0663579 -0.673743
+0.72615 0.119888 0.110281 -0.667961
+0.716754 0.167124 0.153731 -0.659318
+0.704289 0.213644 0.196524 -0.647852
+0.688808 0.259249 0.238474 -0.633611
+0.670378 0.303744 0.279404 -0.616658
+0.649076 0.346939 0.319137 -0.597064
+0.624996 0.388647 0.357504 -0.574913
+0.598239 0.428692 0.394339 -0.5503
+0.56892 0.466901 0.429486 -0.523331
+0.537165 0.50311 0.462794 -0.49412
+0.50311 0.537165 0.49412 -0.462794
+0.466901 0.56892 0.523331 -0.429486
+0.428692 0.598239 0.5503 -0.394339
+0.388647 0.624996 0.574913 -0.357504
+0.346939 0.649077 0.597064 -0.319137
+0.303744 0.670378 0.616658 -0.279404
+0.259249 0.688808 0.633611 -0.238474
+0.213644 0.704289 0.647852 -0.196524
+0.167124 0.716754 0.659318 -0.153731
+0.119888 0.72615 0.667961 -0.110281
+0.0721386 0.732436 0.673743 -0.0663578
+0.0240805 0.735586 0.676641 -0.0221508
+-0.0240807 0.735586 0.676641 0.022151
+-0.0721387 0.732436 0.673743 0.066358
+-0.119888 0.72615 0.667961 0.110281
+-0.167124 0.716754 0.659318 0.153731
+-0.213644 0.704289 0.647852 0.196524
+-0.259249 0.688808 0.633611 0.238475
+-0.303744 0.670378 0.616658 0.279404
+-0.346939 0.649077 0.597064 0.319137
+-0.388647 0.624996 0.574913 0.357504
+-0.428692 0.598239 0.5503 0.394339
+-0.466901 0.56892 0.523331 0.429486
+-0.50311 0.537165 0.49412 0.462794
+-0.537165 0.50311 0.462794 0.49412
+-0.56892 0.466901 0.429486 0.523331
+-0.598239 0.428692 0.394339 0.5503
+-0.624996 0.388647 0.357504 0.574913
+-0.649076 0.346939 0.319137 0.597063
+-0.670378 0.303744 0.279404 0.616658
+-0.688808 0.259249 0.238474 0.633611
+-0.704289 0.213644 0.196524 0.647852
+-0.716754 0.167124 0.153731 0.659318
+-0.72615 0.119888 0.110281 0.667961
+-0.732436 0.0721386 0.0663579 0.673743
+-0.735586 0.0240807 0.022151 0.676641
+0.763354 0.0249896 0.0842543 -0.639975
+0.760085 0.0748618 0.12593 -0.633094
+0.753561 0.124413 0.167067 -0.623502
+0.743811 0.173432 0.207488 -0.611241
+0.730875 0.221709 0.247021 -0.596362
+0.71481 0.269035 0.285496 -0.578929
+0.695684 0.31521 0.322749 -0.559017
+0.673578 0.360035 0.358619 -0.536711
+0.648589 0.403318 0.392954 -0.512107
+0.620822 0.444875 0.425606 -0.485311
+0.590396 0.484526 0.456435 -0.456435
+0.557443 0.522102 0.485311 -0.425606
+0.522102 0.557443 0.512107 -0.392954
+0.484526 0.590396 0.536711 -0.358619
+0.444875 0.620822 0.559017 -0.322749
+0.403318 0.648589 0.578929 -0.285496
+0.360035 0.673579 0.596362 -0.247021
+0.31521 0.695684 0.611241 -0.207488
+0.269035 0.71481 0.623502 -0.167067
+0.221709 0.730875 0.633094 -0.12593
+0.173432 0.743811 0.639975 -0.0842543
+0.124413 0.753561 0.644115 -0.0422175
+0.0748617 0.760085 0.645497 7.93547e-08
+0.0249895 0.763354 0.644115 0.0422176
+-0.0249897 0.763354 0.639975 0.0842544
+-0.0748619 0.760085 0.633094 0.12593
+-0.124414 0.753561 0.623502 0.167067
+-0.173432 0.743811 0.611241 0.207488
+-0.221709 0.730875 0.596362 0.247021
+-0.269036 0.71481 0.578929 0.285496
+-0.31521 0.695684 0.559017 0.322749
+-0.360035 0.673579 0.536711 0.358619
+-0.403318 0.648589 0.512107 0.392954
+-0.444875 0.620822 0.48531 0.425606
+-0.484526 0.590397 0.456435 0.456435
+-0.522102 0.557443 0.425606 0.485311
+-0.557443 0.522102 0.392954 0.512107
+-0.590397 0.484526 0.358619 0.536711
+-0.620822 0.444875 0.322749 0.559017
+-0.648589 0.403318 0.285496 0.578929
+-0.673578 0.360035 0.247021 0.596362
+-0.695684 0.31521 0.207488 0.611241
+-0.71481 0.269035 0.167067 0.623502
+-0.730875 0.221709 0.12593 0.633094
+-0.743811 0.173432 0.0842542 0.639975
+-0.753561 0.124414 0.0422176 0.644115
+-0.760085 0.0748618 -3.0621e-08 0.645497
+-0.763354 0.0249897 -0.0422175 0.644115
+0.763354 0.0249896 -0.0422175 -0.644115
+0.760085 0.0748618 1.76347e-09 -0.645497
+0.753561 0.124413 0.0422175 -0.644115
+0.743811 0.173432 0.0842543 -0.639975
+0.730875 0.221709 0.12593 -0.633094
+0.71481 0.269035 0.167067 -0.623502
+0.695684 0.31521 0.207488 -0.611241
+0.673578 0.360035 0.247021 -0.596362
+0.648589 0.403318 0.285496 -0.578929
+0.620822 0.444875 0.322749 -0.559017
+0.590396 0.484526 0.358619 -0.536711
+0.557443 0.522102 0.392954 -0.512107
+0.522102 0.557443 0.425606 -0.485311
+0.484526 0.590396 0.456435 -0.456435
+0.444875 0.620822 0.485311 -0.425606
+0.403318 0.648589 0.512107 -0.392954
+0.360035 0.673579 0.536711 -0.358619
+0.31521 0.695684 0.559017 -0.322749
+0.269035 0.71481 0.578929 -0.285496
+0.221709 0.730875 0.596362 -0.247021
+0.173432 0.743811 0.611241 -0.207488
+0.124413 0.753561 0.623502 -0.167067
+0.0748617 0.760085 0.633094 -0.12593
+0.0249895 0.763354 0.639975 -0.0842542
+-0.0249897 0.763354 0.644115 -0.0422175
+-0.0748619 0.760085 0.645497 5.40257e-08
+-0.124414 0.753561 0.644115 0.0422176
+-0.173432 0.743811 0.639975 0.0842543
+-0.221709 0.730875 0.633094 0.12593
+-0.269036 0.71481 0.623502 0.167067
+-0.31521 0.695684 0.611241 0.207488
+-0.360035 0.673579 0.596362 0.247021
+-0.403318 0.648589 0.578929 0.285496
+-0.444875 0.620822 0.559017 0.322749
+-0.484526 0.590397 0.536711 0.358619
+-0.522102 0.557443 0.512107 0.392954
+-0.557443 0.522102 0.485311 0.425606
+-0.590397 0.484526 0.456435 0.456435
+-0.620822 0.444875 0.425606 0.48531
+-0.648589 0.403318 0.392954 0.512107
+-0.673578 0.360035 0.358619 0.536711
+-0.695684 0.31521 0.322749 0.559017
+-0.71481 0.269035 0.285496 0.578929
+-0.730875 0.221709 0.247021 0.596362
+-0.743811 0.173432 0.207488 0.611241
+-0.753561 0.124414 0.167067 0.623502
+-0.760085 0.0748618 0.12593 0.633094
+-0.763354 0.0249897 0.0842543 0.639975
+0.790146 0.0258667 0.0200363 -0.612045
+0.786763 0.0774894 0.060023 -0.609424
+0.78001 0.12878 0.0997527 -0.604193
+0.769917 0.17952 0.139055 -0.596375
+0.756528 0.22949 0.177762 -0.586004
+0.739899 0.278478 0.215708 -0.573123
+0.720101 0.326274 0.25273 -0.557788
+0.69722 0.372672 0.28867 -0.540064
+0.671353 0.417474 0.323374 -0.520028
+0.642612 0.460489 0.356693 -0.497765
+0.611118 0.501532 0.388485 -0.47337
+0.577008 0.540427 0.418613 -0.446949
+0.540427 0.577008 0.446949 -0.418613
+0.501532 0.611118 0.47337 -0.388485
+0.460489 0.642612 0.497765 -0.356693
+0.417474 0.671353 0.520028 -0.323374
+0.372672 0.69722 0.540064 -0.28867
+0.326274 0.720101 0.557788 -0.25273
+0.278478 0.739899 0.573123 -0.215708
+0.22949 0.756528 0.586004 -0.177762
+0.17952 0.769917 0.596375 -0.139055
+0.12878 0.78001 0.604193 -0.0997526
+0.0774893 0.786763 0.609424 -0.0600229
+0.0258666 0.790146 0.612045 -0.0200362
+-0.0258668 0.790146 0.612045 0.0200363
+-0.0774894 0.786763 0.609424 0.060023
+-0.12878 0.78001 0.604193 0.0997527
+-0.17952 0.769917 0.596375 0.139055
+-0.22949 0.756528 0.586004 0.177762
+-0.278478 0.739899 0.573123 0.215708
+-0.326274 0.720101 0.557788 0.25273
+-0.372672 0.69722 0.540064 0.28867
+-0.417474 0.671353 0.520028 0.323374
+-0.460489 0.642612 0.497765 0.356693
+-0.501532 0.611118 0.47337 0.388485
+-0.540427 0.577008 0.446949 0.418613
+-0.577008 0.540427 0.418613 0.446949
+-0.611118 0.501532 0.388485 0.47337
+-0.642612 0.460489 0.356693 0.497765
+-0.671353 0.417474 0.323374 0.520028
+-0.69722 0.372672 0.28867 0.540064
+-0.720101 0.326274 0.25273 0.557788
+-0.739899 0.278478 0.215708 0.573123
+-0.756528 0.22949 0.177762 0.586004
+-0.769917 0.179519 0.139055 0.596375
+-0.78001 0.12878 0.0997527 0.604193
+-0.786763 0.0774893 0.060023 0.609424
+-0.790146 0.0258668 0.0200363 0.612045
+0.790146 0.0258667 0.139055 -0.596375
+0.786763 0.0774894 0.177762 -0.586004
+0.78001 0.12878 0.215708 -0.573123
+0.769917 0.17952 0.25273 -0.557788
+0.756528 0.22949 0.28867 -0.540064
+0.739899 0.278478 0.323374 -0.520028
+0.720101 0.326274 0.356693 -0.497765
+0.69722 0.372672 0.388485 -0.47337
+0.671353 0.417474 0.418613 -0.446949
+0.642612 0.460489 0.446949 -0.418613
+0.611118 0.501532 0.47337 -0.388485
+0.577008 0.540427 0.497765 -0.356693
+0.540427 0.577008 0.520028 -0.323374
+0.501532 0.611118 0.540064 -0.28867
+0.460489 0.642612 0.557788 -0.25273
+0.417474 0.671353 0.573123 -0.215708
+0.372672 0.69722 0.586004 -0.177762
+0.326274 0.720101 0.596375 -0.139055
+0.278478 0.739899 0.604193 -0.0997527
+0.22949 0.756528 0.609424 -0.060023
+0.17952 0.769917 0.612045 -0.0200362
+0.12878 0.78001 0.612045 0.0200363
+0.0774893 0.786763 0.609424 0.0600231
+0.0258666 0.790146 0.604193 0.0997528
+-0.0258668 0.790146 0.596375 0.139055
+-0.0774894 0.786763 0.586004 0.177762
+-0.12878 0.78001 0.573123 0.215708
+-0.17952 0.769917 0.557788 0.25273
+-0.22949 0.756528 0.540064 0.28867
+-0.278478 0.739899 0.520028 0.323374
+-0.326274 0.720101 0.497765 0.356693
+-0.372672 0.69722 0.47337 0.388485
+-0.417474 0.671353 0.446949 0.418613
+-0.460489 0.642612 0.418613 0.446949
+-0.501532 0.611118 0.388485 0.47337
+-0.540427 0.577008 0.356693 0.497765
+-0.577008 0.540427 0.323374 0.520028
+-0.611118 0.501532 0.28867 0.540064
+-0.642612 0.460489 0.25273 0.557788
+-0.671353 0.417474 0.215708 0.573123
+-0.69722 0.372672 0.177762 0.586004
+-0.720101 0.326274 0.139055 0.596375
+-0.739899 0.278478 0.0997526 0.604193
+-0.756528 0.22949 0.060023 0.609424
+-0.769917 0.179519 0.0200362 0.612045
+-0.78001 0.12878 -0.0200362 0.612045
+-0.786763 0.0774893 -0.060023 0.609424
+-0.790146 0.0258668 -0.0997526 0.604193
+0.816059 0.026715 0.185583 -0.54671
+0.812565 0.0800307 0.220942 -0.533402
+0.805591 0.133004 0.255355 -0.51781
+0.795167 0.185407 0.288675 -0.5
+0.781339 0.237016 0.320759 -0.480049
+0.764164 0.287611 0.351469 -0.458043
+0.743717 0.336974 0.380673 -0.434075
+0.720086 0.384894 0.408248 -0.408248
+0.693371 0.431166 0.434075 -0.380673
+0.663687 0.475591 0.458043 -0.351469
+0.63116 0.51798 0.480049 -0.320759
+0.595932 0.558151 0.5 -0.288675
+0.558151 0.595932 0.51781 -0.255355
+0.51798 0.63116 0.533402 -0.220942
+0.475591 0.663687 0.54671 -0.185583
+0.431166 0.693371 0.557678 -0.149429
+0.384894 0.720086 0.566257 -0.112635
+0.336974 0.743717 0.572411 -0.0753593
+0.287611 0.764164 0.576114 -0.0377605
+0.237016 0.781339 0.57735 2.48065e-08
+0.185407 0.795167 0.576114 0.0377605
+0.133003 0.805591 0.572411 0.0753594
+0.0800306 0.812565 0.566257 0.112636
+0.0267149 0.816059 0.557678 0.149429
+-0.0267151 0.816059 0.54671 0.185583
+-0.0800307 0.812565 0.533402 0.220942
+-0.133004 0.805591 0.51781 0.255356
+-0.185407 0.795167 0.5 0.288675
+-0.237017 0.781338 0.480049 0.320759
+-0.287611 0.764164 0.458043 0.351469
+-0.336974 0.743717 0.434075 0.380674
+-0.384894 0.720086 0.408248 0.408248
+-0.431166 0.693371 0.380673 0.434075
+-0.475591 0.663686 0.351469 0.458043
+-0.51798 0.63116 0.320759 0.480049
+-0.558151 0.595931 0.288675 0.5
+-0.595931 0.558151 0.255356 0.51781
+-0.63116 0.51798 0.220942 0.533402
+-0.663686 0.475591 0.185583 0.54671
+-0.693371 0.431166 0.149429 0.557678
+-0.720086 0.384894 0.112636 0.566257
+-0.743717 0.336974 0.0753593 0.572411
+-0.764164 0.287611 0.0377605 0.576114
+-0.781339 0.237016 1.87823e-08 0.57735
+-0.795167 0.185407 -0.0377606 0.576114
+-0.805591 0.133004 -0.0753593 0.572411
+-0.812565 0.0800306 -0.112635 0.566257
+-0.816059 0.0267151 -0.149429 0.557678
+0.816059 0.026715 0.0753593 -0.572411
+0.812565 0.0800307 0.112635 -0.566257
+0.805591 0.133004 0.149429 -0.557678
+0.795167 0.185407 0.185583 -0.54671
+0.781339 0.237016 0.220942 -0.533402
+0.764164 0.287611 0.255355 -0.51781
+0.743717 0.336974 0.288675 -0.5
+0.720086 0.384894 0.320759 -0.480049
+0.693371 0.431166 0.351469 -0.458043
+0.663687 0.475591 0.380673 -0.434075
+0.63116 0.51798 0.408248 -0.408248
+0.595932 0.558151 0.434075 -0.380673
+0.558151 0.595932 0.458043 -0.351469
+0.51798 0.63116 0.480049 -0.320759
+0.475591 0.663687 0.5 -0.288675
+0.431166 0.693371 0.51781 -0.255355
+0.384894 0.720086 0.533402 -0.220942
+0.336974 0.743717 0.54671 -0.185583
+0.287611 0.764164 0.557678 -0.149429
+0.237016 0.781339 0.566257 -0.112635
+0.185407 0.795167 0.572411 -0.0753593
+0.133003 0.805591 0.576114 -0.0377604
+0.0800306 0.812565 0.57735 7.0977e-08
+0.0267149 0.816059 0.576114 0.0377606
+-0.0267151 0.816059 0.572411 0.0753594
+-0.0800307 0.812565 0.566257 0.112635
+-0.133004 0.805591 0.557678 0.149429
+-0.185407 0.795167 0.54671 0.185583
+-0.237017 0.781338 0.533402 0.220942
+-0.287611 0.764164 0.51781 0.255356
+-0.336974 0.743717 0.5 0.288675
+-0.384894 0.720086 0.480049 0.320759
+-0.431166 0.693371 0.458043 0.351469
+-0.475591 0.663686 0.434075 0.380674
+-0.51798 0.63116 0.408248 0.408248
+-0.558151 0.595931 0.380673 0.434075
+-0.595931 0.558151 0.351469 0.458043
+-0.63116 0.51798 0.320759 0.480049
+-0.663686 0.475591 0.288675 0.5
+-0.693371 0.431166 0.255355 0.51781
+-0.720086 0.384894 0.220942 0.533402
+-0.743717 0.336974 0.185583 0.54671
+-0.764164 0.287611 0.149429 0.557678
+-0.781339 0.237016 0.112635 0.566257
+-0.795167 0.185407 0.0753593 0.572411
+-0.805591 0.133004 0.0377605 0.576114
+-0.812565 0.0800306 -2.73883e-08 0.57735
+-0.816059 0.0267151 -0.0377605 0.576114
+0.841175 0.0275372 0.122635 -0.525954
+0.837573 0.0824937 0.156772 -0.516807
+0.830384 0.137097 0.190237 -0.505447
+0.81964 0.191113 0.222887 -0.491923
+0.805385 0.244311 0.254583 -0.476292
+0.787682 0.296463 0.285189 -0.458622
+0.766606 0.347345 0.314574 -0.438987
+0.742247 0.396739 0.342612 -0.417473
+0.71471 0.444435 0.369182 -0.394172
+0.684112 0.490228 0.394172 -0.369182
+0.650585 0.533921 0.417473 -0.342612
+0.614272 0.575329 0.438987 -0.314574
+0.575329 0.614272 0.458622 -0.285189
+0.533922 0.650585 0.476292 -0.254583
+0.490228 0.684112 0.491923 -0.222887
+0.444435 0.71471 0.505447 -0.190237
+0.396739 0.742247 0.516807 -0.156772
+0.347345 0.766606 0.525954 -0.122635
+0.296463 0.787682 0.532848 -0.0879736
+0.244311 0.805385 0.537461 -0.0529353
+0.191113 0.81964 0.539773 -0.0176703
+0.137097 0.830384 0.539773 0.0176704
+0.0824936 0.837573 0.537461 0.0529354
+0.0275371 0.841175 0.532848 0.0879737
+-0.0275373 0.841175 0.525954 0.122635
+-0.0824938 0.837573 0.516807 0.156772
+-0.137097 0.830384 0.505447 0.190237
+-0.191113 0.81964 0.491923 0.222887
+-0.244311 0.805385 0.476292 0.254583
+-0.296463 0.787682 0.458622 0.285189
+-0.347345 0.766606 0.438987 0.314574
+-0.396739 0.742247 0.417473 0.342611
+-0.444435 0.71471 0.394172 0.369182
+-0.490228 0.684112 0.369182 0.394172
+-0.533921 0.650585 0.342612 0.417473
+-0.575329 0.614272 0.314574 0.438987
+-0.614272 0.575329 0.285189 0.458622
+-0.650585 0.533921 0.254583 0.476292
+-0.684112 0.490228 0.222887 0.491923
+-0.71471 0.444435 0.190237 0.505447
+-0.742247 0.39674 0.156772 0.516807
+-0.766606 0.347345 0.122635 0.525954
+-0.787682 0.296463 0.0879736 0.532848
+-0.805385 0.244311 0.0529353 0.537461
+-0.81964 0.191113 0.0176703 0.539773
+-0.830384 0.137097 -0.0176703 0.539773
+-0.837573 0.0824937 -0.0529353 0.537461
+-0.841175 0.0275373 -0.0879736 0.532848
+0.790146 0.0258667 -0.0997527 -0.604193
+0.786763 0.0774894 -0.060023 -0.609424
+0.78001 0.12878 -0.0200363 -0.612045
+0.769917 0.17952 0.0200363 -0.612045
+0.756528 0.22949 0.060023 -0.609424
+0.739899 0.278478 0.0997527 -0.604193
+0.720101 0.326274 0.139055 -0.596375
+0.69722 0.372672 0.177762 -0.586004
+0.671353 0.417474 0.215708 -0.573123
+0.642612 0.460489 0.25273 -0.557788
+0.611118 0.501532 0.28867 -0.540064
+0.577008 0.540427 0.323374 -0.520028
+0.540427 0.577008 0.356693 -0.497765
+0.501532 0.611118 0.388485 -0.47337
+0.460489 0.642612 0.418613 -0.446949
+0.417474 0.671353 0.446949 -0.418613
+0.372672 0.69722 0.47337 -0.388485
+0.326274 0.720101 0.497765 -0.356693
+0.278478 0.739899 0.520028 -0.323374
+0.22949 0.756528 0.540064 -0.28867
+0.17952 0.769917 0.557788 -0.25273
+0.12878 0.78001 0.573123 -0.215708
+0.0774893 0.786763 0.586004 -0.177762
+0.0258666 0.790146 0.596375 -0.139055
+-0.0258668 0.790146 0.604193 -0.0997526
+-0.0774894 0.786763 0.609424 -0.0600229
+-0.12878 0.78001 0.612045 -0.0200362
+-0.17952 0.769917 0.612045 0.0200363
+-0.22949 0.756528 0.609424 0.0600231
+-0.278478 0.739899 0.604193 0.0997528
+-0.326274 0.720101 0.596375 0.139055
+-0.372672 0.69722 0.586004 0.177762
+-0.417474 0.671353 0.573123 0.215708
+-0.460489 0.642612 0.557788 0.25273
+-0.501532 0.611118 0.540064 0.28867
+-0.540427 0.577008 0.520028 0.323374
+-0.577008 0.540427 0.497765 0.356693
+-0.611118 0.501532 0.47337 0.388485
+-0.642612 0.460489 0.446949 0.418613
+-0.671353 0.417474 0.418613 0.446949
+-0.69722 0.372672 0.388485 0.47337
+-0.720101 0.326274 0.356693 0.497765
+-0.739899 0.278478 0.323374 0.520028
+-0.756528 0.22949 0.28867 0.540064
+-0.769917 0.179519 0.25273 0.557788
+-0.78001 0.12878 0.215708 0.573123
+-0.786763 0.0774893 0.177762 0.586004
+-0.790146 0.0258668 0.139055 0.596375
+0.816059 0.026715 -0.0377605 -0.576114
+0.812565 0.0800307 1.5773e-09 -0.57735
+0.805591 0.133004 0.0377605 -0.576114
+0.795167 0.185407 0.0753593 -0.572411
+0.781339 0.237016 0.112635 -0.566257
+0.764164 0.287611 0.149429 -0.557678
+0.743717 0.336974 0.185583 -0.54671
+0.720086 0.384894 0.220942 -0.533402
+0.693371 0.431166 0.255355 -0.51781
+0.663687 0.475591 0.288675 -0.5
+0.63116 0.51798 0.320759 -0.480049
+0.595932 0.558151 0.351469 -0.458043
+0.558151 0.595932 0.380673 -0.434075
+0.51798 0.63116 0.408248 -0.408248
+0.475591 0.663687 0.434075 -0.380673
+0.431166 0.693371 0.458043 -0.351469
+0.384894 0.720086 0.480049 -0.320759
+0.336974 0.743717 0.5 -0.288675
+0.287611 0.764164 0.51781 -0.255355
+0.237016 0.781339 0.533402 -0.220942
+0.185407 0.795167 0.54671 -0.185583
+0.133003 0.805591 0.557678 -0.149429
+0.0800306 0.812565 0.566257 -0.112635
+0.0267149 0.816059 0.572411 -0.0753593
+-0.0267151 0.816059 0.576114 -0.0377605
+-0.0800307 0.812565 0.57735 4.83221e-08
+-0.133004 0.805591 0.576114 0.0377606
+-0.185407 0.795167 0.572411 0.0753594
+-0.237017 0.781338 0.566257 0.112636
+-0.287611 0.764164 0.557678 0.149429
+-0.336974 0.743717 0.54671 0.185583
+-0.384894 0.720086 0.533402 0.220942
+-0.431166 0.693371 0.51781 0.255355
+-0.475591 0.663686 0.5 0.288675
+-0.51798 0.63116 0.480049 0.320759
+-0.558151 0.595931 0.458043 0.351469
+-0.595931 0.558151 0.434075 0.380673
+-0.63116 0.51798 0.408248 0.408248
+-0.663686 0.475591 0.380674 0.434075
+-0.693371 0.431166 0.351469 0.458043
+-0.720086 0.384894 0.320759 0.480049
+-0.743717 0.336974 0.288675 0.5
+-0.764164 0.287611 0.255355 0.51781
+-0.781339 0.237016 0.220942 0.533402
+-0.795167 0.185407 0.185583 0.54671
+-0.805591 0.133004 0.149429 0.557678
+-0.812565 0.0800306 0.112635 0.566257
+-0.816059 0.0267151 0.0753594 0.572411
+0.816059 0.026715 -0.149429 -0.557678
+0.812565 0.0800307 -0.112635 -0.566257
+0.805591 0.133004 -0.0753593 -0.572411
+0.795167 0.185407 -0.0377605 -0.576114
+0.781339 0.237016 4.30302e-10 -0.57735
+0.764164 0.287611 0.0377605 -0.576114
+0.743717 0.336974 0.0753593 -0.572411
+0.720086 0.384894 0.112635 -0.566257
+0.693371 0.431166 0.149429 -0.557678
+0.663687 0.475591 0.185583 -0.54671
+0.63116 0.51798 0.220942 -0.533402
+0.595932 0.558151 0.255356 -0.51781
+0.558151 0.595932 0.288675 -0.5
+0.51798 0.63116 0.320759 -0.480049
+0.475591 0.663687 0.351469 -0.458043
+0.431166 0.693371 0.380674 -0.434075
+0.384894 0.720086 0.408248 -0.408248
+0.336974 0.743717 0.434075 -0.380673
+0.287611 0.764164 0.458043 -0.351469
+0.237016 0.781339 0.480049 -0.320759
+0.185407 0.795167 0.5 -0.288675
+0.133003 0.805591 0.51781 -0.255355
+0.0800306 0.812565 0.533402 -0.220942
+0.0267149 0.816059 0.54671 -0.185583
+-0.0267151 0.816059 0.557678 -0.149429
+-0.0800307 0.812565 0.566257 -0.112635
+-0.133004 0.805591 0.572411 -0.0753593
+-0.185407 0.795167 0.576114 -0.0377605
+-0.237017 0.781338 0.57735 9.44926e-08
+-0.287611 0.764164 0.576114 0.0377606
+-0.336974 0.743717 0.572411 0.0753594
+-0.384894 0.720086 0.566257 0.112635
+-0.431166 0.693371 0.557678 0.149429
+-0.475591 0.663686 0.54671 0.185583
+-0.51798 0.63116 0.533402 0.220942
+-0.558151 0.595931 0.51781 0.255356
+-0.595931 0.558151 0.5 0.288675
+-0.63116 0.51798 0.480049 0.320759
+-0.663686 0.475591 0.458043 0.351469
+-0.693371 0.431166 0.434075 0.380673
+-0.720086 0.384894 0.408248 0.408248
+-0.743717 0.336974 0.380673 0.434075
+-0.764164 0.287611 0.351469 0.458043
+-0.781339 0.237016 0.320759 0.480049
+-0.795167 0.185407 0.288675 0.5
+-0.805591 0.133004 0.255356 0.51781
+-0.812565 0.0800306 0.220942 0.533402
+-0.816059 0.0267151 0.185583 0.54671
+0.841175 0.0275372 -0.0879736 -0.532848
+0.837573 0.0824937 -0.0529353 -0.537461
+0.830384 0.137097 -0.0176703 -0.539773
+0.81964 0.191113 0.0176703 -0.539773
+0.805385 0.244311 0.0529353 -0.537461
+0.787682 0.296463 0.0879736 -0.532848
+0.766606 0.347345 0.122635 -0.525954
+0.742247 0.396739 0.156772 -0.516807
+0.71471 0.444435 0.190237 -0.505447
+0.684112 0.490228 0.222887 -0.491923
+0.650585 0.533921 0.254583 -0.476292
+0.614272 0.575329 0.285189 -0.458622
+0.575329 0.614272 0.314574 -0.438987
+0.533922 0.650585 0.342612 -0.417473
+0.490228 0.684112 0.369182 -0.394172
+0.444435 0.71471 0.394172 -0.369182
+0.396739 0.742247 0.417473 -0.342611
+0.347345 0.766606 0.438987 -0.314574
+0.296463 0.787682 0.458622 -0.285189
+0.244311 0.805385 0.476292 -0.254583
+0.191113 0.81964 0.491923 -0.222887
+0.137097 0.830384 0.505447 -0.190237
+0.0824936 0.837573 0.516807 -0.156772
+0.0275371 0.841175 0.525954 -0.122635
+-0.0275373 0.841175 0.532848 -0.0879736
+-0.0824938 0.837573 0.537461 -0.0529353
+-0.137097 0.830384 0.539773 -0.0176703
+-0.191113 0.81964 0.539773 0.0176704
+-0.244311 0.805385 0.537461 0.0529354
+-0.296463 0.787682 0.532848 0.0879737
+-0.347345 0.766606 0.525954 0.122635
+-0.396739 0.742247 0.516807 0.156772
+-0.444435 0.71471 0.505447 0.190237
+-0.490228 0.684112 0.491923 0.222887
+-0.533921 0.650585 0.476292 0.254583
+-0.575329 0.614272 0.458622 0.285189
+-0.614272 0.575329 0.438987 0.314574
+-0.650585 0.533921 0.417473 0.342612
+-0.684112 0.490228 0.394172 0.369182
+-0.71471 0.444435 0.369182 0.394172
+-0.742247 0.39674 0.342612 0.417473
+-0.766606 0.347345 0.314574 0.438987
+-0.787682 0.296463 0.285189 0.458622
+-0.805385 0.244311 0.254583 0.476292
+-0.81964 0.191113 0.222887 0.491923
+-0.830384 0.137097 0.190237 0.505447
+-0.837573 0.0824937 0.156772 0.516807
+-0.841175 0.0275373 0.122635 0.525954
+0.841175 0.0275372 0.0176703 -0.539773
+0.837573 0.0824937 0.0529353 -0.537461
+0.830384 0.137097 0.0879736 -0.532848
+0.81964 0.191113 0.122635 -0.525954
+0.805385 0.244311 0.156772 -0.516807
+0.787682 0.296463 0.190237 -0.505447
+0.766606 0.347345 0.222887 -0.491923
+0.742247 0.396739 0.254583 -0.476292
+0.71471 0.444435 0.285189 -0.458622
+0.684112 0.490228 0.314574 -0.438987
+0.650585 0.533921 0.342612 -0.417473
+0.614272 0.575329 0.369182 -0.394172
+0.575329 0.614272 0.394172 -0.369182
+0.533922 0.650585 0.417473 -0.342612
+0.490228 0.684112 0.438987 -0.314574
+0.444435 0.71471 0.458622 -0.285189
+0.396739 0.742247 0.476292 -0.254583
+0.347345 0.766606 0.491923 -0.222887
+0.296463 0.787682 0.505447 -0.190237
+0.244311 0.805385 0.516807 -0.156772
+0.191113 0.81964 0.525954 -0.122635
+0.137097 0.830384 0.532848 -0.0879735
+0.0824936 0.837573 0.537461 -0.0529352
+0.0275371 0.841175 0.539773 -0.0176703
+-0.0275373 0.841175 0.539773 0.0176704
+-0.0824938 0.837573 0.537461 0.0529354
+-0.137097 0.830384 0.532848 0.0879736
+-0.191113 0.81964 0.525954 0.122635
+-0.244311 0.805385 0.516807 0.156772
+-0.296463 0.787682 0.505447 0.190237
+-0.347345 0.766606 0.491923 0.222887
+-0.396739 0.742247 0.476292 0.254583
+-0.444435 0.71471 0.458622 0.285189
+-0.490228 0.684112 0.438987 0.314574
+-0.533921 0.650585 0.417473 0.342612
+-0.575329 0.614272 0.394172 0.369182
+-0.614272 0.575329 0.369182 0.394172
+-0.650585 0.533921 0.342612 0.417473
+-0.684112 0.490228 0.314574 0.438987
+-0.71471 0.444435 0.285189 0.458622
+-0.742247 0.39674 0.254583 0.476292
+-0.766606 0.347345 0.222887 0.491923
+-0.787682 0.296463 0.190237 0.505447
+-0.805385 0.244311 0.156772 0.516807
+-0.81964 0.191113 0.122635 0.525954
+-0.830384 0.137097 0.0879736 0.532848
+-0.837573 0.0824937 0.0529353 0.537461
+-0.841175 0.0275373 0.0176704 0.539773
+0.865562 0.0283356 0.0652631 -0.495722
+0.861855 0.0848853 0.0975452 -0.490393
+0.854458 0.141072 0.12941 -0.482963
+0.843402 0.196654 0.16072 -0.473465
+0.828735 0.251394 0.191342 -0.46194
+0.810518 0.305057 0.221144 -0.448436
+0.788831 0.357415 0.25 -0.433013
+0.763766 0.408242 0.277785 -0.415735
+0.735431 0.45732 0.304381 -0.396677
+0.703946 0.50444 0.329673 -0.37592
+0.669447 0.549401 0.353553 -0.353553
+0.632081 0.592008 0.37592 -0.329673
+0.592008 0.632081 0.396677 -0.304381
+0.549401 0.669447 0.415735 -0.277785
+0.50444 0.703946 0.433013 -0.25
+0.45732 0.735431 0.448436 -0.221144
+0.408241 0.763766 0.46194 -0.191342
+0.357415 0.788831 0.473465 -0.16072
+0.305057 0.810518 0.482963 -0.129409
+0.251394 0.828735 0.490393 -0.0975451
+0.196654 0.843402 0.495722 -0.0652631
+0.141072 0.854458 0.498929 -0.0327015
+0.0848852 0.861855 0.5 6.14679e-08
+0.0283355 0.865562 0.498929 0.0327016
+-0.0283356 0.865562 0.495722 0.0652631
+-0.0848854 0.861855 0.490393 0.0975452
+-0.141072 0.854458 0.482963 0.12941
+-0.196654 0.843402 0.473465 0.16072
+-0.251394 0.828735 0.46194 0.191342
+-0.305058 0.810518 0.448436 0.221144
+-0.357415 0.788831 0.433013 0.25
+-0.408241 0.763766 0.415735 0.277785
+-0.45732 0.735431 0.396677 0.304381
+-0.504441 0.703946 0.37592 0.329673
+-0.549401 0.669447 0.353553 0.353553
+-0.592008 0.632081 0.329673 0.37592
+-0.632081 0.592008 0.304381 0.396677
+-0.669447 0.549401 0.277785 0.415735
+-0.703946 0.504441 0.25 0.433013
+-0.735431 0.45732 0.221144 0.448436
+-0.763766 0.408242 0.191342 0.46194
+-0.788831 0.357415 0.16072 0.473465
+-0.810518 0.305057 0.129409 0.482963
+-0.828735 0.251394 0.0975452 0.490393
+-0.843402 0.196654 0.0652631 0.495722
+-0.854458 0.141072 0.0327016 0.498929
+-0.861855 0.0848853 -2.3719e-08 0.5
+-0.865562 0.0283356 -0.0327015 0.498929
+0.865562 0.0283356 -0.0327016 -0.498929
+0.861855 0.0848853 1.36598e-09 -0.5
+0.854458 0.141072 0.0327016 -0.498929
+0.843402 0.196654 0.0652631 -0.495722
+0.828735 0.251394 0.0975452 -0.490393
+0.810518 0.305057 0.12941 -0.482963
+0.788831 0.357415 0.16072 -0.473465
+0.763766 0.408242 0.191342 -0.46194
+0.735431 0.45732 0.221144 -0.448436
+0.703946 0.50444 0.25 -0.433013
+0.669447 0.549401 0.277785 -0.415735
+0.632081 0.592008 0.304381 -0.396677
+0.592008 0.632081 0.329673 -0.37592
+0.549401 0.669447 0.353553 -0.353553
+0.50444 0.703946 0.37592 -0.329673
+0.45732 0.735431 0.396677 -0.304381
+0.408241 0.763766 0.415735 -0.277785
+0.357415 0.788831 0.433013 -0.25
+0.305057 0.810518 0.448436 -0.221144
+0.251394 0.828735 0.46194 -0.191342
+0.196654 0.843402 0.473465 -0.16072
+0.141072 0.854458 0.482963 -0.129409
+0.0848852 0.861855 0.490393 -0.0975451
+0.0283355 0.865562 0.495722 -0.065263
+-0.0283356 0.865562 0.498929 -0.0327015
+-0.0848854 0.861855 0.5 4.18481e-08
+-0.141072 0.854458 0.498929 0.0327016
+-0.196654 0.843402 0.495722 0.0652631
+-0.251394 0.828735 0.490393 0.0975452
+-0.305058 0.810518 0.482963 0.12941
+-0.357415 0.788831 0.473465 0.16072
+-0.408241 0.763766 0.46194 0.191342
+-0.45732 0.735431 0.448436 0.221144
+-0.504441 0.703946 0.433013 0.25
+-0.549401 0.669447 0.415735 0.277785
+-0.592008 0.632081 0.396677 0.304381
+-0.632081 0.592008 0.37592 0.329673
+-0.669447 0.549401 0.353553 0.353553
+-0.703946 0.504441 0.329673 0.37592
+-0.735431 0.45732 0.304381 0.396677
+-0.763766 0.408242 0.277785 0.415735
+-0.788831 0.357415 0.25 0.433013
+-0.810518 0.305057 0.221144 0.448436
+-0.828735 0.251394 0.191342 0.46194
+-0.843402 0.196654 0.16072 0.473465
+-0.854458 0.141072 0.12941 0.482963
+-0.861855 0.0848853 0.0975451 0.490393
+-0.865562 0.0283356 0.0652631 0.495722
+0.88928 0.029112 0.0149342 -0.456191
+0.885472 0.0872114 0.0447385 -0.454238
+0.877872 0.144937 0.0743513 -0.450339
+0.866513 0.202043 0.103646 -0.444512
+0.851444 0.258283 0.132496 -0.436782
+0.832728 0.313417 0.160779 -0.427181
+0.810447 0.367209 0.188374 -0.415751
+0.784695 0.419428 0.215162 -0.40254
+0.755583 0.469852 0.241029 -0.387606
+0.723236 0.518263 0.265863 -0.371012
+0.687791 0.564456 0.28956 -0.352829
+0.649401 0.608231 0.312016 -0.333136
+0.608231 0.649401 0.333136 -0.312016
+0.564456 0.687791 0.352829 -0.28956
+0.518263 0.723236 0.371012 -0.265863
+0.469852 0.755583 0.387606 -0.241029
+0.419428 0.784695 0.40254 -0.215162
+0.367209 0.810447 0.415751 -0.188374
+0.313417 0.832728 0.427181 -0.160779
+0.258283 0.851444 0.436782 -0.132496
+0.202043 0.866513 0.444512 -0.103646
+0.144937 0.877872 0.450339 -0.0743512
+0.0872113 0.885472 0.454238 -0.0447384
+0.0291119 0.88928 0.456191 -0.0149341
+-0.0291121 0.88928 0.456191 0.0149342
+-0.0872115 0.885472 0.454238 0.0447385
+-0.144937 0.877872 0.450339 0.0743513
+-0.202043 0.866513 0.444512 0.103646
+-0.258283 0.851444 0.436781 0.132496
+-0.313417 0.832728 0.427181 0.160779
+-0.367209 0.810447 0.415751 0.188374
+-0.419428 0.784695 0.40254 0.215162
+-0.469852 0.755583 0.387606 0.241029
+-0.518263 0.723236 0.371012 0.265864
+-0.564456 0.687791 0.352829 0.28956
+-0.608231 0.649401 0.333136 0.312016
+-0.649401 0.608231 0.312016 0.333136
+-0.687791 0.564456 0.28956 0.352829
+-0.723236 0.518263 0.265864 0.371012
+-0.755583 0.469852 0.241029 0.387606
+-0.784695 0.419428 0.215162 0.40254
+-0.810447 0.367209 0.188374 0.415751
+-0.832728 0.313417 0.160779 0.427181
+-0.851444 0.258283 0.132496 0.436782
+-0.866513 0.202043 0.103646 0.444512
+-0.877872 0.144937 0.0743513 0.450339
+-0.885472 0.0872113 0.0447385 0.454238
+-0.88928 0.0291121 0.0149342 0.456191
+0.0510037 0.00166969 0.682702 0.728913
+0.0507853 0.00500192 0.633567 0.772003
+0.0503494 0.00831272 0.581719 0.811788
+0.049698 0.0115879 0.52738 0.848096
+0.0488337 0.0148135 0.470783 0.880772
+0.0477602 0.0179757 0.412169 0.909677
+0.0464823 0.0210609 0.351791 0.934687
+0.0450054 0.0240559 0.289906 0.955694
+0.0433357 0.0269479 0.22678 0.972608
+0.0414804 0.0297244 0.162683 0.985358
+0.0394475 0.0323737 0.0978894 0.993888
+0.0372457 0.0348844 0.0326764 0.998162
+0.0348844 0.0372457 -0.0326765 0.998162
+0.0323737 0.0394475 -0.0978894 0.993888
+0.0297244 0.0414804 -0.162683 0.985358
+0.0269478 0.0433357 -0.22678 0.972608
+0.0240559 0.0450054 -0.289907 0.955693
+0.0210609 0.0464823 -0.351791 0.934686
+0.0179757 0.0477603 -0.412169 0.909677
+0.0148135 0.0488337 -0.470783 0.880772
+0.0115879 0.049698 -0.52738 0.848096
+0.00831272 0.0503494 -0.581719 0.811788
+0.00500191 0.0507853 -0.633567 0.772003
+0.00166968 0.0510037 -0.682702 0.728913
+-0.00166969 0.0510037 -0.728913 0.682702
+-0.00500192 0.0507853 -0.772003 0.633567
+-0.00831273 0.0503494 -0.811788 0.581719
+-0.0115879 0.049698 -0.848096 0.52738
+-0.0148135 0.0488337 -0.880772 0.470782
+-0.0179757 0.0477602 -0.909677 0.412169
+-0.0210609 0.0464823 -0.934687 0.351791
+-0.0240559 0.0450054 -0.955693 0.289907
+-0.0269478 0.0433357 -0.972608 0.22678
+-0.0297244 0.0414804 -0.985358 0.162683
+-0.0323737 0.0394475 -0.993888 0.0978895
+-0.0348844 0.0372457 -0.998162 0.0326764
+-0.0372457 0.0348844 -0.998162 -0.0326764
+-0.0394475 0.0323737 -0.993888 -0.0978895
+-0.0414804 0.0297244 -0.985358 -0.162683
+-0.0433357 0.0269478 -0.972608 -0.22678
+-0.0450054 0.0240559 -0.955694 -0.289906
+-0.0464823 0.0210609 -0.934687 -0.351791
+-0.0477603 0.0179757 -0.909677 -0.412169
+-0.0488337 0.0148135 -0.880772 -0.470783
+-0.049698 0.0115879 -0.848096 -0.52738
+-0.0503494 0.00831273 -0.811788 -0.581719
+-0.0507853 0.00500191 -0.772003 -0.633567
+-0.0510037 0.00166969 -0.728913 -0.682702
+0.102007 0.00333938 0.350411 0.931019
+0.101571 0.0100038 0.288769 0.951943
+0.100699 0.0166254 0.22589 0.968791
+0.0993959 0.0231759 0.162045 0.981491
+0.0976673 0.0296271 0.0975053 0.989988
+0.0955205 0.0359514 0.0325482 0.994245
+0.0929646 0.0421217 -0.0325482 0.994245
+0.0900107 0.0481117 -0.0975053 0.989988
+0.0866713 0.0538957 -0.162045 0.981491
+0.0829608 0.0594489 -0.22589 0.968791
+0.0788951 0.0647475 -0.288769 0.951943
+0.0744914 0.0697688 -0.350411 0.931019
+0.0697688 0.0744914 -0.410552 0.906107
+0.0647475 0.078895 -0.468935 0.877316
+0.0594489 0.0829608 -0.52531 0.844768
+0.0538957 0.0866713 -0.579436 0.808602
+0.0481117 0.0900107 -0.631081 0.768974
+0.0421217 0.0929647 -0.680023 0.726053
+0.0359514 0.0955205 -0.726053 0.680023
+0.0296271 0.0976673 -0.768974 0.63108
+0.0231759 0.0993959 -0.808602 0.579436
+0.0166254 0.100699 -0.844768 0.52531
+0.0100038 0.101571 -0.877316 0.468935
+0.00333937 0.102007 -0.906107 0.410552
+-0.00333939 0.102007 -0.931019 0.350411
+-0.0100038 0.101571 -0.951943 0.288769
+-0.0166255 0.100699 -0.968791 0.22589
+-0.0231759 0.0993959 -0.981491 0.162045
+-0.0296271 0.0976673 -0.989988 0.0975051
+-0.0359514 0.0955205 -0.994245 0.0325481
+-0.0421217 0.0929646 -0.994245 -0.0325484
+-0.0481117 0.0900107 -0.989988 -0.0975052
+-0.0538957 0.0866713 -0.981491 -0.162045
+-0.0594489 0.0829608 -0.968791 -0.225891
+-0.0647475 0.0788951 -0.951943 -0.288769
+-0.0697689 0.0744914 -0.931019 -0.350411
+-0.0744914 0.0697689 -0.906107 -0.410552
+-0.0788951 0.0647475 -0.877316 -0.468935
+-0.0829608 0.0594489 -0.844768 -0.52531
+-0.0866713 0.0538957 -0.808602 -0.579436
+-0.0900107 0.0481117 -0.768974 -0.63108
+-0.0929646 0.0421217 -0.726053 -0.680023
+-0.0955205 0.0359514 -0.680023 -0.726053
+-0.0976673 0.0296271 -0.631081 -0.768974
+-0.0993959 0.0231759 -0.579436 -0.808602
+-0.100699 0.0166255 -0.52531 -0.844768
+-0.101571 0.0100038 -0.468935 -0.877316
+-0.102007 0.00333939 -0.410552 -0.906107
+0.102007 0.00333938 0.906107 0.410552
+0.101571 0.0100038 0.877316 0.468935
+0.100699 0.0166254 0.844768 0.52531
+0.0993959 0.0231759 0.808602 0.579436
+0.0976673 0.0296271 0.768974 0.631081
+0.0955205 0.0359514 0.726053 0.680023
+0.0929646 0.0421217 0.680023 0.726053
+0.0900107 0.0481117 0.63108 0.768974
+0.0866713 0.0538957 0.579436 0.808602
+0.0829608 0.0594489 0.52531 0.844768
+0.0788951 0.0647475 0.468935 0.877316
+0.0744914 0.0697688 0.410552 0.906107
+0.0697688 0.0744914 0.350411 0.931019
+0.0647475 0.078895 0.288769 0.951943
+0.0594489 0.0829608 0.22589 0.968791
+0.0538957 0.0866713 0.162045 0.981491
+0.0481117 0.0900107 0.0975052 0.989988
+0.0421217 0.0929647 0.0325482 0.994245
+0.0359514 0.0955205 -0.0325483 0.994245
+0.0296271 0.0976673 -0.0975053 0.989988
+0.0231759 0.0993959 -0.162045 0.981491
+0.0166254 0.100699 -0.225891 0.968791
+0.0100038 0.101571 -0.288769 0.951943
+0.00333937 0.102007 -0.350411 0.931019
+-0.00333939 0.102007 -0.410552 0.906107
+-0.0100038 0.101571 -0.468935 0.877316
+-0.0166255 0.100699 -0.52531 0.844768
+-0.0231759 0.0993959 -0.579436 0.808602
+-0.0296271 0.0976673 -0.631081 0.768974
+-0.0359514 0.0955205 -0.680023 0.726053
+-0.0421217 0.0929646 -0.726053 0.680023
+-0.0481117 0.0900107 -0.768974 0.631081
+-0.0538957 0.0866713 -0.808602 0.579436
+-0.0594489 0.0829608 -0.844768 0.52531
+-0.0647475 0.0788951 -0.877316 0.468935
+-0.0697689 0.0744914 -0.906107 0.410552
+-0.0744914 0.0697689 -0.931019 0.350411
+-0.0788951 0.0647475 -0.951943 0.288769
+-0.0829608 0.0594489 -0.968791 0.225891
+-0.0866713 0.0538957 -0.981491 0.162045
+-0.0900107 0.0481117 -0.989988 0.0975054
+-0.0929646 0.0421217 -0.994245 0.0325482
+-0.0955205 0.0359514 -0.994245 -0.0325483
+-0.0976673 0.0296271 -0.989988 -0.0975053
+-0.0993959 0.0231759 -0.981491 -0.162045
+-0.100699 0.0166255 -0.968791 -0.22589
+-0.101571 0.0100038 -0.951943 -0.288769
+-0.102007 0.00333939 -0.931019 -0.350411
+0.153011 0.00500907 0.675534 0.72126
+0.152356 0.0150057 0.626915 0.763898
+0.151048 0.0249382 0.575611 0.803265
+0.149094 0.0347638 0.521843 0.839192
+0.146501 0.0444406 0.46584 0.871525
+0.143281 0.0539271 0.407842 0.900126
+0.139447 0.0631826 0.348098 0.924873
+0.135016 0.0721676 0.286863 0.94566
+0.130007 0.0808436 0.224399 0.962397
+0.124441 0.0891733 0.160975 0.975013
+0.118343 0.0971212 0.0968617 0.983453
+0.111737 0.104653 0.0323334 0.987683
+0.104653 0.111737 -0.0323334 0.987683
+0.0971212 0.118343 -0.0968617 0.983453
+0.0891733 0.124441 -0.160975 0.975013
+0.0808435 0.130007 -0.2244 0.962397
+0.0721676 0.135016 -0.286863 0.94566
+0.0631826 0.139447 -0.348098 0.924873
+0.053927 0.143281 -0.407842 0.900126
+0.0444406 0.146501 -0.46584 0.871525
+0.0347638 0.149094 -0.521843 0.839192
+0.0249382 0.151048 -0.575611 0.803265
+0.0150057 0.152356 -0.626915 0.763898
+0.00500905 0.153011 -0.675534 0.72126
+-0.00500908 0.153011 -0.72126 0.675534
+-0.0150058 0.152356 -0.763898 0.626915
+-0.0249382 0.151048 -0.803265 0.575611
+-0.0347638 0.149094 -0.839192 0.521843
+-0.0444406 0.146501 -0.871525 0.46584
+-0.0539271 0.143281 -0.900126 0.407842
+-0.0631826 0.139447 -0.924873 0.348098
+-0.0721676 0.135016 -0.94566 0.286863
+-0.0808435 0.130007 -0.962397 0.224399
+-0.0891733 0.124441 -0.975013 0.160975
+-0.0971212 0.118343 -0.983453 0.0968617
+-0.104653 0.111737 -0.987683 0.0323333
+-0.111737 0.104653 -0.987683 -0.0323333
+-0.118343 0.0971212 -0.983453 -0.0968617
+-0.124441 0.0891733 -0.975013 -0.160975
+-0.130007 0.0808435 -0.962397 -0.224399
+-0.135016 0.0721676 -0.94566 -0.286863
+-0.139447 0.0631826 -0.924873 -0.348098
+-0.143281 0.053927 -0.900126 -0.407842
+-0.146501 0.0444406 -0.871525 -0.46584
+-0.149094 0.0347638 -0.839192 -0.521843
+-0.151048 0.0249382 -0.803265 -0.575611
+-0.152356 0.0150057 -0.763898 -0.626915
+-0.153011 0.00500908 -0.72126 -0.675534
+0.153011 0.00500907 0.224399 0.962397
+0.152356 0.0150057 0.160975 0.975013
+0.151048 0.0249382 0.0968617 0.983453
+0.149094 0.0347638 0.0323334 0.987683
+0.146501 0.0444406 -0.0323334 0.987683
+0.143281 0.0539271 -0.0968617 0.983453
+0.139447 0.0631826 -0.160975 0.975013
+0.135016 0.0721676 -0.224399 0.962397
+0.130007 0.0808436 -0.286863 0.94566
+0.124441 0.0891733 -0.348098 0.924873
+0.118343 0.0971212 -0.407842 0.900126
+0.111737 0.104653 -0.46584 0.871525
+0.104653 0.111737 -0.521843 0.839192
+0.0971212 0.118343 -0.575611 0.803265
+0.0891733 0.124441 -0.626915 0.763898
+0.0808435 0.130007 -0.675534 0.72126
+0.0721676 0.135016 -0.72126 0.675534
+0.0631826 0.139447 -0.763898 0.626915
+0.053927 0.143281 -0.803265 0.575611
+0.0444406 0.146501 -0.839192 0.521843
+0.0347638 0.149094 -0.871525 0.46584
+0.0249382 0.151048 -0.900126 0.407842
+0.0150057 0.152356 -0.924873 0.348098
+0.00500905 0.153011 -0.94566 0.286863
+-0.00500908 0.153011 -0.962397 0.224399
+-0.0150058 0.152356 -0.975013 0.160975
+-0.0249382 0.151048 -0.983453 0.0968616
+-0.0347638 0.149094 -0.987683 0.0323333
+-0.0444406 0.146501 -0.987683 -0.0323335
+-0.0539271 0.143281 -0.983453 -0.0968618
+-0.0631826 0.139447 -0.975013 -0.160975
+-0.0721676 0.135016 -0.962397 -0.224399
+-0.0808435 0.130007 -0.94566 -0.286863
+-0.0891733 0.124441 -0.924873 -0.348098
+-0.0971212 0.118343 -0.900126 -0.407842
+-0.104653 0.111737 -0.871525 -0.46584
+-0.111737 0.104653 -0.839192 -0.521843
+-0.118343 0.0971212 -0.803265 -0.575611
+-0.124441 0.0891733 -0.763898 -0.626915
+-0.130007 0.0808435 -0.72126 -0.675534
+-0.135016 0.0721676 -0.675534 -0.72126
+-0.139447 0.0631826 -0.626915 -0.763898
+-0.143281 0.053927 -0.575611 -0.803265
+-0.146501 0.0444406 -0.521843 -0.839192
+-0.149094 0.0347638 -0.46584 -0.871525
+-0.151048 0.0249382 -0.407842 -0.900126
+-0.152356 0.0150057 -0.348098 -0.924873
+-0.153011 0.00500908 -0.286863 -0.94566
+0.204015 0.00667875 0.159466 0.96587
+0.203141 0.0200077 0.0959534 0.974231
+0.201398 0.0332509 0.0320302 0.978421
+0.198792 0.0463518 -0.0320302 0.978421
+0.195335 0.0592541 -0.0959534 0.974231
+0.191041 0.0719027 -0.159466 0.96587
+0.185929 0.0842435 -0.222295 0.953372
+0.180021 0.0962235 -0.284173 0.936792
+0.173343 0.107791 -0.344833 0.9162
+0.165922 0.118898 -0.404017 0.891686
+0.15779 0.129495 -0.461471 0.863352
+0.148983 0.139538 -0.516949 0.831322
+0.139538 0.148983 -0.570214 0.795732
+0.129495 0.15779 -0.621036 0.756735
+0.118898 0.165922 -0.669199 0.714497
+0.107791 0.173343 -0.714497 0.669199
+0.0962234 0.180021 -0.756735 0.621036
+0.0842435 0.185929 -0.795732 0.570214
+0.0719027 0.191041 -0.831322 0.516949
+0.0592541 0.195335 -0.863352 0.461471
+0.0463517 0.198792 -0.891686 0.404017
+0.0332509 0.201398 -0.9162 0.344833
+0.0200076 0.203141 -0.936792 0.284173
+0.00667873 0.204015 -0.953372 0.222295
+-0.00667877 0.204015 -0.96587 0.159466
+-0.0200077 0.203141 -0.974231 0.0959533
+-0.0332509 0.201398 -0.978421 0.0320301
+-0.0463518 0.198792 -0.978421 -0.0320302
+-0.0592541 0.195335 -0.974231 -0.0959535
+-0.0719028 0.191041 -0.96587 -0.159466
+-0.0842435 0.185929 -0.953372 -0.222295
+-0.0962234 0.180021 -0.936792 -0.284173
+-0.107791 0.173343 -0.9162 -0.344833
+-0.118898 0.165922 -0.891686 -0.404018
+-0.129495 0.15779 -0.863352 -0.461471
+-0.139538 0.148983 -0.831322 -0.516949
+-0.148983 0.139538 -0.795732 -0.570214
+-0.15779 0.129495 -0.756735 -0.621036
+-0.165922 0.118898 -0.714497 -0.669199
+-0.173343 0.107791 -0.669199 -0.714497
+-0.180021 0.0962235 -0.621036 -0.756735
+-0.185929 0.0842435 -0.570214 -0.795732
+-0.191041 0.0719027 -0.516949 -0.831322
+-0.195335 0.0592541 -0.461472 -0.863352
+-0.198792 0.0463517 -0.404017 -0.891686
+-0.201398 0.0332509 -0.344833 -0.9162
+-0.203141 0.0200077 -0.284173 -0.936792
+-0.204015 0.00667877 -0.222295 -0.953372
+0.204015 0.00667875 0.516949 0.831322
+0.203141 0.0200077 0.461471 0.863352
+0.201398 0.0332509 0.404017 0.891686
+0.198792 0.0463518 0.344833 0.9162
+0.195335 0.0592541 0.284173 0.936792
+0.191041 0.0719027 0.222295 0.953372
+0.185929 0.0842435 0.159466 0.96587
+0.180021 0.0962235 0.0959534 0.974231
+0.173343 0.107791 0.0320302 0.978421
+0.165922 0.118898 -0.0320302 0.978421
+0.15779 0.129495 -0.0959534 0.974231
+0.148983 0.139538 -0.159466 0.96587
+0.139538 0.148983 -0.222295 0.953372
+0.129495 0.15779 -0.284173 0.936792
+0.118898 0.165922 -0.344833 0.9162
+0.107791 0.173343 -0.404018 0.891686
+0.0962234 0.180021 -0.461472 0.863352
+0.0842435 0.185929 -0.516949 0.831322
+0.0719027 0.191041 -0.570214 0.795732
+0.0592541 0.195335 -0.621036 0.756735
+0.0463517 0.198792 -0.669199 0.714497
+0.0332509 0.201398 -0.714497 0.669199
+0.0200076 0.203141 -0.756735 0.621036
+0.00667873 0.204015 -0.795732 0.570214
+-0.00667877 0.204015 -0.831322 0.516949
+-0.0200077 0.203141 -0.863352 0.461471
+-0.0332509 0.201398 -0.891686 0.404017
+-0.0463518 0.198792 -0.9162 0.344833
+-0.0592541 0.195335 -0.936792 0.284173
+-0.0719028 0.191041 -0.953372 0.222295
+-0.0842435 0.185929 -0.96587 0.159466
+-0.0962234 0.180021 -0.974231 0.0959535
+-0.107791 0.173343 -0.978421 0.0320302
+-0.118898 0.165922 -0.978421 -0.0320303
+-0.129495 0.15779 -0.974231 -0.0959534
+-0.139538 0.148983 -0.96587 -0.159466
+-0.148983 0.139538 -0.953372 -0.222295
+-0.15779 0.129495 -0.936792 -0.284173
+-0.165922 0.118898 -0.9162 -0.344833
+-0.173343 0.107791 -0.891686 -0.404018
+-0.180021 0.0962235 -0.863352 -0.461471
+-0.185929 0.0842435 -0.831322 -0.516949
+-0.191041 0.0719027 -0.795732 -0.570214
+-0.195335 0.0592541 -0.756735 -0.621036
+-0.198792 0.0463517 -0.714497 -0.669199
+-0.201398 0.0332509 -0.669199 -0.714497
+-0.203141 0.0200077 -0.621036 -0.756735
+-0.204015 0.00667877 -0.570214 -0.795732
+0.255019 0.00834844 0.41054 0.875416
+0.253927 0.0250096 0.352407 0.900392
+0.251747 0.0415636 0.292764 0.921513
+0.24849 0.0579397 0.231867 0.938687
+0.244168 0.0740676 0.169977 0.951842
+0.238801 0.0898784 0.10736 0.960921
+0.232412 0.105304 0.0442829 0.965886
+0.225027 0.120279 -0.0189838 0.966714
+0.216678 0.134739 -0.0821693 0.963402
+0.207402 0.148622 -0.145003 0.955965
+0.197238 0.161869 -0.207216 0.944435
+0.186229 0.174422 -0.268541 0.92886
+0.174422 0.186229 -0.328716 0.909308
+0.161869 0.197238 -0.387484 0.885862
+0.148622 0.207402 -0.444593 0.858623
+0.134739 0.216678 -0.499797 0.827707
+0.120279 0.225027 -0.552862 0.793246
+0.105304 0.232412 -0.603559 0.755389
+0.0898784 0.238801 -0.651671 0.714297
+0.0740676 0.244168 -0.696993 0.670146
+0.0579397 0.24849 -0.739331 0.623126
+0.0415636 0.251747 -0.778502 0.573437
+0.0250096 0.253927 -0.81434 0.521293
+0.00834842 0.255019 -0.846691 0.466916
+-0.00834847 0.255019 -0.875416 0.41054
+-0.0250096 0.253927 -0.900392 0.352406
+-0.0415636 0.251747 -0.921513 0.292764
+-0.0579397 0.24849 -0.938687 0.231867
+-0.0740677 0.244168 -0.951842 0.169977
+-0.0898785 0.238801 -0.960921 0.10736
+-0.105304 0.232412 -0.965886 0.0442828
+-0.120279 0.225027 -0.966714 -0.0189837
+-0.134739 0.216678 -0.963402 -0.0821693
+-0.148622 0.207402 -0.955965 -0.145003
+-0.161869 0.197238 -0.944435 -0.207216
+-0.174422 0.186229 -0.92886 -0.268541
+-0.186229 0.174422 -0.909308 -0.328716
+-0.197238 0.161869 -0.885862 -0.387484
+-0.207402 0.148622 -0.858623 -0.444593
+-0.216678 0.134739 -0.827707 -0.499797
+-0.225027 0.120279 -0.793246 -0.552862
+-0.232412 0.105304 -0.755389 -0.603559
+-0.238801 0.0898784 -0.714297 -0.651672
+-0.244168 0.0740676 -0.670146 -0.696993
+-0.24849 0.0579397 -0.623126 -0.739331
+-0.251747 0.0415636 -0.573437 -0.778502
+-0.253927 0.0250096 -0.521293 -0.81434
+-0.255019 0.00834847 -0.466916 -0.846691
+0.153011 0.00500907 0.94566 0.286863
+0.152356 0.0150057 0.924873 0.348098
+0.151048 0.0249382 0.900126 0.407842
+0.149094 0.0347638 0.871525 0.46584
+0.146501 0.0444406 0.839192 0.521843
+0.143281 0.0539271 0.803265 0.575611
+0.139447 0.0631826 0.763898 0.626915
+0.135016 0.0721676 0.72126 0.675534
+0.130007 0.0808436 0.675534 0.72126
+0.124441 0.0891733 0.626915 0.763898
+0.118343 0.0971212 0.575611 0.803265
+0.111737 0.104653 0.521843 0.839192
+0.104653 0.111737 0.46584 0.871525
+0.0971212 0.118343 0.407842 0.900126
+0.0891733 0.124441 0.348098 0.924873
+0.0808435 0.130007 0.286863 0.94566
+0.0721676 0.135016 0.224399 0.962397
+0.0631826 0.139447 0.160975 0.975013
+0.053927 0.143281 0.0968616 0.983453
+0.0444406 0.146501 0.0323333 0.987683
+0.0347638 0.149094 -0.0323334 0.987683
+0.0249382 0.151048 -0.0968618 0.983453
+0.0150057 0.152356 -0.160975 0.975013
+0.00500905 0.153011 -0.2244 0.962397
+-0.00500908 0.153011 -0.286863 0.94566
+-0.0150058 0.152356 -0.348098 0.924873
+-0.0249382 0.151048 -0.407842 0.900126
+-0.0347638 0.149094 -0.46584 0.871525
+-0.0444406 0.146501 -0.521843 0.839192
+-0.0539271 0.143281 -0.575611 0.803265
+-0.0631826 0.139447 -0.626915 0.763898
+-0.0721676 0.135016 -0.675534 0.72126
+-0.0808435 0.130007 -0.72126 0.675534
+-0.0891733 0.124441 -0.763898 0.626915
+-0.0971212 0.118343 -0.803265 0.575611
+-0.104653 0.111737 -0.839192 0.521843
+-0.111737 0.104653 -0.871525 0.46584
+-0.118343 0.0971212 -0.900126 0.407842
+-0.124441 0.0891733 -0.924873 0.348098
+-0.130007 0.0808435 -0.94566 0.286863
+-0.135016 0.0721676 -0.962397 0.2244
+-0.139447 0.0631826 -0.975013 0.160975
+-0.143281 0.053927 -0.983453 0.0968616
+-0.146501 0.0444406 -0.987683 0.0323334
+-0.149094 0.0347638 -0.987683 -0.0323335
+-0.151048 0.0249382 -0.983453 -0.0968616
+-0.152356 0.0150057 -0.975013 -0.160975
+-0.153011 0.00500908 -0.962397 -0.224399
+0.204015 0.00667875 0.795732 0.570214
+0.203141 0.0200077 0.756735 0.621036
+0.201398 0.0332509 0.714497 0.669199
+0.198792 0.0463518 0.669199 0.714497
+0.195335 0.0592541 0.621036 0.756735
+0.191041 0.0719027 0.570214 0.795732
+0.185929 0.0842435 0.516949 0.831322
+0.180021 0.0962235 0.461471 0.863352
+0.173343 0.107791 0.404017 0.891686
+0.165922 0.118898 0.344833 0.9162
+0.15779 0.129495 0.284173 0.936792
+0.148983 0.139538 0.222295 0.953372
+0.139538 0.148983 0.159466 0.96587
+0.129495 0.15779 0.0959534 0.974231
+0.118898 0.165922 0.0320301 0.978421
+0.107791 0.173343 -0.0320303 0.978421
+0.0962234 0.180021 -0.0959535 0.974231
+0.0842435 0.185929 -0.159466 0.96587
+0.0719027 0.191041 -0.222295 0.953372
+0.0592541 0.195335 -0.284173 0.936792
+0.0463517 0.198792 -0.344833 0.9162
+0.0332509 0.201398 -0.404018 0.891686
+0.0200076 0.203141 -0.461472 0.863352
+0.00667873 0.204015 -0.516949 0.831322
+-0.00667877 0.204015 -0.570214 0.795732
+-0.0200077 0.203141 -0.621036 0.756735
+-0.0332509 0.201398 -0.669199 0.714497
+-0.0463518 0.198792 -0.714497 0.669199
+-0.0592541 0.195335 -0.756735 0.621036
+-0.0719028 0.191041 -0.795732 0.570214
+-0.0842435 0.185929 -0.831322 0.516949
+-0.0962234 0.180021 -0.863352 0.461472
+-0.107791 0.173343 -0.891686 0.404017
+-0.118898 0.165922 -0.9162 0.344833
+-0.129495 0.15779 -0.936792 0.284173
+-0.139538 0.148983 -0.953372 0.222295
+-0.148983 0.139538 -0.96587 0.159466
+-0.15779 0.129495 -0.974231 0.0959533
+-0.165922 0.118898 -0.978421 0.0320303
+-0.173343 0.107791 -0.978421 -0.0320302
+-0.180021 0.0962235 -0.974231 -0.0959533
+-0.185929 0.0842435 -0.96587 -0.159466
+-0.191041 0.0719027 -0.953372 -0.222295
+-0.195335 0.0592541 -0.936792 -0.284173
+-0.198792 0.0463517 -0.9162 -0.344833
+-0.201398 0.0332509 -0.891686 -0.404017
+-0.203141 0.0200077 -0.863352 -0.461472
+-0.204015 0.00667877 -0.831322 -0.516949
+0.204015 0.00667875 0.953372 0.222295
+0.203141 0.0200077 0.936792 0.284173
+0.201398 0.0332509 0.9162 0.344833
+0.198792 0.0463518 0.891686 0.404017
+0.195335 0.0592541 0.863352 0.461471
+0.191041 0.0719027 0.831322 0.516949
+0.185929 0.0842435 0.795732 0.570214
+0.180021 0.0962235 0.756735 0.621036
+0.173343 0.107791 0.714497 0.669199
+0.165922 0.118898 0.669199 0.714497
+0.15779 0.129495 0.621036 0.756735
+0.148983 0.139538 0.570214 0.795732
+0.139538 0.148983 0.516949 0.831322
+0.129495 0.15779 0.461471 0.863352
+0.118898 0.165922 0.404017 0.891686
+0.107791 0.173343 0.344833 0.9162
+0.0962234 0.180021 0.284173 0.936792
+0.0842435 0.185929 0.222295 0.953372
+0.0719027 0.191041 0.159466 0.96587
+0.0592541 0.195335 0.0959533 0.974231
+0.0463517 0.198792 0.0320302 0.978421
+0.0332509 0.201398 -0.0320303 0.978421
+0.0200076 0.203141 -0.0959535 0.974231
+0.00667873 0.204015 -0.159466 0.96587
+-0.00667877 0.204015 -0.222295 0.953372
+-0.0200077 0.203141 -0.284173 0.936792
+-0.0332509 0.201398 -0.344833 0.9162
+-0.0463518 0.198792 -0.404018 0.891686
+-0.0592541 0.195335 -0.461472 0.863352
+-0.0719028 0.191041 -0.51695 0.831322
+-0.0842435 0.185929 -0.570214 0.795732
+-0.0962234 0.180021 -0.621036 0.756735
+-0.107791 0.173343 -0.669199 0.714497
+-0.118898 0.165922 -0.714497 0.669199
+-0.129495 0.15779 -0.756735 0.621036
+-0.139538 0.148983 -0.795732 0.570214
+-0.148983 0.139538 -0.831322 0.516949
+-0.15779 0.129495 -0.863352 0.461471
+-0.165922 0.118898 -0.891686 0.404018
+-0.173343 0.107791 -0.9162 0.344833
+-0.180021 0.0962235 -0.936792 0.284173
+-0.185929 0.0842435 -0.953372 0.222295
+-0.191041 0.0719027 -0.96587 0.159466
+-0.195335 0.0592541 -0.974231 0.0959534
+-0.198792 0.0463517 -0.978421 0.0320301
+-0.201398 0.0332509 -0.978421 -0.0320301
+-0.203141 0.0200077 -0.974231 -0.0959534
+-0.204015 0.00667877 -0.96587 -0.159466
+0.255019 0.00834844 0.846691 0.466916
+0.253927 0.0250096 0.81434 0.521293
+0.251747 0.0415636 0.778502 0.573437
+0.24849 0.0579397 0.739331 0.623126
+0.244168 0.0740676 0.696993 0.670146
+0.238801 0.0898784 0.651671 0.714297
+0.232412 0.105304 0.603559 0.755389
+0.225027 0.120279 0.552862 0.793246
+0.216678 0.134739 0.499797 0.827707
+0.207402 0.148622 0.444593 0.858623
+0.197238 0.161869 0.387484 0.885862
+0.186229 0.174422 0.328716 0.909308
+0.174422 0.186229 0.268541 0.92886
+0.161869 0.197238 0.207216 0.944435
+0.148622 0.207402 0.145003 0.955965
+0.134739 0.216678 0.0821692 0.963402
+0.120279 0.225027 0.0189837 0.966714
+0.105304 0.232412 -0.044283 0.965886
+0.0898784 0.238801 -0.10736 0.960921
+0.0740676 0.244168 -0.169977 0.951842
+0.0579397 0.24849 -0.231867 0.938687
+0.0415636 0.251747 -0.292764 0.921512
+0.0250096 0.253927 -0.352407 0.900392
+0.00834842 0.255019 -0.410541 0.875415
+-0.00834847 0.255019 -0.466916 0.846691
+-0.0250096 0.253927 -0.521293 0.81434
+-0.0415636 0.251747 -0.573437 0.778502
+-0.0579397 0.24849 -0.623126 0.739331
+-0.0740677 0.244168 -0.670146 0.696993
+-0.0898785 0.238801 -0.714297 0.651671
+-0.105304 0.232412 -0.755389 0.603559
+-0.120279 0.225027 -0.793246 0.552862
+-0.134739 0.216678 -0.827707 0.499797
+-0.148622 0.207402 -0.858623 0.444593
+-0.161869 0.197238 -0.885862 0.387484
+-0.174422 0.186229 -0.909308 0.328716
+-0.186229 0.174422 -0.92886 0.268541
+-0.197238 0.161869 -0.944435 0.207216
+-0.207402 0.148622 -0.955965 0.145003
+-0.216678 0.134739 -0.963402 0.0821693
+-0.225027 0.120279 -0.966714 0.0189839
+-0.232412 0.105304 -0.965886 -0.0442829
+-0.238801 0.0898784 -0.960921 -0.10736
+-0.244168 0.0740676 -0.951842 -0.169977
+-0.24849 0.0579397 -0.938687 -0.231867
+-0.251747 0.0415636 -0.921513 -0.292764
+-0.253927 0.0250096 -0.900392 -0.352407
+-0.255019 0.00834847 -0.875416 -0.41054
+0.255019 0.00834844 0.660965 0.705706
+0.253927 0.0250096 0.613395 0.747424
+0.251747 0.0415636 0.563198 0.785942
+0.24849 0.0579397 0.510589 0.821094
+0.244168 0.0740676 0.455794 0.85273
+0.238801 0.0898784 0.399046 0.880714
+0.232412 0.105304 0.340591 0.904928
+0.225027 0.120279 0.280676 0.925266
+0.216678 0.134739 0.21956 0.941642
+0.207402 0.148622 0.157504 0.953986
+0.197238 0.161869 0.0947728 0.962244
+0.186229 0.174422 0.0316361 0.966382
+0.174422 0.186229 -0.0316361 0.966382
+0.161869 0.197238 -0.0947728 0.962244
+0.148622 0.207402 -0.157504 0.953986
+0.134739 0.216678 -0.21956 0.941642
+0.120279 0.225027 -0.280676 0.925266
+0.105304 0.232412 -0.340591 0.904928
+0.0898784 0.238801 -0.399047 0.880714
+0.0740676 0.244168 -0.455794 0.85273
+0.0579397 0.24849 -0.510589 0.821094
+0.0415636 0.251747 -0.563198 0.785941
+0.0250096 0.253927 -0.613395 0.747424
+0.00834842 0.255019 -0.660966 0.705706
+-0.00834847 0.255019 -0.705706 0.660965
+-0.0250096 0.253927 -0.747424 0.613395
+-0.0415636 0.251747 -0.785942 0.563198
+-0.0579397 0.24849 -0.821094 0.510589
+-0.0740677 0.244168 -0.85273 0.455793
+-0.0898785 0.238801 -0.880714 0.399046
+-0.105304 0.232412 -0.904928 0.34059
+-0.120279 0.225027 -0.925266 0.280676
+-0.134739 0.216678 -0.941642 0.21956
+-0.148622 0.207402 -0.953986 0.157504
+-0.161869 0.197238 -0.962244 0.0947728
+-0.174422 0.186229 -0.966382 0.031636
+-0.186229 0.174422 -0.966382 -0.031636
+-0.197238 0.161869 -0.962244 -0.0947728
+-0.207402 0.148622 -0.953986 -0.157504
+-0.216678 0.134739 -0.941642 -0.21956
+-0.225027 0.120279 -0.925266 -0.280676
+-0.232412 0.105304 -0.904928 -0.340591
+-0.238801 0.0898784 -0.880714 -0.399047
+-0.244168 0.0740676 -0.85273 -0.455794
+-0.24849 0.0579397 -0.821094 -0.510589
+-0.251747 0.0415636 -0.785942 -0.563198
+-0.253927 0.0250096 -0.747424 -0.613395
+-0.255019 0.00834847 -0.705706 -0.660965
+0.306022 0.0100181 0.554502 0.773807
+0.304712 0.0300115 0.502706 0.808416
+0.302097 0.0498763 0.448756 0.839564
+0.298188 0.0695276 0.392885 0.867117
+0.293002 0.0888812 0.335332 0.890956
+0.286561 0.107854 0.276343 0.91098
+0.278894 0.126365 0.21617 0.927103
+0.270032 0.144335 0.155072 0.939256
+0.260014 0.161687 0.0933095 0.947388
+0.248882 0.178347 0.0311476 0.951462
+0.236685 0.194242 -0.0311476 0.951462
+0.223474 0.209307 -0.0933096 0.947388
+0.209307 0.223474 -0.155072 0.939256
+0.194242 0.236685 -0.21617 0.927103
+0.178347 0.248882 -0.276343 0.91098
+0.161687 0.260014 -0.335332 0.890956
+0.144335 0.270032 -0.392885 0.867116
+0.126365 0.278894 -0.448756 0.839564
+0.107854 0.286562 -0.502706 0.808416
+0.0888812 0.293002 -0.554502 0.773807
+0.0695276 0.298188 -0.603924 0.735884
+0.0498763 0.302097 -0.650761 0.69481
+0.0300115 0.304712 -0.69481 0.65076
+0.0100181 0.306022 -0.735884 0.603924
+-0.0100182 0.306022 -0.773807 0.554502
+-0.0300115 0.304712 -0.808416 0.502706
+-0.0498764 0.302097 -0.839564 0.448756
+-0.0695276 0.298188 -0.867117 0.392885
+-0.0888812 0.293002 -0.890956 0.335332
+-0.107854 0.286561 -0.91098 0.276343
+-0.126365 0.278894 -0.927103 0.21617
+-0.144335 0.270032 -0.939256 0.155072
+-0.161687 0.260014 -0.947388 0.0933095
+-0.178347 0.248882 -0.951462 0.0311475
+-0.194242 0.236685 -0.951462 -0.0311476
+-0.209307 0.223474 -0.947388 -0.0933096
+-0.223474 0.209307 -0.939256 -0.155072
+-0.236685 0.194242 -0.927103 -0.21617
+-0.248882 0.178347 -0.91098 -0.276343
+-0.260014 0.161687 -0.890956 -0.335332
+-0.270032 0.144335 -0.867117 -0.392885
+-0.278894 0.126365 -0.839564 -0.448756
+-0.286562 0.107854 -0.808416 -0.502706
+-0.293002 0.0888812 -0.773807 -0.554502
+-0.298188 0.0695276 -0.735884 -0.603924
+-0.302097 0.0498764 -0.69481 -0.65076
+-0.304712 0.0300115 -0.65076 -0.69481
+-0.306022 0.0100182 -0.603924 -0.735884
+0.306022 0.0100181 0.735884 0.603924
+0.304712 0.0300115 0.69481 0.65076
+0.302097 0.0498763 0.65076 0.69481
+0.298188 0.0695276 0.603924 0.735884
+0.293002 0.0888812 0.554502 0.773807
+0.286561 0.107854 0.502706 0.808416
+0.278894 0.126365 0.448756 0.839564
+0.270032 0.144335 0.392885 0.867117
+0.260014 0.161687 0.335332 0.890956
+0.248882 0.178347 0.276343 0.91098
+0.236685 0.194242 0.21617 0.927103
+0.223474 0.209307 0.155072 0.939256
+0.209307 0.223474 0.0933095 0.947388
+0.194242 0.236685 0.0311476 0.951462
+0.178347 0.248882 -0.0311477 0.951462
+0.161687 0.260014 -0.0933096 0.947388
+0.144335 0.270032 -0.155072 0.939256
+0.126365 0.278894 -0.21617 0.927103
+0.107854 0.286562 -0.276343 0.91098
+0.0888812 0.293002 -0.335332 0.890956
+0.0695276 0.298188 -0.392885 0.867117
+0.0498763 0.302097 -0.448756 0.839564
+0.0300115 0.304712 -0.502706 0.808416
+0.0100181 0.306022 -0.554502 0.773807
+-0.0100182 0.306022 -0.603924 0.735884
+-0.0300115 0.304712 -0.650761 0.69481
+-0.0498764 0.302097 -0.69481 0.65076
+-0.0695276 0.298188 -0.735884 0.603924
+-0.0888812 0.293002 -0.773807 0.554502
+-0.107854 0.286561 -0.808416 0.502705
+-0.126365 0.278894 -0.839564 0.448756
+-0.144335 0.270032 -0.867116 0.392885
+-0.161687 0.260014 -0.890956 0.335332
+-0.178347 0.248882 -0.91098 0.276343
+-0.194242 0.236685 -0.927103 0.21617
+-0.209307 0.223474 -0.939256 0.155072
+-0.223474 0.209307 -0.947388 0.0933096
+-0.236685 0.194242 -0.951462 0.0311476
+-0.248882 0.178347 -0.951462 -0.0311476
+-0.260014 0.161687 -0.947388 -0.0933096
+-0.270032 0.144335 -0.939256 -0.155072
+-0.278894 0.126365 -0.927103 -0.21617
+-0.286562 0.107854 -0.91098 -0.276343
+-0.293002 0.0888812 -0.890956 -0.335332
+-0.298188 0.0695276 -0.867116 -0.392885
+-0.302097 0.0498764 -0.839564 -0.448756
+-0.304712 0.0300115 -0.808416 -0.502706
+-0.306022 0.0100182 -0.773807 -0.554502
+0.357026 0.0116878 0.63849 0.681709
+0.355497 0.0350134 0.592537 0.722008
+0.352446 0.0581891 0.544047 0.759216
+0.347886 0.0811156 0.493227 0.793173
+0.341836 0.103695 0.440295 0.823733
+0.334322 0.12583 0.385477 0.850766
+0.325376 0.147426 0.329009 0.874156
+0.315037 0.168391 0.271132 0.893803
+0.30335 0.188635 0.212094 0.909622
+0.290363 0.208071 0.152148 0.921546
+0.276133 0.226616 0.0915501 0.929524
+0.26072 0.244191 0.0305603 0.933521
+0.244191 0.26072 -0.0305603 0.933521
+0.226616 0.276133 -0.0915501 0.929524
+0.208071 0.290363 -0.152148 0.921546
+0.188635 0.30335 -0.212094 0.909622
+0.168391 0.315038 -0.271132 0.893803
+0.147426 0.325376 -0.329009 0.874156
+0.12583 0.334322 -0.385477 0.850766
+0.103695 0.341836 -0.440295 0.823733
+0.0811155 0.347886 -0.493227 0.793173
+0.058189 0.352446 -0.544047 0.759216
+0.0350134 0.355497 -0.592537 0.722008
+0.0116878 0.357026 -0.63849 0.681709
+-0.0116879 0.357026 -0.681709 0.63849
+-0.0350134 0.355497 -0.722008 0.592537
+-0.0581891 0.352446 -0.759216 0.544047
+-0.0811156 0.347886 -0.793173 0.493227
+-0.103695 0.341836 -0.823733 0.440294
+-0.12583 0.334322 -0.850766 0.385477
+-0.147426 0.325376 -0.874156 0.329009
+-0.168391 0.315038 -0.893803 0.271132
+-0.188635 0.30335 -0.909622 0.212094
+-0.208071 0.290363 -0.921546 0.152148
+-0.226616 0.276133 -0.929524 0.0915501
+-0.244191 0.26072 -0.933521 0.0305603
+-0.26072 0.244191 -0.933521 -0.0305603
+-0.276133 0.226616 -0.929524 -0.0915501
+-0.290363 0.208071 -0.921546 -0.152148
+-0.30335 0.188635 -0.909622 -0.212094
+-0.315037 0.168391 -0.893803 -0.271132
+-0.325376 0.147426 -0.874156 -0.329009
+-0.334322 0.12583 -0.850766 -0.385477
+-0.341836 0.103695 -0.823733 -0.440295
+-0.347886 0.0811155 -0.793173 -0.493227
+-0.352446 0.0581891 -0.759216 -0.544047
+-0.355497 0.0350134 -0.722008 -0.592537
+-0.357026 0.0116879 -0.681709 -0.63849
+0.255019 0.00834844 0.119929 0.959434
+0.253927 0.0250096 0.0569222 0.965223
+0.251747 0.0415636 -0.0063283 0.966879
+0.24849 0.0579397 -0.0695517 0.964395
+0.244168 0.0740676 -0.132477 0.957782
+0.238801 0.0898784 -0.194836 0.947067
+0.232412 0.105304 -0.256359 0.932296
+0.225027 0.120279 -0.316786 0.913533
+0.216678 0.134739 -0.375855 0.890858
+0.207402 0.148622 -0.433316 0.864369
+0.197238 0.161869 -0.48892 0.834178
+0.186229 0.174422 -0.542431 0.800415
+0.174422 0.186229 -0.593619 0.763225
+0.161869 0.197238 -0.642266 0.722766
+0.148622 0.207402 -0.688162 0.679212
+0.134739 0.216678 -0.731111 0.63275
+0.120279 0.225027 -0.770929 0.583578
+0.105304 0.232412 -0.807447 0.531908
+0.0898784 0.238801 -0.840506 0.477959
+0.0740676 0.244168 -0.869967 0.421964
+0.0579397 0.24849 -0.895702 0.364162
+0.0415636 0.251747 -0.917601 0.304801
+0.0250096 0.253927 -0.935572 0.244134
+0.00834842 0.255019 -0.949536 0.182422
+-0.00834847 0.255019 -0.959434 0.119929
+-0.0250096 0.253927 -0.965223 0.0569221
+-0.0415636 0.251747 -0.966879 -0.00632837
+-0.0579397 0.24849 -0.964395 -0.0695517
+-0.0740677 0.244168 -0.957782 -0.132477
+-0.0898785 0.238801 -0.947066 -0.194836
+-0.105304 0.232412 -0.932296 -0.25636
+-0.120279 0.225027 -0.913533 -0.316786
+-0.134739 0.216678 -0.890858 -0.375855
+-0.148622 0.207402 -0.864369 -0.433316
+-0.161869 0.197238 -0.834178 -0.48892
+-0.174422 0.186229 -0.800415 -0.542431
+-0.186229 0.174422 -0.763225 -0.593619
+-0.197238 0.161869 -0.722766 -0.642266
+-0.207402 0.148622 -0.679212 -0.688162
+-0.216678 0.134739 -0.63275 -0.731111
+-0.225027 0.120279 -0.583578 -0.770929
+-0.232412 0.105304 -0.531908 -0.807447
+-0.238801 0.0898784 -0.477959 -0.840506
+-0.244168 0.0740676 -0.421964 -0.869967
+-0.24849 0.0579397 -0.364162 -0.895702
+-0.251747 0.0415636 -0.304801 -0.917601
+-0.253927 0.0250096 -0.244134 -0.935572
+-0.255019 0.00834847 -0.182422 -0.949536
+0.306022 0.0100181 0.0933095 0.947388
+0.304712 0.0300115 0.0311476 0.951462
+0.302097 0.0498763 -0.0311476 0.951462
+0.298188 0.0695276 -0.0933096 0.947388
+0.293002 0.0888812 -0.155072 0.939256
+0.286561 0.107854 -0.21617 0.927103
+0.278894 0.126365 -0.276343 0.91098
+0.270032 0.144335 -0.335332 0.890956
+0.260014 0.161687 -0.392885 0.867117
+0.248882 0.178347 -0.448756 0.839564
+0.236685 0.194242 -0.502706 0.808416
+0.223474 0.209307 -0.554502 0.773807
+0.209307 0.223474 -0.603924 0.735884
+0.194242 0.236685 -0.65076 0.69481
+0.178347 0.248882 -0.69481 0.65076
+0.161687 0.260014 -0.735884 0.603924
+0.144335 0.270032 -0.773807 0.554502
+0.126365 0.278894 -0.808416 0.502706
+0.107854 0.286562 -0.839564 0.448756
+0.0888812 0.293002 -0.867117 0.392885
+0.0695276 0.298188 -0.890956 0.335332
+0.0498763 0.302097 -0.91098 0.276343
+0.0300115 0.304712 -0.927103 0.21617
+0.0100181 0.306022 -0.939256 0.155072
+-0.0100182 0.306022 -0.947388 0.0933094
+-0.0300115 0.304712 -0.951462 0.0311476
+-0.0498764 0.302097 -0.951462 -0.0311477
+-0.0695276 0.298188 -0.947388 -0.0933096
+-0.0888812 0.293002 -0.939256 -0.155072
+-0.107854 0.286561 -0.927103 -0.21617
+-0.126365 0.278894 -0.91098 -0.276343
+-0.144335 0.270032 -0.890956 -0.335332
+-0.161687 0.260014 -0.867117 -0.392885
+-0.178347 0.248882 -0.839564 -0.448756
+-0.194242 0.236685 -0.808416 -0.502706
+-0.209307 0.223474 -0.773807 -0.554502
+-0.223474 0.209307 -0.735884 -0.603924
+-0.236685 0.194242 -0.69481 -0.650761
+-0.248882 0.178347 -0.650761 -0.69481
+-0.260014 0.161687 -0.603924 -0.735884
+-0.270032 0.144335 -0.554502 -0.773807
+-0.278894 0.126365 -0.502706 -0.808416
+-0.286562 0.107854 -0.448756 -0.839564
+-0.293002 0.0888812 -0.392885 -0.867117
+-0.298188 0.0695276 -0.335332 -0.890956
+-0.302097 0.0498764 -0.276343 -0.91098
+-0.304712 0.0300115 -0.21617 -0.927103
+-0.306022 0.0100182 -0.155072 -0.939256
+0.306022 0.0100181 0.335332 0.890956
+0.304712 0.0300115 0.276343 0.91098
+0.302097 0.0498763 0.21617 0.927103
+0.298188 0.0695276 0.155072 0.939256
+0.293002 0.0888812 0.0933095 0.947388
+0.286561 0.107854 0.0311477 0.951462
+0.278894 0.126365 -0.0311476 0.951462
+0.270032 0.144335 -0.0933096 0.947388
+0.260014 0.161687 -0.155072 0.939256
+0.248882 0.178347 -0.21617 0.927103
+0.236685 0.194242 -0.276343 0.91098
+0.223474 0.209307 -0.335332 0.890956
+0.209307 0.223474 -0.392885 0.867117
+0.194242 0.236685 -0.448756 0.839564
+0.178347 0.248882 -0.502706 0.808416
+0.161687 0.260014 -0.554502 0.773807
+0.144335 0.270032 -0.603924 0.735884
+0.126365 0.278894 -0.650761 0.69481
+0.107854 0.286562 -0.69481 0.65076
+0.0888812 0.293002 -0.735884 0.603924
+0.0695276 0.298188 -0.773807 0.554502
+0.0498763 0.302097 -0.808416 0.502706
+0.0300115 0.304712 -0.839564 0.448756
+0.0100181 0.306022 -0.867117 0.392885
+-0.0100182 0.306022 -0.890956 0.335332
+-0.0300115 0.304712 -0.91098 0.276343
+-0.0498764 0.302097 -0.927103 0.21617
+-0.0695276 0.298188 -0.939256 0.155072
+-0.0888812 0.293002 -0.947388 0.0933094
+-0.107854 0.286561 -0.951462 0.0311475
+-0.126365 0.278894 -0.951462 -0.0311478
+-0.144335 0.270032 -0.947388 -0.0933094
+-0.161687 0.260014 -0.939256 -0.155072
+-0.178347 0.248882 -0.927103 -0.21617
+-0.194242 0.236685 -0.91098 -0.276343
+-0.209307 0.223474 -0.890956 -0.335332
+-0.223474 0.209307 -0.867117 -0.392885
+-0.236685 0.194242 -0.839564 -0.448756
+-0.248882 0.178347 -0.808416 -0.502706
+-0.260014 0.161687 -0.773807 -0.554502
+-0.270032 0.144335 -0.735884 -0.603924
+-0.278894 0.126365 -0.69481 -0.65076
+-0.286562 0.107854 -0.65076 -0.69481
+-0.293002 0.0888812 -0.603924 -0.735884
+-0.298188 0.0695276 -0.554502 -0.773807
+-0.302097 0.0498764 -0.502706 -0.808416
+-0.304712 0.0300115 -0.448756 -0.839564
+-0.306022 0.0100182 -0.392885 -0.867116
+0.357026 0.0116878 0.279477 0.891229
+0.355497 0.0350134 0.22059 0.907599
+0.352446 0.0581891 0.160758 0.920083
+0.347886 0.0811156 0.100237 0.928627
+0.341836 0.103695 0.0392873 0.933195
+0.334322 0.12583 -0.0218307 0.933766
+0.325376 0.147426 -0.0828552 0.930339
+0.315037 0.168391 -0.143525 0.922928
+0.30335 0.188635 -0.20358 0.911565
+0.290363 0.208071 -0.262763 0.896299
+0.276133 0.226616 -0.320821 0.877194
+0.26072 0.244191 -0.377506 0.854333
+0.244191 0.26072 -0.432574 0.827814
+0.226616 0.276133 -0.485789 0.79775
+0.208071 0.290363 -0.536924 0.76427
+0.188635 0.30335 -0.58576 0.727517
+0.168391 0.315038 -0.632088 0.687649
+0.147426 0.325376 -0.675709 0.644836
+0.12583 0.334322 -0.716437 0.599262
+0.103695 0.341836 -0.754096 0.551121
+0.0811155 0.347886 -0.788527 0.500621
+0.058189 0.352446 -0.819581 0.447977
+0.0350134 0.355497 -0.847125 0.393415
+0.0116878 0.357026 -0.871042 0.337168
+-0.0116879 0.357026 -0.891229 0.279477
+-0.0350134 0.355497 -0.907599 0.22059
+-0.0581891 0.352446 -0.920083 0.160757
+-0.0811156 0.347886 -0.928627 0.100237
+-0.103695 0.341836 -0.933195 0.0392871
+-0.12583 0.334322 -0.933766 -0.0218308
+-0.147426 0.325376 -0.930339 -0.0828553
+-0.168391 0.315038 -0.922928 -0.143525
+-0.188635 0.30335 -0.911565 -0.20358
+-0.208071 0.290363 -0.896299 -0.262763
+-0.226616 0.276133 -0.877194 -0.320821
+-0.244191 0.26072 -0.854333 -0.377506
+-0.26072 0.244191 -0.827814 -0.432574
+-0.276133 0.226616 -0.79775 -0.485789
+-0.290363 0.208071 -0.76427 -0.536924
+-0.30335 0.188635 -0.727517 -0.58576
+-0.315037 0.168391 -0.687649 -0.632088
+-0.325376 0.147426 -0.644836 -0.675709
+-0.334322 0.12583 -0.599262 -0.716437
+-0.341836 0.103695 -0.551121 -0.754096
+-0.347886 0.0811155 -0.500621 -0.788527
+-0.352446 0.0581891 -0.447977 -0.819581
+-0.355497 0.0350134 -0.393415 -0.847125
+-0.357026 0.0116879 -0.337168 -0.871042
+0.357026 0.0116878 0.0741531 0.931073
+0.355497 0.0350134 0.0130992 0.933929
+0.352446 0.0581891 -0.0480108 0.932787
+0.347886 0.0811156 -0.108915 0.927649
+0.341836 0.103695 -0.169353 0.91854
+0.334322 0.12583 -0.229066 0.905497
+0.325376 0.147426 -0.287798 0.888577
+0.315037 0.168391 -0.345297 0.867851
+0.30335 0.188635 -0.401318 0.843409
+0.290363 0.208071 -0.45562 0.815356
+0.276133 0.226616 -0.507972 0.783811
+0.26072 0.244191 -0.558148 0.74891
+0.244191 0.26072 -0.605934 0.710802
+0.226616 0.276133 -0.651125 0.66965
+0.208071 0.290363 -0.693528 0.625631
+0.188635 0.30335 -0.732962 0.578932
+0.168391 0.315038 -0.769256 0.529755
+0.147426 0.325376 -0.802257 0.478309
+0.12583 0.334322 -0.831822 0.424815
+0.103695 0.341836 -0.857825 0.369501
+0.0811155 0.347886 -0.880155 0.312606
+0.058189 0.352446 -0.898716 0.254371
+0.0350134 0.355497 -0.913429 0.195048
+0.0116878 0.357026 -0.92423 0.134889
+-0.0116879 0.357026 -0.931073 0.074153
+-0.0350134 0.355497 -0.933929 0.0130991
+-0.0581891 0.352446 -0.932787 -0.0480108
+-0.0811156 0.347886 -0.927649 -0.108915
+-0.103695 0.341836 -0.91854 -0.169353
+-0.12583 0.334322 -0.905497 -0.229066
+-0.147426 0.325376 -0.888577 -0.287798
+-0.168391 0.315038 -0.867851 -0.345297
+-0.188635 0.30335 -0.84341 -0.401318
+-0.208071 0.290363 -0.815356 -0.455621
+-0.226616 0.276133 -0.783812 -0.507972
+-0.244191 0.26072 -0.74891 -0.558148
+-0.26072 0.244191 -0.710802 -0.605934
+-0.276133 0.226616 -0.66965 -0.651125
+-0.290363 0.208071 -0.625631 -0.693528
+-0.30335 0.188635 -0.578933 -0.732962
+-0.315037 0.168391 -0.529755 -0.769256
+-0.325376 0.147426 -0.478309 -0.802257
+-0.334322 0.12583 -0.424815 -0.831822
+-0.341836 0.103695 -0.369501 -0.857825
+-0.347886 0.0811155 -0.312606 -0.880155
+-0.352446 0.0581891 -0.254372 -0.898716
+-0.355497 0.0350134 -0.195048 -0.913429
+-0.357026 0.0116879 -0.134889 -0.92423
+0.40803 0.0133575 0.0597046 0.910916
+0.406282 0.0400153 -2.49393e-09 0.912871
+0.402795 0.0665018 -0.0597046 0.910916
+0.397584 0.0927035 -0.119154 0.905061
+0.390669 0.118508 -0.178092 0.89533
+0.382082 0.143805 -0.236268 0.881766
+0.371859 0.168487 -0.293433 0.864425
+0.360043 0.192447 -0.349341 0.843383
+0.346685 0.215583 -0.403752 0.818729
+0.331843 0.237796 -0.456435 0.790569
+0.31558 0.25899 -0.507164 0.759024
+0.297966 0.279075 -0.555721 0.724229
+0.279075 0.297966 -0.601898 0.686333
+0.25899 0.31558 -0.645497 0.645497
+0.237796 0.331843 -0.686333 0.601898
+0.215583 0.346685 -0.724229 0.555721
+0.192447 0.360043 -0.759024 0.507164
+0.168487 0.371859 -0.790569 0.456435
+0.143805 0.382082 -0.818729 0.403752
+0.118508 0.390669 -0.843383 0.349341
+0.0927035 0.397584 -0.864425 0.293433
+0.0665017 0.402795 -0.881766 0.236268
+0.0400153 0.406282 -0.89533 0.178092
+0.0133575 0.40803 -0.905061 0.119153
+-0.0133575 0.40803 -0.910916 0.0597045
+-0.0400154 0.406282 -0.912871 -7.64039e-08
+-0.0665018 0.402795 -0.910916 -0.0597047
+-0.0927035 0.397584 -0.905061 -0.119154
+-0.118508 0.390669 -0.89533 -0.178092
+-0.143806 0.382082 -0.881766 -0.236269
+-0.168487 0.371859 -0.864425 -0.293433
+-0.192447 0.360043 -0.843383 -0.34934
+-0.215583 0.346685 -0.818729 -0.403752
+-0.237796 0.331843 -0.790569 -0.456436
+-0.25899 0.31558 -0.759024 -0.507164
+-0.279075 0.297966 -0.724229 -0.555721
+-0.297966 0.279075 -0.686333 -0.601898
+-0.31558 0.25899 -0.645497 -0.645497
+-0.331843 0.237796 -0.601898 -0.686333
+-0.346685 0.215583 -0.555721 -0.724229
+-0.360043 0.192447 -0.507164 -0.759024
+-0.371859 0.168487 -0.456435 -0.790569
+-0.382082 0.143805 -0.403752 -0.818729
+-0.390669 0.118508 -0.349341 -0.843383
+-0.397584 0.0927035 -0.293433 -0.864425
+-0.402795 0.0665018 -0.236268 -0.881766
+-0.406282 0.0400153 -0.178092 -0.89533
+-0.40803 0.0133575 -0.119154 -0.905061
+0.40803 0.0133575 0.236268 0.881766
+0.406282 0.0400153 0.178092 0.89533
+0.402795 0.0665018 0.119154 0.905061
+0.397584 0.0927035 0.0597046 0.910916
+0.390669 0.118508 -6.80367e-10 0.912871
+0.382082 0.143805 -0.0597046 0.910916
+0.371859 0.168487 -0.119154 0.905061
+0.360043 0.192447 -0.178092 0.89533
+0.346685 0.215583 -0.236268 0.881766
+0.331843 0.237796 -0.293433 0.864425
+0.31558 0.25899 -0.349341 0.843383
+0.297966 0.279075 -0.403753 0.818729
+0.279075 0.297966 -0.456435 0.790569
+0.25899 0.31558 -0.507164 0.759024
+0.237796 0.331843 -0.555721 0.724229
+0.215583 0.346685 -0.601898 0.686333
+0.192447 0.360043 -0.645497 0.645497
+0.168487 0.371859 -0.686333 0.601898
+0.143805 0.382082 -0.724229 0.555721
+0.118508 0.390669 -0.759024 0.507164
+0.0927035 0.397584 -0.790569 0.456435
+0.0665017 0.402795 -0.818729 0.403752
+0.0400153 0.406282 -0.843383 0.34934
+0.0133575 0.40803 -0.864425 0.293433
+-0.0133575 0.40803 -0.881766 0.236268
+-0.0400154 0.406282 -0.89533 0.178092
+-0.0665018 0.402795 -0.905061 0.119154
+-0.0927035 0.397584 -0.910916 0.0597046
+-0.118508 0.390669 -0.912871 -1.49406e-07
+-0.143806 0.382082 -0.910916 -0.0597048
+-0.168487 0.371859 -0.905061 -0.119154
+-0.192447 0.360043 -0.89533 -0.178092
+-0.215583 0.346685 -0.881766 -0.236268
+-0.237796 0.331843 -0.864425 -0.293433
+-0.25899 0.31558 -0.843383 -0.349341
+-0.279075 0.297966 -0.818729 -0.403753
+-0.297966 0.279075 -0.790569 -0.456435
+-0.31558 0.25899 -0.759024 -0.507164
+-0.331843 0.237796 -0.724229 -0.555721
+-0.346685 0.215583 -0.686333 -0.601898
+-0.360043 0.192447 -0.645497 -0.645497
+-0.371859 0.168487 -0.601898 -0.686333
+-0.382082 0.143805 -0.555721 -0.724229
+-0.390669 0.118508 -0.507164 -0.759024
+-0.397584 0.0927035 -0.456435 -0.790569
+-0.402795 0.0665018 -0.403753 -0.818729
+-0.406282 0.0400153 -0.349341 -0.843383
+-0.40803 0.0133575 -0.293433 -0.864425
+0.456191 0.0149342 0.144937 0.877872
+0.454238 0.0447385 0.0872114 0.885472
+0.450339 0.0743513 0.029112 0.88928
+0.444512 0.103646 -0.029112 0.88928
+0.436782 0.132496 -0.0872114 0.885472
+0.427181 0.160779 -0.144937 0.877872
+0.415751 0.188374 -0.202043 0.866513
+0.40254 0.215162 -0.258283 0.851444
+0.387606 0.241029 -0.313417 0.832728
+0.371012 0.265863 -0.367209 0.810447
+0.352829 0.28956 -0.419428 0.784695
+0.333136 0.312016 -0.469852 0.755583
+0.312016 0.333136 -0.518263 0.723236
+0.28956 0.352829 -0.564456 0.687791
+0.265863 0.371012 -0.608231 0.649401
+0.241029 0.387606 -0.649401 0.608231
+0.215162 0.40254 -0.687791 0.564456
+0.188374 0.415751 -0.723236 0.518263
+0.160779 0.427181 -0.755583 0.469852
+0.132496 0.436782 -0.784695 0.419428
+0.103646 0.444512 -0.810447 0.367209
+0.0743512 0.450339 -0.832728 0.313417
+0.0447384 0.454238 -0.851444 0.258283
+0.0149341 0.456191 -0.866513 0.202042
+-0.0149342 0.456191 -0.877872 0.144937
+-0.0447385 0.454238 -0.885472 0.0872113
+-0.0743513 0.450339 -0.88928 0.029112
+-0.103646 0.444512 -0.88928 -0.0291121
+-0.132496 0.436781 -0.885472 -0.0872115
+-0.160779 0.427181 -0.877872 -0.144937
+-0.188374 0.415751 -0.866513 -0.202043
+-0.215162 0.40254 -0.851444 -0.258283
+-0.241029 0.387606 -0.832728 -0.313417
+-0.265864 0.371012 -0.810447 -0.367209
+-0.28956 0.352829 -0.784695 -0.419428
+-0.312016 0.333136 -0.755583 -0.469852
+-0.333136 0.312016 -0.723236 -0.518263
+-0.352829 0.28956 -0.687791 -0.564456
+-0.371012 0.265864 -0.649401 -0.608231
+-0.387606 0.241029 -0.608231 -0.649401
+-0.40254 0.215162 -0.564456 -0.687791
+-0.415751 0.188374 -0.518263 -0.723236
+-0.427181 0.160779 -0.469852 -0.755583
+-0.436782 0.132496 -0.419428 -0.784695
+-0.444512 0.103646 -0.367209 -0.810447
+-0.450339 0.0743513 -0.313417 -0.832728
+-0.454238 0.0447385 -0.258283 -0.851444
+-0.456191 0.0149342 -0.202043 -0.866513
+0.357026 0.0116878 0.470787 0.806694
+0.355497 0.0350134 0.417019 0.835758
+0.352446 0.0581891 0.361465 0.861243
+0.347886 0.0811156 0.304363 0.88304
+0.341836 0.103695 0.245958 0.901055
+0.334322 0.12583 0.186499 0.915212
+0.325376 0.147426 0.126242 0.925451
+0.315037 0.168391 0.0654444 0.931726
+0.30335 0.188635 0.00436652 0.934011
+0.290363 0.208071 -0.0567301 0.932297
+0.276133 0.226616 -0.117584 0.92659
+0.26072 0.244191 -0.177934 0.916916
+0.244191 0.26072 -0.237522 0.903316
+0.226616 0.276133 -0.296093 0.885847
+0.208071 0.290363 -0.353396 0.864585
+0.188635 0.30335 -0.409186 0.83962
+0.168391 0.315038 -0.463224 0.811061
+0.147426 0.325376 -0.515278 0.779028
+0.12583 0.334322 -0.565126 0.743659
+0.103695 0.341836 -0.612553 0.705106
+0.0811155 0.347886 -0.657358 0.663533
+0.058189 0.352446 -0.699348 0.619119
+0.0350134 0.355497 -0.738343 0.572054
+0.0116878 0.357026 -0.774176 0.522539
+-0.0116879 0.357026 -0.806694 0.470787
+-0.0350134 0.355497 -0.835758 0.417019
+-0.0581891 0.352446 -0.861243 0.361465
+-0.0811156 0.347886 -0.88304 0.304363
+-0.103695 0.341836 -0.901055 0.245957
+-0.12583 0.334322 -0.915213 0.186499
+-0.147426 0.325376 -0.925451 0.126242
+-0.168391 0.315038 -0.931726 0.0654445
+-0.188635 0.30335 -0.934011 0.00436653
+-0.208071 0.290363 -0.932297 -0.0567302
+-0.226616 0.276133 -0.92659 -0.117584
+-0.244191 0.26072 -0.916916 -0.177934
+-0.26072 0.244191 -0.903316 -0.237522
+-0.276133 0.226616 -0.885847 -0.296093
+-0.290363 0.208071 -0.864585 -0.353396
+-0.30335 0.188635 -0.83962 -0.409186
+-0.315037 0.168391 -0.811061 -0.463224
+-0.325376 0.147426 -0.779028 -0.515278
+-0.334322 0.12583 -0.743659 -0.565126
+-0.341836 0.103695 -0.705106 -0.612553
+-0.347886 0.0811155 -0.663533 -0.657358
+-0.352446 0.0581891 -0.619119 -0.699348
+-0.355497 0.0350134 -0.572054 -0.738343
+-0.357026 0.0116879 -0.522539 -0.774176
+0.40803 0.0133575 0.403752 0.818729
+0.406282 0.0400153 0.349341 0.843383
+0.402795 0.0665018 0.293433 0.864425
+0.397584 0.0927035 0.236268 0.881766
+0.390669 0.118508 0.178092 0.89533
+0.382082 0.143805 0.119154 0.905061
+0.371859 0.168487 0.0597046 0.910916
+0.360043 0.192447 -1.92711e-08 0.912871
+0.346685 0.215583 -0.0597046 0.910916
+0.331843 0.237796 -0.119154 0.905061
+0.31558 0.25899 -0.178092 0.89533
+0.297966 0.279075 -0.236268 0.881766
+0.279075 0.297966 -0.293433 0.864425
+0.25899 0.31558 -0.349341 0.843383
+0.237796 0.331843 -0.403753 0.818729
+0.215583 0.346685 -0.456436 0.790569
+0.192447 0.360043 -0.507164 0.759024
+0.168487 0.371859 -0.555721 0.724229
+0.143805 0.382082 -0.601898 0.686333
+0.118508 0.390669 -0.645497 0.645497
+0.0927035 0.397584 -0.686333 0.601898
+0.0665017 0.402795 -0.724229 0.555721
+0.0400153 0.406282 -0.759024 0.507164
+0.0133575 0.40803 -0.790569 0.456435
+-0.0133575 0.40803 -0.818729 0.403752
+-0.0400154 0.406282 -0.843383 0.349341
+-0.0665018 0.402795 -0.864425 0.293433
+-0.0927035 0.397584 -0.881766 0.236268
+-0.118508 0.390669 -0.89533 0.178092
+-0.143806 0.382082 -0.905061 0.119153
+-0.168487 0.371859 -0.910916 0.0597045
+-0.192447 0.360043 -0.912871 1.0406e-07
+-0.215583 0.346685 -0.910916 -0.0597046
+-0.237796 0.331843 -0.905061 -0.119154
+-0.25899 0.31558 -0.89533 -0.178092
+-0.279075 0.297966 -0.881766 -0.236268
+-0.297966 0.279075 -0.864425 -0.293433
+-0.31558 0.25899 -0.843383 -0.349341
+-0.331843 0.237796 -0.818729 -0.403752
+-0.346685 0.215583 -0.790569 -0.456435
+-0.360043 0.192447 -0.759024 -0.507164
+-0.371859 0.168487 -0.724229 -0.555721
+-0.382082 0.143805 -0.686333 -0.601898
+-0.390669 0.118508 -0.645497 -0.645497
+-0.397584 0.0927035 -0.601898 -0.686333
+-0.402795 0.0665018 -0.555721 -0.724229
+-0.406282 0.0400153 -0.507164 -0.759024
+-0.40803 0.0133575 -0.456436 -0.790569
+0.40803 0.0133575 0.555721 0.724229
+0.406282 0.0400153 0.507164 0.759024
+0.402795 0.0665018 0.456435 0.790569
+0.397584 0.0927035 0.403752 0.818729
+0.390669 0.118508 0.349341 0.843383
+0.382082 0.143805 0.293433 0.864425
+0.371859 0.168487 0.236268 0.881766
+0.360043 0.192447 0.178092 0.89533
+0.346685 0.215583 0.119154 0.905061
+0.331843 0.237796 0.0597046 0.910916
+0.31558 0.25899 1.65496e-08 0.912871
+0.297966 0.279075 -0.0597046 0.910916
+0.279075 0.297966 -0.119154 0.905061
+0.25899 0.31558 -0.178092 0.89533
+0.237796 0.331843 -0.236268 0.881766
+0.215583 0.346685 -0.293433 0.864425
+0.192447 0.360043 -0.349341 0.843383
+0.168487 0.371859 -0.403753 0.818729
+0.143805 0.382082 -0.456436 0.790569
+0.118508 0.390669 -0.507164 0.759024
+0.0927035 0.397584 -0.555721 0.724229
+0.0665017 0.402795 -0.601898 0.686333
+0.0400153 0.406282 -0.645497 0.645497
+0.0133575 0.40803 -0.686333 0.601898
+-0.0133575 0.40803 -0.724229 0.555721
+-0.0400154 0.406282 -0.759024 0.507164
+-0.0665018 0.402795 -0.790569 0.456435
+-0.0927035 0.397584 -0.818729 0.403752
+-0.118508 0.390669 -0.843383 0.34934
+-0.143806 0.382082 -0.864425 0.293433
+-0.168487 0.371859 -0.881766 0.236268
+-0.192447 0.360043 -0.89533 0.178092
+-0.215583 0.346685 -0.905061 0.119154
+-0.237796 0.331843 -0.910916 0.0597045
+-0.25899 0.31558 -0.912871 3.10581e-08
+-0.279075 0.297966 -0.910916 -0.0597047
+-0.297966 0.279075 -0.905061 -0.119154
+-0.31558 0.25899 -0.89533 -0.178092
+-0.331843 0.237796 -0.881766 -0.236268
+-0.346685 0.215583 -0.864425 -0.293433
+-0.360043 0.192447 -0.843383 -0.34934
+-0.371859 0.168487 -0.818729 -0.403752
+-0.382082 0.143805 -0.790569 -0.456436
+-0.390669 0.118508 -0.759024 -0.507164
+-0.397584 0.0927035 -0.724229 -0.555721
+-0.402795 0.0665018 -0.686333 -0.601898
+-0.406282 0.0400153 -0.645497 -0.645497
+-0.40803 0.0133575 -0.601898 -0.686333
+0.456191 0.0149342 0.469852 0.755583
+0.454238 0.0447385 0.419428 0.784695
+0.450339 0.0743513 0.367209 0.810447
+0.444512 0.103646 0.313417 0.832728
+0.436782 0.132496 0.258283 0.851444
+0.427181 0.160779 0.202043 0.866513
+0.415751 0.188374 0.144937 0.877872
+0.40254 0.215162 0.0872114 0.885472
+0.387606 0.241029 0.029112 0.88928
+0.371012 0.265863 -0.029112 0.88928
+0.352829 0.28956 -0.0872114 0.885472
+0.333136 0.312016 -0.144937 0.877872
+0.312016 0.333136 -0.202043 0.866513
+0.28956 0.352829 -0.258283 0.851444
+0.265863 0.371012 -0.313417 0.832728
+0.241029 0.387606 -0.367209 0.810447
+0.215162 0.40254 -0.419428 0.784695
+0.188374 0.415751 -0.469852 0.755583
+0.160779 0.427181 -0.518263 0.723236
+0.132496 0.436782 -0.564456 0.687791
+0.103646 0.444512 -0.608231 0.649401
+0.0743512 0.450339 -0.649401 0.608231
+0.0447384 0.454238 -0.687791 0.564455
+0.0149341 0.456191 -0.723236 0.518263
+-0.0149342 0.456191 -0.755583 0.469852
+-0.0447385 0.454238 -0.784695 0.419428
+-0.0743513 0.450339 -0.810447 0.367209
+-0.103646 0.444512 -0.832728 0.313417
+-0.132496 0.436781 -0.851444 0.258283
+-0.160779 0.427181 -0.866513 0.202042
+-0.188374 0.415751 -0.877872 0.144937
+-0.215162 0.40254 -0.885472 0.0872115
+-0.241029 0.387606 -0.88928 0.029112
+-0.265864 0.371012 -0.88928 -0.0291121
+-0.28956 0.352829 -0.885472 -0.0872114
+-0.312016 0.333136 -0.877872 -0.144937
+-0.333136 0.312016 -0.866513 -0.202043
+-0.352829 0.28956 -0.851444 -0.258283
+-0.371012 0.265864 -0.832728 -0.313417
+-0.387606 0.241029 -0.810447 -0.367209
+-0.40254 0.215162 -0.784695 -0.419428
+-0.415751 0.188374 -0.755583 -0.469852
+-0.427181 0.160779 -0.723236 -0.518263
+-0.436782 0.132496 -0.687791 -0.564456
+-0.444512 0.103646 -0.649401 -0.608231
+-0.450339 0.0743513 -0.608231 -0.649401
+-0.454238 0.0447385 -0.564456 -0.687791
+-0.456191 0.0149342 -0.518263 -0.723236
+0.456191 0.0149342 0.313417 0.832728
+0.454238 0.0447385 0.258283 0.851444
+0.450339 0.0743513 0.202043 0.866513
+0.444512 0.103646 0.144937 0.877872
+0.436782 0.132496 0.0872114 0.885472
+0.427181 0.160779 0.029112 0.88928
+0.415751 0.188374 -0.029112 0.88928
+0.40254 0.215162 -0.0872114 0.885472
+0.387606 0.241029 -0.144937 0.877872
+0.371012 0.265863 -0.202043 0.866513
+0.352829 0.28956 -0.258283 0.851444
+0.333136 0.312016 -0.313417 0.832728
+0.312016 0.333136 -0.367209 0.810447
+0.28956 0.352829 -0.419428 0.784695
+0.265863 0.371012 -0.469852 0.755583
+0.241029 0.387606 -0.518263 0.723236
+0.215162 0.40254 -0.564456 0.687791
+0.188374 0.415751 -0.608231 0.649401
+0.160779 0.427181 -0.649401 0.608231
+0.132496 0.436782 -0.687791 0.564456
+0.103646 0.444512 -0.723236 0.518263
+0.0743512 0.450339 -0.755583 0.469852
+0.0447384 0.454238 -0.784695 0.419428
+0.0149341 0.456191 -0.810447 0.367209
+-0.0149342 0.456191 -0.832728 0.313417
+-0.0447385 0.454238 -0.851444 0.258283
+-0.0743513 0.450339 -0.866513 0.202043
+-0.103646 0.444512 -0.877872 0.144937
+-0.132496 0.436781 -0.885472 0.0872112
+-0.160779 0.427181 -0.88928 0.0291119
+-0.188374 0.415751 -0.88928 -0.0291121
+-0.215162 0.40254 -0.885472 -0.0872113
+-0.241029 0.387606 -0.877872 -0.144937
+-0.265864 0.371012 -0.866513 -0.202043
+-0.28956 0.352829 -0.851444 -0.258283
+-0.312016 0.333136 -0.832728 -0.313417
+-0.333136 0.312016 -0.810447 -0.367209
+-0.352829 0.28956 -0.784695 -0.419428
+-0.371012 0.265864 -0.755583 -0.469852
+-0.387606 0.241029 -0.723236 -0.518263
+-0.40254 0.215162 -0.687791 -0.564455
+-0.415751 0.188374 -0.649401 -0.608231
+-0.427181 0.160779 -0.608231 -0.649401
+-0.436782 0.132496 -0.564456 -0.687791
+-0.444512 0.103646 -0.518263 -0.723236
+-0.450339 0.0743513 -0.469852 -0.755583
+-0.454238 0.0447385 -0.419428 -0.784695
+-0.456191 0.0149342 -0.367209 -0.810447
+0.499732 0.0163595 0.224144 0.836516
+0.497592 0.0490086 0.168953 0.849385
+0.493322 0.0814477 0.113039 0.858616
+0.486938 0.113538 0.0566408 0.864171
+0.47847 0.145142 -6.45453e-10 0.866025
+0.467953 0.176125 -0.0566408 0.864171
+0.455432 0.206354 -0.113039 0.858616
+0.440961 0.235698 -0.168953 0.849385
+0.424601 0.264034 -0.224144 0.836516
+0.406423 0.291239 -0.278375 0.820066
+0.386505 0.317197 -0.331414 0.800103
+0.364932 0.341796 -0.383033 0.776715
+0.341796 0.364932 -0.433013 0.75
+0.317197 0.386505 -0.481138 0.720074
+0.291239 0.406423 -0.527203 0.687064
+0.264034 0.424601 -0.57101 0.651112
+0.235698 0.440961 -0.612372 0.612372
+0.206353 0.455432 -0.651112 0.57101
+0.176125 0.467953 -0.687064 0.527203
+0.145142 0.47847 -0.720074 0.481138
+0.113538 0.486938 -0.75 0.433013
+0.0814477 0.493322 -0.776715 0.383033
+0.0490085 0.497592 -0.800103 0.331413
+0.0163595 0.499732 -0.820066 0.278375
+-0.0163596 0.499732 -0.836516 0.224144
+-0.0490086 0.497592 -0.849385 0.168953
+-0.0814478 0.493322 -0.858616 0.113039
+-0.113538 0.486938 -0.864171 0.0566407
+-0.145142 0.47847 -0.866025 -1.41739e-07
+-0.176125 0.467953 -0.864171 -0.0566409
+-0.206354 0.455432 -0.858616 -0.113039
+-0.235698 0.440961 -0.849385 -0.168953
+-0.264034 0.424601 -0.836516 -0.224144
+-0.291239 0.406423 -0.820066 -0.278375
+-0.317197 0.386505 -0.800103 -0.331414
+-0.341796 0.364932 -0.776715 -0.383033
+-0.364932 0.341796 -0.75 -0.433013
+-0.386505 0.317197 -0.720074 -0.481138
+-0.406423 0.291239 -0.687064 -0.527203
+-0.424601 0.264034 -0.651112 -0.57101
+-0.440961 0.235698 -0.612373 -0.612372
+-0.455432 0.206354 -0.57101 -0.651112
+-0.467953 0.176125 -0.527203 -0.687064
+-0.47847 0.145142 -0.481138 -0.720074
+-0.486938 0.113538 -0.433013 -0.75
+-0.493322 0.0814478 -0.383033 -0.776715
+-0.497592 0.0490085 -0.331414 -0.800103
+-0.499732 0.0163596 -0.278375 -0.820066
+0.499732 0.0163595 0.383033 0.776715
+0.497592 0.0490086 0.331414 0.800103
+0.493322 0.0814477 0.278375 0.820066
+0.486938 0.113538 0.224144 0.836516
+0.47847 0.145142 0.168953 0.849385
+0.467953 0.176125 0.113039 0.858616
+0.455432 0.206354 0.0566408 0.864171
+0.440961 0.235698 -1.82821e-08 0.866025
+0.424601 0.264034 -0.0566408 0.864171
+0.406423 0.291239 -0.113039 0.858616
+0.386505 0.317197 -0.168953 0.849385
+0.364932 0.341796 -0.224144 0.836516
+0.341796 0.364932 -0.278375 0.820066
+0.317197 0.386505 -0.331414 0.800103
+0.291239 0.406423 -0.383033 0.776715
+0.264034 0.424601 -0.433013 0.75
+0.235698 0.440961 -0.481138 0.720074
+0.206353 0.455432 -0.527203 0.687064
+0.176125 0.467953 -0.57101 0.651112
+0.145142 0.47847 -0.612372 0.612372
+0.113538 0.486938 -0.651112 0.57101
+0.0814477 0.493322 -0.687064 0.527203
+0.0490085 0.497592 -0.720074 0.481138
+0.0163595 0.499732 -0.75 0.433013
+-0.0163596 0.499732 -0.776715 0.383033
+-0.0490086 0.497592 -0.800103 0.331414
+-0.0814478 0.493322 -0.820066 0.278375
+-0.113538 0.486938 -0.836516 0.224144
+-0.145142 0.47847 -0.849385 0.168953
+-0.176125 0.467953 -0.858616 0.113039
+-0.206354 0.455432 -0.864171 0.0566407
+-0.235698 0.440961 -0.866025 9.87201e-08
+-0.264034 0.424601 -0.864171 -0.0566408
+-0.291239 0.406423 -0.858616 -0.113039
+-0.317197 0.386505 -0.849385 -0.168953
+-0.341796 0.364932 -0.836516 -0.224144
+-0.364932 0.341796 -0.820066 -0.278375
+-0.386505 0.317197 -0.800103 -0.331414
+-0.406423 0.291239 -0.776715 -0.383033
+-0.424601 0.264034 -0.75 -0.433013
+-0.440961 0.235698 -0.720074 -0.481138
+-0.455432 0.206354 -0.687064 -0.527203
+-0.467953 0.176125 -0.651112 -0.57101
+-0.47847 0.145142 -0.612372 -0.612372
+-0.486938 0.113538 -0.57101 -0.651112
+-0.493322 0.0814478 -0.527203 -0.687064
+-0.497592 0.0490085 -0.481138 -0.720074
+-0.499732 0.0163596 -0.433013 -0.75
+0.539773 0.0176703 0.296463 0.787682
+0.537461 0.0529353 0.244311 0.805385
+0.532848 0.0879736 0.191113 0.81964
+0.525954 0.122635 0.137097 0.830384
+0.516807 0.156772 0.0824937 0.837573
+0.505447 0.190237 0.0275372 0.841175
+0.491923 0.222887 -0.0275372 0.841175
+0.476292 0.254583 -0.0824937 0.837573
+0.458622 0.285189 -0.137097 0.830384
+0.438987 0.314574 -0.191113 0.81964
+0.417473 0.342612 -0.244311 0.805385
+0.394172 0.369182 -0.296463 0.787682
+0.369182 0.394172 -0.347345 0.766606
+0.342612 0.417473 -0.396739 0.742247
+0.314574 0.438987 -0.444435 0.71471
+0.285189 0.458622 -0.490228 0.684112
+0.254583 0.476292 -0.533922 0.650585
+0.222887 0.491923 -0.575329 0.614272
+0.190237 0.505447 -0.614272 0.575329
+0.156772 0.516807 -0.650585 0.533921
+0.122635 0.525954 -0.684112 0.490228
+0.0879735 0.532848 -0.71471 0.444435
+0.0529352 0.537461 -0.742247 0.396739
+0.0176703 0.539773 -0.766606 0.347345
+-0.0176704 0.539773 -0.787682 0.296463
+-0.0529354 0.537461 -0.805385 0.244311
+-0.0879736 0.532848 -0.81964 0.191113
+-0.122635 0.525954 -0.830384 0.137097
+-0.156772 0.516807 -0.837573 0.0824936
+-0.190237 0.505447 -0.841175 0.0275371
+-0.222887 0.491923 -0.841175 -0.0275373
+-0.254583 0.476292 -0.837573 -0.0824936
+-0.285189 0.458622 -0.830384 -0.137097
+-0.314574 0.438987 -0.81964 -0.191113
+-0.342612 0.417473 -0.805385 -0.244311
+-0.369182 0.394172 -0.787682 -0.296463
+-0.394172 0.369182 -0.766606 -0.347345
+-0.417473 0.342612 -0.742247 -0.39674
+-0.438987 0.314574 -0.71471 -0.444435
+-0.458622 0.285189 -0.684112 -0.490228
+-0.476292 0.254583 -0.650585 -0.533921
+-0.491923 0.222887 -0.614272 -0.575329
+-0.505447 0.190237 -0.575329 -0.614272
+-0.516807 0.156772 -0.533922 -0.650585
+-0.525954 0.122635 -0.490228 -0.684112
+-0.532848 0.0879736 -0.444435 -0.71471
+-0.537461 0.0529353 -0.396739 -0.742247
+-0.539773 0.0176704 -0.347345 -0.766606
+0.255019 0.00834844 0.949536 0.182422
+0.253927 0.0250096 0.935572 0.244134
+0.251747 0.0415636 0.917601 0.304801
+0.24849 0.0579397 0.895702 0.364162
+0.244168 0.0740676 0.869967 0.421964
+0.238801 0.0898784 0.840506 0.477959
+0.232412 0.105304 0.807447 0.531908
+0.225027 0.120279 0.770929 0.583578
+0.216678 0.134739 0.731111 0.63275
+0.207402 0.148622 0.688162 0.679212
+0.197238 0.161869 0.642266 0.722766
+0.186229 0.174422 0.593619 0.763225
+0.174422 0.186229 0.542431 0.800415
+0.161869 0.197238 0.48892 0.834178
+0.148622 0.207402 0.433315 0.864369
+0.134739 0.216678 0.375855 0.890858
+0.120279 0.225027 0.316786 0.913533
+0.105304 0.232412 0.256359 0.932296
+0.0898784 0.238801 0.194835 0.947067
+0.0740676 0.244168 0.132477 0.957782
+0.0579397 0.24849 0.0695517 0.964395
+0.0415636 0.251747 0.00632817 0.966879
+0.0250096 0.253927 -0.0569223 0.965223
+0.00834842 0.255019 -0.119929 0.959434
+-0.00834847 0.255019 -0.182422 0.949536
+-0.0250096 0.253927 -0.244134 0.935572
+-0.0415636 0.251747 -0.304801 0.917601
+-0.0579397 0.24849 -0.364162 0.895702
+-0.0740677 0.244168 -0.421964 0.869967
+-0.0898785 0.238801 -0.477959 0.840506
+-0.105304 0.232412 -0.531908 0.807447
+-0.120279 0.225027 -0.583578 0.770929
+-0.134739 0.216678 -0.63275 0.731111
+-0.148622 0.207402 -0.679212 0.688162
+-0.161869 0.197238 -0.722766 0.642266
+-0.174422 0.186229 -0.763225 0.593619
+-0.186229 0.174422 -0.800415 0.542431
+-0.197238 0.161869 -0.834178 0.48892
+-0.207402 0.148622 -0.864369 0.433316
+-0.216678 0.134739 -0.890858 0.375855
+-0.225027 0.120279 -0.913533 0.316786
+-0.232412 0.105304 -0.932296 0.256359
+-0.238801 0.0898784 -0.947067 0.194835
+-0.244168 0.0740676 -0.957782 0.132477
+-0.24849 0.0579397 -0.964395 0.0695516
+-0.251747 0.0415636 -0.966879 0.00632836
+-0.253927 0.0250096 -0.965223 -0.0569222
+-0.255019 0.00834847 -0.959434 -0.119929
+0.306022 0.0100181 0.867117 0.392885
+0.304712 0.0300115 0.839564 0.448756
+0.302097 0.0498763 0.808416 0.502706
+0.298188 0.0695276 0.773807 0.554502
+0.293002 0.0888812 0.735884 0.603924
+0.286561 0.107854 0.69481 0.65076
+0.278894 0.126365 0.65076 0.69481
+0.270032 0.144335 0.603924 0.735884
+0.260014 0.161687 0.554502 0.773807
+0.248882 0.178347 0.502706 0.808416
+0.236685 0.194242 0.448756 0.839564
+0.223474 0.209307 0.392885 0.867117
+0.209307 0.223474 0.335332 0.890956
+0.194242 0.236685 0.276343 0.91098
+0.178347 0.248882 0.21617 0.927103
+0.161687 0.260014 0.155072 0.939256
+0.144335 0.270032 0.0933095 0.947388
+0.126365 0.278894 0.0311476 0.951462
+0.107854 0.286562 -0.0311477 0.951462
+0.0888812 0.293002 -0.0933096 0.947388
+0.0695276 0.298188 -0.155072 0.939256
+0.0498763 0.302097 -0.21617 0.927103
+0.0300115 0.304712 -0.276343 0.91098
+0.0100181 0.306022 -0.335332 0.890956
+-0.0100182 0.306022 -0.392885 0.867116
+-0.0300115 0.304712 -0.448756 0.839564
+-0.0498764 0.302097 -0.502706 0.808416
+-0.0695276 0.298188 -0.554502 0.773807
+-0.0888812 0.293002 -0.603925 0.735884
+-0.107854 0.286561 -0.650761 0.69481
+-0.126365 0.278894 -0.69481 0.65076
+-0.144335 0.270032 -0.735884 0.603924
+-0.161687 0.260014 -0.773807 0.554502
+-0.178347 0.248882 -0.808416 0.502706
+-0.194242 0.236685 -0.839564 0.448756
+-0.209307 0.223474 -0.867117 0.392885
+-0.223474 0.209307 -0.890956 0.335332
+-0.236685 0.194242 -0.91098 0.276343
+-0.248882 0.178347 -0.927103 0.21617
+-0.260014 0.161687 -0.939256 0.155072
+-0.270032 0.144335 -0.947388 0.0933096
+-0.278894 0.126365 -0.951462 0.0311476
+-0.286562 0.107854 -0.951462 -0.0311477
+-0.293002 0.0888812 -0.947388 -0.0933095
+-0.298188 0.0695276 -0.939256 -0.155072
+-0.302097 0.0498764 -0.927103 -0.21617
+-0.304712 0.0300115 -0.91098 -0.276343
+-0.306022 0.0100182 -0.890956 -0.335332
+0.306022 0.0100181 0.939256 0.155072
+0.304712 0.0300115 0.927103 0.21617
+0.302097 0.0498763 0.91098 0.276343
+0.298188 0.0695276 0.890956 0.335332
+0.293002 0.0888812 0.867117 0.392885
+0.286561 0.107854 0.839564 0.448756
+0.278894 0.126365 0.808416 0.502706
+0.270032 0.144335 0.773807 0.554502
+0.260014 0.161687 0.735884 0.603924
+0.248882 0.178347 0.69481 0.65076
+0.236685 0.194242 0.65076 0.69481
+0.223474 0.209307 0.603924 0.735884
+0.209307 0.223474 0.554502 0.773807
+0.194242 0.236685 0.502706 0.808416
+0.178347 0.248882 0.448756 0.839564
+0.161687 0.260014 0.392885 0.867117
+0.144335 0.270032 0.335332 0.890956
+0.126365 0.278894 0.276343 0.91098
+0.107854 0.286562 0.21617 0.927103
+0.0888812 0.293002 0.155072 0.939256
+0.0695276 0.298188 0.0933095 0.947388
+0.0498763 0.302097 0.0311475 0.951462
+0.0300115 0.304712 -0.0311478 0.951462
+0.0100181 0.306022 -0.0933096 0.947388
+-0.0100182 0.306022 -0.155072 0.939256
+-0.0300115 0.304712 -0.21617 0.927103
+-0.0498764 0.302097 -0.276343 0.91098
+-0.0695276 0.298188 -0.335332 0.890956
+-0.0888812 0.293002 -0.392886 0.867116
+-0.107854 0.286561 -0.448756 0.839564
+-0.126365 0.278894 -0.502706 0.808416
+-0.144335 0.270032 -0.554502 0.773807
+-0.161687 0.260014 -0.603924 0.735884
+-0.178347 0.248882 -0.650761 0.69481
+-0.194242 0.236685 -0.69481 0.650761
+-0.209307 0.223474 -0.735884 0.603924
+-0.223474 0.209307 -0.773807 0.554502
+-0.236685 0.194242 -0.808416 0.502706
+-0.248882 0.178347 -0.839564 0.448756
+-0.260014 0.161687 -0.867117 0.392885
+-0.270032 0.144335 -0.890956 0.335332
+-0.278894 0.126365 -0.91098 0.276343
+-0.286562 0.107854 -0.927103 0.21617
+-0.293002 0.0888812 -0.939256 0.155072
+-0.298188 0.0695276 -0.947388 0.0933095
+-0.302097 0.0498764 -0.951462 0.0311477
+-0.304712 0.0300115 -0.951462 -0.0311477
+-0.306022 0.0100182 -0.947388 -0.0933095
+0.357026 0.0116878 0.871042 0.337168
+0.355497 0.0350134 0.847125 0.393415
+0.352446 0.0581891 0.819581 0.447977
+0.347886 0.0811156 0.788527 0.500621
+0.341836 0.103695 0.754096 0.551121
+0.334322 0.12583 0.716437 0.599262
+0.325376 0.147426 0.675709 0.644836
+0.315037 0.168391 0.632088 0.687649
+0.30335 0.188635 0.58576 0.727517
+0.290363 0.208071 0.536924 0.76427
+0.276133 0.226616 0.485789 0.79775
+0.26072 0.244191 0.432574 0.827814
+0.244191 0.26072 0.377506 0.854333
+0.226616 0.276133 0.320821 0.877194
+0.208071 0.290363 0.262763 0.896299
+0.188635 0.30335 0.20358 0.911565
+0.168391 0.315038 0.143525 0.922928
+0.147426 0.325376 0.0828551 0.930339
+0.12583 0.334322 0.0218307 0.933766
+0.103695 0.341836 -0.0392873 0.933195
+0.0811155 0.347886 -0.100237 0.928627
+0.058189 0.352446 -0.160758 0.920083
+0.0350134 0.355497 -0.22059 0.907599
+0.0116878 0.357026 -0.279477 0.891229
+-0.0116879 0.357026 -0.337168 0.871042
+-0.0350134 0.355497 -0.393415 0.847125
+-0.0581891 0.352446 -0.447977 0.819581
+-0.0811156 0.347886 -0.500621 0.788527
+-0.103695 0.341836 -0.551121 0.754096
+-0.12583 0.334322 -0.599262 0.716436
+-0.147426 0.325376 -0.644836 0.675709
+-0.168391 0.315038 -0.687649 0.632088
+-0.188635 0.30335 -0.727517 0.58576
+-0.208071 0.290363 -0.76427 0.536924
+-0.226616 0.276133 -0.79775 0.485789
+-0.244191 0.26072 -0.827814 0.432574
+-0.26072 0.244191 -0.854333 0.377506
+-0.276133 0.226616 -0.877194 0.320821
+-0.290363 0.208071 -0.896299 0.262763
+-0.30335 0.188635 -0.911565 0.20358
+-0.315037 0.168391 -0.922928 0.143525
+-0.325376 0.147426 -0.930339 0.0828552
+-0.334322 0.12583 -0.933766 0.0218306
+-0.341836 0.103695 -0.933195 -0.0392872
+-0.347886 0.0811155 -0.928627 -0.100237
+-0.352446 0.0581891 -0.920083 -0.160757
+-0.355497 0.0350134 -0.907599 -0.22059
+-0.357026 0.0116879 -0.891229 -0.279477
+0.357026 0.0116878 0.774176 0.522539
+0.355497 0.0350134 0.738343 0.572054
+0.352446 0.0581891 0.699348 0.619119
+0.347886 0.0811156 0.657358 0.663533
+0.341836 0.103695 0.612553 0.705106
+0.334322 0.12583 0.565126 0.743659
+0.325376 0.147426 0.515278 0.779028
+0.315037 0.168391 0.463224 0.811061
+0.30335 0.188635 0.409186 0.83962
+0.290363 0.208071 0.353396 0.864585
+0.276133 0.226616 0.296093 0.885847
+0.26072 0.244191 0.237522 0.903316
+0.244191 0.26072 0.177934 0.916916
+0.226616 0.276133 0.117584 0.92659
+0.208071 0.290363 0.05673 0.932297
+0.188635 0.30335 -0.00436661 0.934011
+0.168391 0.315038 -0.0654445 0.931726
+0.147426 0.325376 -0.126242 0.925451
+0.12583 0.334322 -0.186499 0.915212
+0.103695 0.341836 -0.245958 0.901055
+0.0811155 0.347886 -0.304363 0.88304
+0.058189 0.352446 -0.361465 0.861243
+0.0350134 0.355497 -0.417019 0.835758
+0.0116878 0.357026 -0.470787 0.806694
+-0.0116879 0.357026 -0.522539 0.774176
+-0.0350134 0.355497 -0.572054 0.738343
+-0.0581891 0.352446 -0.619119 0.699348
+-0.0811156 0.347886 -0.663533 0.657358
+-0.103695 0.341836 -0.705106 0.612553
+-0.12583 0.334322 -0.743659 0.565126
+-0.147426 0.325376 -0.779028 0.515278
+-0.168391 0.315038 -0.811061 0.463224
+-0.188635 0.30335 -0.83962 0.409186
+-0.208071 0.290363 -0.864585 0.353396
+-0.226616 0.276133 -0.885847 0.296093
+-0.244191 0.26072 -0.903316 0.237522
+-0.26072 0.244191 -0.916916 0.177934
+-0.276133 0.226616 -0.92659 0.117584
+-0.290363 0.208071 -0.932297 0.0567302
+-0.30335 0.188635 -0.934011 -0.00436654
+-0.315037 0.168391 -0.931726 -0.0654443
+-0.325376 0.147426 -0.925451 -0.126242
+-0.334322 0.12583 -0.915212 -0.186499
+-0.341836 0.103695 -0.901055 -0.245958
+-0.347886 0.0811155 -0.88304 -0.304363
+-0.352446 0.0581891 -0.861243 -0.361465
+-0.355497 0.0350134 -0.835758 -0.417019
+-0.357026 0.0116879 -0.806694 -0.470787
+0.40803 0.0133575 0.686333 0.601898
+0.406282 0.0400153 0.645497 0.645497
+0.402795 0.0665018 0.601898 0.686333
+0.397584 0.0927035 0.555721 0.724229
+0.390669 0.118508 0.507164 0.759024
+0.382082 0.143805 0.456435 0.790569
+0.371859 0.168487 0.403752 0.818729
+0.360043 0.192447 0.349341 0.843383
+0.346685 0.215583 0.293433 0.864425
+0.331843 0.237796 0.236268 0.881766
+0.31558 0.25899 0.178092 0.89533
+0.297966 0.279075 0.119154 0.905061
+0.279075 0.297966 0.0597046 0.910916
+0.25899 0.31558 -2.0411e-09 0.912871
+0.237796 0.331843 -0.0597047 0.910916
+0.215583 0.346685 -0.119154 0.905061
+0.192447 0.360043 -0.178092 0.89533
+0.168487 0.371859 -0.236268 0.881766
+0.143805 0.382082 -0.293433 0.864425
+0.118508 0.390669 -0.349341 0.843383
+0.0927035 0.397584 -0.403753 0.818729
+0.0665017 0.402795 -0.456436 0.790569
+0.0400153 0.406282 -0.507164 0.759024
+0.0133575 0.40803 -0.555721 0.724229
+-0.0133575 0.40803 -0.601898 0.686333
+-0.0400154 0.406282 -0.645497 0.645497
+-0.0665018 0.402795 -0.686333 0.601898
+-0.0927035 0.397584 -0.724229 0.555721
+-0.118508 0.390669 -0.759025 0.507164
+-0.143806 0.382082 -0.790569 0.456435
+-0.168487 0.371859 -0.818729 0.403752
+-0.192447 0.360043 -0.843383 0.349341
+-0.215583 0.346685 -0.864425 0.293433
+-0.237796 0.331843 -0.881766 0.236268
+-0.25899 0.31558 -0.89533 0.178092
+-0.279075 0.297966 -0.905061 0.119154
+-0.297966 0.279075 -0.910916 0.0597047
+-0.31558 0.25899 -0.912871 -4.1944e-08
+-0.331843 0.237796 -0.910916 -0.0597045
+-0.346685 0.215583 -0.905061 -0.119154
+-0.360043 0.192447 -0.89533 -0.178092
+-0.371859 0.168487 -0.881766 -0.236268
+-0.382082 0.143805 -0.864425 -0.293433
+-0.390669 0.118508 -0.843383 -0.349341
+-0.397584 0.0927035 -0.818729 -0.403753
+-0.402795 0.0665018 -0.790569 -0.456435
+-0.406282 0.0400153 -0.759024 -0.507164
+-0.40803 0.0133575 -0.724229 -0.555721
+0.40803 0.0133575 0.790569 0.456435
+0.406282 0.0400153 0.759024 0.507164
+0.402795 0.0665018 0.724229 0.555721
+0.397584 0.0927035 0.686333 0.601898
+0.390669 0.118508 0.645497 0.645497
+0.382082 0.143805 0.601898 0.686333
+0.371859 0.168487 0.555721 0.724229
+0.360043 0.192447 0.507164 0.759024
+0.346685 0.215583 0.456435 0.790569
+0.331843 0.237796 0.403752 0.818729
+0.31558 0.25899 0.349341 0.843383
+0.297966 0.279075 0.293433 0.864425
+0.279075 0.297966 0.236268 0.881766
+0.25899 0.31558 0.178092 0.89533
+0.237796 0.331843 0.119154 0.905061
+0.215583 0.346685 0.0597045 0.910916
+0.192447 0.360043 -7.50431e-08 0.912871
+0.168487 0.371859 -0.0597047 0.910916
+0.143805 0.382082 -0.119154 0.905061
+0.118508 0.390669 -0.178092 0.89533
+0.0927035 0.397584 -0.236268 0.881766
+0.0665017 0.402795 -0.293433 0.864425
+0.0400153 0.406282 -0.349341 0.843383
+0.0133575 0.40803 -0.403753 0.818729
+-0.0133575 0.40803 -0.456436 0.790569
+-0.0400154 0.406282 -0.507164 0.759024
+-0.0665018 0.402795 -0.555721 0.724229
+-0.0927035 0.397584 -0.601898 0.686333
+-0.118508 0.390669 -0.645497 0.645497
+-0.143806 0.382082 -0.686333 0.601898
+-0.168487 0.371859 -0.724229 0.555721
+-0.192447 0.360043 -0.759024 0.507164
+-0.215583 0.346685 -0.790569 0.456435
+-0.237796 0.331843 -0.818729 0.403752
+-0.25899 0.31558 -0.843383 0.349341
+-0.279075 0.297966 -0.864425 0.293433
+-0.297966 0.279075 -0.881766 0.236268
+-0.31558 0.25899 -0.89533 0.178092
+-0.331843 0.237796 -0.905061 0.119154
+-0.346685 0.215583 -0.910916 0.0597046
+-0.360043 0.192447 -0.912871 1.02699e-07
+-0.371859 0.168487 -0.910916 -0.0597046
+-0.382082 0.143805 -0.905061 -0.119154
+-0.390669 0.118508 -0.89533 -0.178092
+-0.397584 0.0927035 -0.881766 -0.236268
+-0.402795 0.0665018 -0.864425 -0.293433
+-0.406282 0.0400153 -0.843383 -0.349341
+-0.40803 0.0133575 -0.818729 -0.403752
+0.456191 0.0149342 0.723236 0.518263
+0.454238 0.0447385 0.687791 0.564456
+0.450339 0.0743513 0.649401 0.608231
+0.444512 0.103646 0.608231 0.649401
+0.436782 0.132496 0.564456 0.687791
+0.427181 0.160779 0.518263 0.723236
+0.415751 0.188374 0.469852 0.755583
+0.40254 0.215162 0.419428 0.784695
+0.387606 0.241029 0.367209 0.810447
+0.371012 0.265863 0.313417 0.832728
+0.352829 0.28956 0.258283 0.851444
+0.333136 0.312016 0.202043 0.866513
+0.312016 0.333136 0.144937 0.877872
+0.28956 0.352829 0.0872114 0.885472
+0.265863 0.371012 0.029112 0.88928
+0.241029 0.387606 -0.0291121 0.88928
+0.215162 0.40254 -0.0872115 0.885472
+0.188374 0.415751 -0.144937 0.877872
+0.160779 0.427181 -0.202043 0.866513
+0.132496 0.436782 -0.258283 0.851444
+0.103646 0.444512 -0.313417 0.832728
+0.0743512 0.450339 -0.367209 0.810447
+0.0447384 0.454238 -0.419428 0.784695
+0.0149341 0.456191 -0.469852 0.755583
+-0.0149342 0.456191 -0.518263 0.723236
+-0.0447385 0.454238 -0.564456 0.687791
+-0.0743513 0.450339 -0.608231 0.649401
+-0.103646 0.444512 -0.649401 0.608231
+-0.132496 0.436781 -0.687791 0.564455
+-0.160779 0.427181 -0.723236 0.518263
+-0.188374 0.415751 -0.755583 0.469852
+-0.215162 0.40254 -0.784695 0.419428
+-0.241029 0.387606 -0.810447 0.367209
+-0.265864 0.371012 -0.832728 0.313417
+-0.28956 0.352829 -0.851444 0.258283
+-0.312016 0.333136 -0.866513 0.202043
+-0.333136 0.312016 -0.877872 0.144937
+-0.352829 0.28956 -0.885472 0.0872113
+-0.371012 0.265864 -0.88928 0.0291121
+-0.387606 0.241029 -0.88928 -0.029112
+-0.40254 0.215162 -0.885472 -0.0872113
+-0.415751 0.188374 -0.877872 -0.144937
+-0.427181 0.160779 -0.866513 -0.202043
+-0.436782 0.132496 -0.851444 -0.258283
+-0.444512 0.103646 -0.832728 -0.313417
+-0.450339 0.0743513 -0.810447 -0.367209
+-0.454238 0.0447385 -0.784695 -0.419428
+-0.456191 0.0149342 -0.755583 -0.469852
+0.357026 0.0116878 0.92423 0.134889
+0.355497 0.0350134 0.913429 0.195048
+0.352446 0.0581891 0.898716 0.254372
+0.347886 0.0811156 0.880155 0.312606
+0.341836 0.103695 0.857825 0.369501
+0.334322 0.12583 0.831822 0.424815
+0.325376 0.147426 0.802257 0.478309
+0.315037 0.168391 0.769256 0.529755
+0.30335 0.188635 0.732962 0.578933
+0.290363 0.208071 0.693528 0.625631
+0.276133 0.226616 0.651125 0.66965
+0.26072 0.244191 0.605934 0.710802
+0.244191 0.26072 0.558148 0.74891
+0.226616 0.276133 0.507972 0.783811
+0.208071 0.290363 0.45562 0.815356
+0.188635 0.30335 0.401318 0.84341
+0.168391 0.315038 0.345297 0.867851
+0.147426 0.325376 0.287798 0.888577
+0.12583 0.334322 0.229066 0.905497
+0.103695 0.341836 0.169353 0.91854
+0.0811155 0.347886 0.108915 0.927649
+0.058189 0.352446 0.0480106 0.932787
+0.0350134 0.355497 -0.0130993 0.933929
+0.0116878 0.357026 -0.0741532 0.931073
+-0.0116879 0.357026 -0.134889 0.92423
+-0.0350134 0.355497 -0.195048 0.913429
+-0.0581891 0.352446 -0.254372 0.898716
+-0.0811156 0.347886 -0.312606 0.880155
+-0.103695 0.341836 -0.369502 0.857825
+-0.12583 0.334322 -0.424815 0.831822
+-0.147426 0.325376 -0.478309 0.802257
+-0.168391 0.315038 -0.529755 0.769257
+-0.188635 0.30335 -0.578933 0.732962
+-0.208071 0.290363 -0.625631 0.693528
+-0.226616 0.276133 -0.66965 0.651125
+-0.244191 0.26072 -0.710802 0.605934
+-0.26072 0.244191 -0.74891 0.558148
+-0.276133 0.226616 -0.783812 0.507972
+-0.290363 0.208071 -0.815356 0.455621
+-0.30335 0.188635 -0.84341 0.401318
+-0.315037 0.168391 -0.867851 0.345297
+-0.325376 0.147426 -0.888577 0.287798
+-0.334322 0.12583 -0.905497 0.229066
+-0.341836 0.103695 -0.91854 0.169353
+-0.347886 0.0811155 -0.927649 0.108915
+-0.352446 0.0581891 -0.932787 0.0480108
+-0.355497 0.0350134 -0.933929 -0.0130992
+-0.357026 0.0116879 -0.931073 -0.074153
+0.40803 0.0133575 0.864425 0.293433
+0.406282 0.0400153 0.843383 0.349341
+0.402795 0.0665018 0.818729 0.403752
+0.397584 0.0927035 0.790569 0.456435
+0.390669 0.118508 0.759024 0.507164
+0.382082 0.143805 0.724229 0.555721
+0.371859 0.168487 0.686333 0.601898
+0.360043 0.192447 0.645497 0.645497
+0.346685 0.215583 0.601898 0.686333
+0.331843 0.237796 0.555721 0.724229
+0.31558 0.25899 0.507164 0.759024
+0.297966 0.279075 0.456435 0.790569
+0.279075 0.297966 0.403752 0.818729
+0.25899 0.31558 0.349341 0.843383
+0.237796 0.331843 0.293433 0.864425
+0.215583 0.346685 0.236268 0.881766
+0.192447 0.360043 0.178092 0.89533
+0.168487 0.371859 0.119154 0.905061
+0.143805 0.382082 0.0597046 0.910916
+0.118508 0.390669 -3.92225e-08 0.912871
+0.0927035 0.397584 -0.0597046 0.910916
+0.0665017 0.402795 -0.119154 0.905061
+0.0400153 0.406282 -0.178092 0.89533
+0.0133575 0.40803 -0.236268 0.881766
+-0.0133575 0.40803 -0.293433 0.864425
+-0.0400154 0.406282 -0.349341 0.843383
+-0.0665018 0.402795 -0.403753 0.818729
+-0.0927035 0.397584 -0.456436 0.790569
+-0.118508 0.390669 -0.507164 0.759024
+-0.143806 0.382082 -0.555721 0.724229
+-0.168487 0.371859 -0.601898 0.686333
+-0.192447 0.360043 -0.645497 0.645497
+-0.215583 0.346685 -0.686333 0.601898
+-0.237796 0.331843 -0.724229 0.555721
+-0.25899 0.31558 -0.759024 0.507164
+-0.279075 0.297966 -0.790569 0.456435
+-0.297966 0.279075 -0.818729 0.403753
+-0.31558 0.25899 -0.843383 0.349341
+-0.331843 0.237796 -0.864425 0.293433
+-0.346685 0.215583 -0.881766 0.236268
+-0.360043 0.192447 -0.89533 0.178092
+-0.371859 0.168487 -0.905061 0.119154
+-0.382082 0.143805 -0.910916 0.0597045
+-0.390669 0.118508 -0.912871 2.96973e-08
+-0.397584 0.0927035 -0.910916 -0.0597047
+-0.402795 0.0665018 -0.905061 -0.119154
+-0.406282 0.0400153 -0.89533 -0.178092
+-0.40803 0.0133575 -0.881766 -0.236268
+0.40803 0.0133575 0.905061 0.119154
+0.406282 0.0400153 0.89533 0.178092
+0.402795 0.0665018 0.881766 0.236268
+0.397584 0.0927035 0.864425 0.293433
+0.390669 0.118508 0.843383 0.349341
+0.382082 0.143805 0.818729 0.403752
+0.371859 0.168487 0.790569 0.456435
+0.360043 0.192447 0.759024 0.507164
+0.346685 0.215583 0.724229 0.555721
+0.331843 0.237796 0.686333 0.601898
+0.31558 0.25899 0.645497 0.645497
+0.297966 0.279075 0.601898 0.686333
+0.279075 0.297966 0.555721 0.724229
+0.25899 0.31558 0.507164 0.759024
+0.237796 0.331843 0.456435 0.790569
+0.215583 0.346685 0.403752 0.818729
+0.192447 0.360043 0.349341 0.843383
+0.168487 0.371859 0.293433 0.864425
+0.143805 0.382082 0.236268 0.881766
+0.118508 0.390669 0.178092 0.89533
+0.0927035 0.397584 0.119154 0.905061
+0.0665017 0.402795 0.0597045 0.910916
+0.0400153 0.406282 -1.12225e-07 0.912871
+0.0133575 0.40803 -0.0597047 0.910916
+-0.0133575 0.40803 -0.119154 0.905061
+-0.0400154 0.406282 -0.178092 0.89533
+-0.0665018 0.402795 -0.236268 0.881766
+-0.0927035 0.397584 -0.293433 0.864425
+-0.118508 0.390669 -0.349341 0.843383
+-0.143806 0.382082 -0.403753 0.818729
+-0.168487 0.371859 -0.456436 0.790569
+-0.192447 0.360043 -0.507164 0.759024
+-0.215583 0.346685 -0.555721 0.724229
+-0.237796 0.331843 -0.601898 0.686333
+-0.25899 0.31558 -0.645497 0.645497
+-0.279075 0.297966 -0.686333 0.601898
+-0.297966 0.279075 -0.724229 0.555721
+-0.31558 0.25899 -0.759024 0.507164
+-0.331843 0.237796 -0.790569 0.456436
+-0.346685 0.215583 -0.818729 0.403752
+-0.360043 0.192447 -0.843383 0.349341
+-0.371859 0.168487 -0.864425 0.293433
+-0.382082 0.143805 -0.881766 0.236268
+-0.390669 0.118508 -0.89533 0.178092
+-0.397584 0.0927035 -0.905061 0.119153
+-0.402795 0.0665018 -0.910916 0.0597047
+-0.406282 0.0400153 -0.912871 -4.33047e-08
+-0.40803 0.0133575 -0.910916 -0.0597045
+0.456191 0.0149342 0.866513 0.202043
+0.454238 0.0447385 0.851444 0.258283
+0.450339 0.0743513 0.832728 0.313417
+0.444512 0.103646 0.810447 0.367209
+0.436782 0.132496 0.784695 0.419428
+0.427181 0.160779 0.755583 0.469852
+0.415751 0.188374 0.723236 0.518263
+0.40254 0.215162 0.687791 0.564456
+0.387606 0.241029 0.649401 0.608231
+0.371012 0.265863 0.608231 0.649401
+0.352829 0.28956 0.564456 0.687791
+0.333136 0.312016 0.518263 0.723236
+0.312016 0.333136 0.469852 0.755583
+0.28956 0.352829 0.419428 0.784695
+0.265863 0.371012 0.367209 0.810447
+0.241029 0.387606 0.313417 0.832728
+0.215162 0.40254 0.258283 0.851444
+0.188374 0.415751 0.202043 0.866513
+0.160779 0.427181 0.144937 0.877872
+0.132496 0.436782 0.0872114 0.885472
+0.103646 0.444512 0.029112 0.88928
+0.0743512 0.450339 -0.0291121 0.88928
+0.0447384 0.454238 -0.0872115 0.885472
+0.0149341 0.456191 -0.144937 0.877872
+-0.0149342 0.456191 -0.202043 0.866513
+-0.0447385 0.454238 -0.258283 0.851444
+-0.0743513 0.450339 -0.313417 0.832728
+-0.103646 0.444512 -0.367209 0.810447
+-0.132496 0.436781 -0.419428 0.784695
+-0.160779 0.427181 -0.469852 0.755583
+-0.188374 0.415751 -0.518263 0.723236
+-0.215162 0.40254 -0.564455 0.687791
+-0.241029 0.387606 -0.608231 0.649401
+-0.265864 0.371012 -0.649401 0.608231
+-0.28956 0.352829 -0.687791 0.564456
+-0.312016 0.333136 -0.723236 0.518263
+-0.333136 0.312016 -0.755583 0.469852
+-0.352829 0.28956 -0.784695 0.419428
+-0.371012 0.265864 -0.810447 0.367209
+-0.387606 0.241029 -0.832728 0.313417
+-0.40254 0.215162 -0.851444 0.258283
+-0.415751 0.188374 -0.866513 0.202043
+-0.427181 0.160779 -0.877872 0.144937
+-0.436782 0.132496 -0.885472 0.0872114
+-0.444512 0.103646 -0.88928 0.029112
+-0.450339 0.0743513 -0.88928 -0.029112
+-0.454238 0.0447385 -0.885472 -0.0872114
+-0.456191 0.0149342 -0.877872 -0.144937
+0.456191 0.0149342 0.810447 0.367209
+0.454238 0.0447385 0.784695 0.419428
+0.450339 0.0743513 0.755583 0.469852
+0.444512 0.103646 0.723236 0.518263
+0.436782 0.132496 0.687791 0.564456
+0.427181 0.160779 0.649401 0.608231
+0.415751 0.188374 0.608231 0.649401
+0.40254 0.215162 0.564456 0.687791
+0.387606 0.241029 0.518263 0.723236
+0.371012 0.265863 0.469852 0.755583
+0.352829 0.28956 0.419428 0.784695
+0.333136 0.312016 0.367209 0.810447
+0.312016 0.333136 0.313417 0.832728
+0.28956 0.352829 0.258283 0.851444
+0.265863 0.371012 0.202043 0.866513
+0.241029 0.387606 0.144937 0.877872
+0.215162 0.40254 0.0872113 0.885472
+0.188374 0.415751 0.029112 0.88928
+0.160779 0.427181 -0.0291121 0.88928
+0.132496 0.436782 -0.0872114 0.885472
+0.103646 0.444512 -0.144937 0.877872
+0.0743512 0.450339 -0.202043 0.866513
+0.0447384 0.454238 -0.258283 0.851444
+0.0149341 0.456191 -0.313417 0.832728
+-0.0149342 0.456191 -0.367209 0.810447
+-0.0447385 0.454238 -0.419428 0.784695
+-0.0743513 0.450339 -0.469852 0.755583
+-0.103646 0.444512 -0.518263 0.723236
+-0.132496 0.436781 -0.564456 0.687791
+-0.160779 0.427181 -0.608231 0.649401
+-0.188374 0.415751 -0.649401 0.608231
+-0.215162 0.40254 -0.687791 0.564456
+-0.241029 0.387606 -0.723236 0.518263
+-0.265864 0.371012 -0.755583 0.469852
+-0.28956 0.352829 -0.784695 0.419428
+-0.312016 0.333136 -0.810447 0.367209
+-0.333136 0.312016 -0.832728 0.313417
+-0.352829 0.28956 -0.851444 0.258283
+-0.371012 0.265864 -0.866513 0.202043
+-0.387606 0.241029 -0.877872 0.144937
+-0.40254 0.215162 -0.885472 0.0872115
+-0.415751 0.188374 -0.88928 0.029112
+-0.427181 0.160779 -0.88928 -0.0291121
+-0.436782 0.132496 -0.885472 -0.0872114
+-0.444512 0.103646 -0.877872 -0.144937
+-0.450339 0.0743513 -0.866513 -0.202043
+-0.454238 0.0447385 -0.851444 -0.258283
+-0.456191 0.0149342 -0.832728 -0.313417
+0.499732 0.0163595 0.75 0.433013
+0.497592 0.0490086 0.720074 0.481138
+0.493322 0.0814477 0.687064 0.527203
+0.486938 0.113538 0.651112 0.57101
+0.47847 0.145142 0.612372 0.612372
+0.467953 0.176125 0.57101 0.651112
+0.455432 0.206354 0.527203 0.687064
+0.440961 0.235698 0.481138 0.720074
+0.424601 0.264034 0.433013 0.75
+0.406423 0.291239 0.383033 0.776715
+0.386505 0.317197 0.331414 0.800103
+0.364932 0.341796 0.278375 0.820066
+0.341796 0.364932 0.224144 0.836516
+0.317197 0.386505 0.168953 0.849385
+0.291239 0.406423 0.113039 0.858616
+0.264034 0.424601 0.0566407 0.864171
+0.235698 0.440961 -7.11922e-08 0.866025
+0.206353 0.455432 -0.0566408 0.864171
+0.176125 0.467953 -0.113039 0.858616
+0.145142 0.47847 -0.168953 0.849385
+0.113538 0.486938 -0.224144 0.836516
+0.0814477 0.493322 -0.278375 0.820066
+0.0490085 0.497592 -0.331414 0.800103
+0.0163595 0.499732 -0.383033 0.776715
+-0.0163596 0.499732 -0.433013 0.75
+-0.0490086 0.497592 -0.481138 0.720074
+-0.0814478 0.493322 -0.527203 0.687064
+-0.113538 0.486938 -0.57101 0.651112
+-0.145142 0.47847 -0.612373 0.612372
+-0.176125 0.467953 -0.651112 0.57101
+-0.206354 0.455432 -0.687064 0.527203
+-0.235698 0.440961 -0.720074 0.481138
+-0.264034 0.424601 -0.75 0.433013
+-0.291239 0.406423 -0.776715 0.383033
+-0.317197 0.386505 -0.800103 0.331414
+-0.341796 0.364932 -0.820066 0.278375
+-0.364932 0.341796 -0.836516 0.224144
+-0.386505 0.317197 -0.849385 0.168953
+-0.406423 0.291239 -0.858616 0.113039
+-0.424601 0.264034 -0.864171 0.0566408
+-0.440961 0.235698 -0.866025 9.74292e-08
+-0.455432 0.206354 -0.864171 -0.0566408
+-0.467953 0.176125 -0.858616 -0.113039
+-0.47847 0.145142 -0.849385 -0.168953
+-0.486938 0.113538 -0.836516 -0.224144
+-0.493322 0.0814478 -0.820066 -0.278375
+-0.497592 0.0490085 -0.800103 -0.331414
+-0.499732 0.0163596 -0.776715 -0.383033
+0.499732 0.0163595 0.820066 0.278375
+0.497592 0.0490086 0.800103 0.331414
+0.493322 0.0814477 0.776715 0.383033
+0.486938 0.113538 0.75 0.433013
+0.47847 0.145142 0.720074 0.481138
+0.467953 0.176125 0.687064 0.527203
+0.455432 0.206354 0.651112 0.57101
+0.440961 0.235698 0.612372 0.612372
+0.424601 0.264034 0.57101 0.651112
+0.406423 0.291239 0.527203 0.687064
+0.386505 0.317197 0.481138 0.720074
+0.364932 0.341796 0.433013 0.75
+0.341796 0.364932 0.383033 0.776715
+0.317197 0.386505 0.331414 0.800103
+0.291239 0.406423 0.278375 0.820066
+0.264034 0.424601 0.224144 0.836516
+0.235698 0.440961 0.168953 0.849385
+0.206353 0.455432 0.113039 0.858616
+0.176125 0.467953 0.0566407 0.864171
+0.145142 0.47847 -3.72097e-08 0.866025
+0.113538 0.486938 -0.0566408 0.864171
+0.0814477 0.493322 -0.113039 0.858616
+0.0490085 0.497592 -0.168953 0.849385
+0.0163595 0.499732 -0.224144 0.836516
+-0.0163596 0.499732 -0.278375 0.820066
+-0.0490086 0.497592 -0.331414 0.800103
+-0.0814478 0.493322 -0.383033 0.776715
+-0.113538 0.486938 -0.433013 0.75
+-0.145142 0.47847 -0.481138 0.720074
+-0.176125 0.467953 -0.527203 0.687064
+-0.206354 0.455432 -0.57101 0.651112
+-0.235698 0.440961 -0.612372 0.612373
+-0.264034 0.424601 -0.651112 0.57101
+-0.291239 0.406423 -0.687064 0.527203
+-0.317197 0.386505 -0.720074 0.481138
+-0.341796 0.364932 -0.75 0.433013
+-0.364932 0.341796 -0.776715 0.383033
+-0.386505 0.317197 -0.800103 0.331414
+-0.406423 0.291239 -0.820066 0.278375
+-0.424601 0.264034 -0.836516 0.224144
+-0.440961 0.235698 -0.849385 0.168953
+-0.455432 0.206354 -0.858616 0.113039
+-0.467953 0.176125 -0.864171 0.0566407
+-0.47847 0.145142 -0.866025 2.81734e-08
+-0.486938 0.113538 -0.864171 -0.0566408
+-0.493322 0.0814478 -0.858616 -0.113039
+-0.497592 0.0490085 -0.849385 -0.168953
+-0.499732 0.0163596 -0.836516 -0.224144
+0.539773 0.0176703 0.766606 0.347345
+0.537461 0.0529353 0.742247 0.396739
+0.532848 0.0879736 0.71471 0.444435
+0.525954 0.122635 0.684112 0.490228
+0.516807 0.156772 0.650585 0.533922
+0.505447 0.190237 0.614272 0.575329
+0.491923 0.222887 0.575329 0.614272
+0.476292 0.254583 0.533921 0.650585
+0.458622 0.285189 0.490228 0.684112
+0.438987 0.314574 0.444435 0.71471
+0.417473 0.342612 0.396739 0.742247
+0.394172 0.369182 0.347345 0.766606
+0.369182 0.394172 0.296463 0.787682
+0.342612 0.417473 0.244311 0.805385
+0.314574 0.438987 0.191113 0.81964
+0.285189 0.458622 0.137097 0.830384
+0.254583 0.476292 0.0824936 0.837573
+0.222887 0.491923 0.0275372 0.841175
+0.190237 0.505447 -0.0275373 0.841175
+0.156772 0.516807 -0.0824938 0.837573
+0.122635 0.525954 -0.137097 0.830384
+0.0879735 0.532848 -0.191113 0.81964
+0.0529352 0.537461 -0.244311 0.805385
+0.0176703 0.539773 -0.296463 0.787682
+-0.0176704 0.539773 -0.347345 0.766606
+-0.0529354 0.537461 -0.39674 0.742247
+-0.0879736 0.532848 -0.444435 0.71471
+-0.122635 0.525954 -0.490228 0.684112
+-0.156772 0.516807 -0.533922 0.650585
+-0.190237 0.505447 -0.575329 0.614272
+-0.222887 0.491923 -0.614272 0.575329
+-0.254583 0.476292 -0.650585 0.533922
+-0.285189 0.458622 -0.684112 0.490228
+-0.314574 0.438987 -0.71471 0.444435
+-0.342612 0.417473 -0.742247 0.396739
+-0.369182 0.394172 -0.766606 0.347345
+-0.394172 0.369182 -0.787682 0.296463
+-0.417473 0.342612 -0.805385 0.244311
+-0.438987 0.314574 -0.81964 0.191113
+-0.458622 0.285189 -0.830384 0.137097
+-0.476292 0.254583 -0.837573 0.0824938
+-0.491923 0.222887 -0.841175 0.0275372
+-0.505447 0.190237 -0.841175 -0.0275373
+-0.516807 0.156772 -0.837573 -0.0824937
+-0.525954 0.122635 -0.830384 -0.137097
+-0.532848 0.0879736 -0.81964 -0.191113
+-0.537461 0.0529353 -0.805385 -0.244311
+-0.539773 0.0176704 -0.787682 -0.296463
+0.456191 0.0149342 0.608231 0.649401
+0.454238 0.0447385 0.564456 0.687791
+0.450339 0.0743513 0.518263 0.723236
+0.444512 0.103646 0.469852 0.755583
+0.436782 0.132496 0.419428 0.784695
+0.427181 0.160779 0.367209 0.810447
+0.415751 0.188374 0.313417 0.832728
+0.40254 0.215162 0.258283 0.851444
+0.387606 0.241029 0.202043 0.866513
+0.371012 0.265863 0.144937 0.877872
+0.352829 0.28956 0.0872114 0.885472
+0.333136 0.312016 0.029112 0.88928
+0.312016 0.333136 -0.029112 0.88928
+0.28956 0.352829 -0.0872114 0.885472
+0.265863 0.371012 -0.144937 0.877872
+0.241029 0.387606 -0.202043 0.866513
+0.215162 0.40254 -0.258283 0.851444
+0.188374 0.415751 -0.313417 0.832728
+0.160779 0.427181 -0.367209 0.810447
+0.132496 0.436782 -0.419428 0.784695
+0.103646 0.444512 -0.469852 0.755583
+0.0743512 0.450339 -0.518263 0.723236
+0.0447384 0.454238 -0.564456 0.687791
+0.0149341 0.456191 -0.608231 0.649401
+-0.0149342 0.456191 -0.649401 0.608231
+-0.0447385 0.454238 -0.687791 0.564456
+-0.0743513 0.450339 -0.723236 0.518263
+-0.103646 0.444512 -0.755583 0.469852
+-0.132496 0.436781 -0.784695 0.419428
+-0.160779 0.427181 -0.810447 0.367209
+-0.188374 0.415751 -0.832728 0.313417
+-0.215162 0.40254 -0.851444 0.258283
+-0.241029 0.387606 -0.866513 0.202043
+-0.265864 0.371012 -0.877872 0.144937
+-0.28956 0.352829 -0.885472 0.0872114
+-0.312016 0.333136 -0.88928 0.029112
+-0.333136 0.312016 -0.88928 -0.029112
+-0.352829 0.28956 -0.885472 -0.0872114
+-0.371012 0.265864 -0.877872 -0.144937
+-0.387606 0.241029 -0.866513 -0.202043
+-0.40254 0.215162 -0.851444 -0.258283
+-0.415751 0.188374 -0.832728 -0.313417
+-0.427181 0.160779 -0.810447 -0.367209
+-0.436782 0.132496 -0.784695 -0.419428
+-0.444512 0.103646 -0.755583 -0.469852
+-0.450339 0.0743513 -0.723236 -0.518263
+-0.454238 0.0447385 -0.687791 -0.564456
+-0.456191 0.0149342 -0.649401 -0.608231
+0.499732 0.0163595 0.527203 0.687064
+0.497592 0.0490086 0.481138 0.720074
+0.493322 0.0814477 0.433013 0.75
+0.486938 0.113538 0.383033 0.776715
+0.47847 0.145142 0.331414 0.800103
+0.467953 0.176125 0.278375 0.820066
+0.455432 0.206354 0.224144 0.836516
+0.440961 0.235698 0.168953 0.849385
+0.424601 0.264034 0.113039 0.858616
+0.406423 0.291239 0.0566408 0.864171
+0.386505 0.317197 1.57003e-08 0.866025
+0.364932 0.341796 -0.0566408 0.864171
+0.341796 0.364932 -0.113039 0.858616
+0.317197 0.386505 -0.168953 0.849385
+0.291239 0.406423 -0.224144 0.836516
+0.264034 0.424601 -0.278375 0.820066
+0.235698 0.440961 -0.331414 0.800103
+0.206353 0.455432 -0.383033 0.776715
+0.176125 0.467953 -0.433013 0.75
+0.145142 0.47847 -0.481138 0.720074
+0.113538 0.486938 -0.527203 0.687064
+0.0814477 0.493322 -0.57101 0.651112
+0.0490085 0.497592 -0.612373 0.612372
+0.0163595 0.499732 -0.651112 0.57101
+-0.0163596 0.499732 -0.687064 0.527203
+-0.0490086 0.497592 -0.720074 0.481138
+-0.0814478 0.493322 -0.75 0.433013
+-0.113538 0.486938 -0.776715 0.383033
+-0.145142 0.47847 -0.800103 0.331413
+-0.176125 0.467953 -0.820066 0.278375
+-0.206354 0.455432 -0.836516 0.224144
+-0.235698 0.440961 -0.849385 0.168953
+-0.264034 0.424601 -0.858616 0.113039
+-0.291239 0.406423 -0.864171 0.0566407
+-0.317197 0.386505 -0.866025 2.94643e-08
+-0.341796 0.364932 -0.864171 -0.0566408
+-0.364932 0.341796 -0.858616 -0.113039
+-0.386505 0.317197 -0.849385 -0.168953
+-0.406423 0.291239 -0.836516 -0.224144
+-0.424601 0.264034 -0.820066 -0.278375
+-0.440961 0.235698 -0.800103 -0.331413
+-0.455432 0.206354 -0.776715 -0.383033
+-0.467953 0.176125 -0.75 -0.433013
+-0.47847 0.145142 -0.720074 -0.481138
+-0.486938 0.113538 -0.687064 -0.527203
+-0.493322 0.0814478 -0.651112 -0.57101
+-0.497592 0.0490085 -0.612372 -0.612372
+-0.499732 0.0163596 -0.57101 -0.651112
+0.499732 0.0163595 0.651112 0.57101
+0.497592 0.0490086 0.612372 0.612372
+0.493322 0.0814477 0.57101 0.651112
+0.486938 0.113538 0.527203 0.687064
+0.47847 0.145142 0.481138 0.720074
+0.467953 0.176125 0.433013 0.75
+0.455432 0.206354 0.383033 0.776715
+0.440961 0.235698 0.331414 0.800103
+0.424601 0.264034 0.278375 0.820066
+0.406423 0.291239 0.224144 0.836516
+0.386505 0.317197 0.168953 0.849385
+0.364932 0.341796 0.113039 0.858616
+0.341796 0.364932 0.0566408 0.864171
+0.317197 0.386505 -1.93636e-09 0.866025
+0.291239 0.406423 -0.0566408 0.864171
+0.264034 0.424601 -0.113039 0.858616
+0.235698 0.440961 -0.168953 0.849385
+0.206353 0.455432 -0.224144 0.836516
+0.176125 0.467953 -0.278375 0.820066
+0.145142 0.47847 -0.331414 0.800103
+0.113538 0.486938 -0.383033 0.776715
+0.0814477 0.493322 -0.433013 0.75
+0.0490085 0.497592 -0.481138 0.720074
+0.0163595 0.499732 -0.527203 0.687064
+-0.0163596 0.499732 -0.57101 0.651112
+-0.0490086 0.497592 -0.612372 0.612372
+-0.0814478 0.493322 -0.651112 0.57101
+-0.113538 0.486938 -0.687064 0.527203
+-0.145142 0.47847 -0.720074 0.481138
+-0.176125 0.467953 -0.75 0.433013
+-0.206354 0.455432 -0.776715 0.383033
+-0.235698 0.440961 -0.800103 0.331414
+-0.264034 0.424601 -0.820066 0.278375
+-0.291239 0.406423 -0.836516 0.224144
+-0.317197 0.386505 -0.849385 0.168953
+-0.341796 0.364932 -0.858616 0.113039
+-0.364932 0.341796 -0.864171 0.0566408
+-0.386505 0.317197 -0.866025 -3.97915e-08
+-0.406423 0.291239 -0.864171 -0.0566407
+-0.424601 0.264034 -0.858616 -0.113039
+-0.440961 0.235698 -0.849385 -0.168953
+-0.455432 0.206354 -0.836516 -0.224144
+-0.467953 0.176125 -0.820066 -0.278375
+-0.47847 0.145142 -0.800103 -0.331414
+-0.486938 0.113538 -0.776715 -0.383033
+-0.493322 0.0814478 -0.75 -0.433013
+-0.497592 0.0490085 -0.720074 -0.481138
+-0.499732 0.0163596 -0.687064 -0.527203
+0.539773 0.0176703 0.575329 0.614272
+0.537461 0.0529353 0.533922 0.650585
+0.532848 0.0879736 0.490228 0.684112
+0.525954 0.122635 0.444435 0.71471
+0.516807 0.156772 0.396739 0.742247
+0.505447 0.190237 0.347345 0.766606
+0.491923 0.222887 0.296463 0.787682
+0.476292 0.254583 0.244311 0.805385
+0.458622 0.285189 0.191113 0.81964
+0.438987 0.314574 0.137097 0.830384
+0.417473 0.342612 0.0824937 0.837573
+0.394172 0.369182 0.0275372 0.841175
+0.369182 0.394172 -0.0275372 0.841175
+0.342612 0.417473 -0.0824937 0.837573
+0.314574 0.438987 -0.137097 0.830384
+0.285189 0.458622 -0.191113 0.81964
+0.254583 0.476292 -0.244311 0.805385
+0.222887 0.491923 -0.296463 0.787682
+0.190237 0.505447 -0.347345 0.766606
+0.156772 0.516807 -0.39674 0.742247
+0.122635 0.525954 -0.444435 0.71471
+0.0879735 0.532848 -0.490228 0.684112
+0.0529352 0.537461 -0.533922 0.650585
+0.0176703 0.539773 -0.575329 0.614272
+-0.0176704 0.539773 -0.614272 0.575329
+-0.0529354 0.537461 -0.650585 0.533921
+-0.0879736 0.532848 -0.684112 0.490228
+-0.122635 0.525954 -0.71471 0.444435
+-0.156772 0.516807 -0.742247 0.396739
+-0.190237 0.505447 -0.766606 0.347345
+-0.222887 0.491923 -0.787682 0.296462
+-0.254583 0.476292 -0.805385 0.244311
+-0.285189 0.458622 -0.81964 0.191113
+-0.314574 0.438987 -0.830384 0.137097
+-0.342612 0.417473 -0.837573 0.0824937
+-0.369182 0.394172 -0.841175 0.0275372
+-0.394172 0.369182 -0.841175 -0.0275372
+-0.417473 0.342612 -0.837573 -0.0824938
+-0.438987 0.314574 -0.830384 -0.137097
+-0.458622 0.285189 -0.81964 -0.191113
+-0.476292 0.254583 -0.805385 -0.244311
+-0.491923 0.222887 -0.787682 -0.296463
+-0.505447 0.190237 -0.766606 -0.347345
+-0.516807 0.156772 -0.742247 -0.396739
+-0.525954 0.122635 -0.71471 -0.444435
+-0.532848 0.0879736 -0.684112 -0.490228
+-0.537461 0.0529353 -0.650585 -0.533922
+-0.539773 0.0176704 -0.614272 -0.575329
+0.539773 0.0176703 0.444435 0.71471
+0.537461 0.0529353 0.396739 0.742247
+0.532848 0.0879736 0.347345 0.766606
+0.525954 0.122635 0.296463 0.787682
+0.516807 0.156772 0.244311 0.805385
+0.505447 0.190237 0.191113 0.81964
+0.491923 0.222887 0.137097 0.830384
+0.476292 0.254583 0.0824937 0.837573
+0.458622 0.285189 0.0275372 0.841175
+0.438987 0.314574 -0.0275372 0.841175
+0.417473 0.342612 -0.0824937 0.837573
+0.394172 0.369182 -0.137097 0.830384
+0.369182 0.394172 -0.191113 0.81964
+0.342612 0.417473 -0.244311 0.805385
+0.314574 0.438987 -0.296463 0.787682
+0.285189 0.458622 -0.347345 0.766606
+0.254583 0.476292 -0.39674 0.742247
+0.222887 0.491923 -0.444435 0.71471
+0.190237 0.505447 -0.490228 0.684112
+0.156772 0.516807 -0.533922 0.650585
+0.122635 0.525954 -0.575329 0.614272
+0.0879735 0.532848 -0.614272 0.575329
+0.0529352 0.537461 -0.650585 0.533921
+0.0176703 0.539773 -0.684112 0.490228
+-0.0176704 0.539773 -0.71471 0.444435
+-0.0529354 0.537461 -0.742247 0.396739
+-0.0879736 0.532848 -0.766606 0.347345
+-0.122635 0.525954 -0.787682 0.296463
+-0.156772 0.516807 -0.805385 0.244311
+-0.190237 0.505447 -0.81964 0.191113
+-0.222887 0.491923 -0.830384 0.137097
+-0.254583 0.476292 -0.837573 0.0824938
+-0.285189 0.458622 -0.841175 0.0275372
+-0.314574 0.438987 -0.841175 -0.0275373
+-0.342612 0.417473 -0.837573 -0.0824937
+-0.369182 0.394172 -0.830384 -0.137097
+-0.394172 0.369182 -0.81964 -0.191113
+-0.417473 0.342612 -0.805385 -0.244311
+-0.438987 0.314574 -0.787682 -0.296463
+-0.458622 0.285189 -0.766606 -0.347345
+-0.476292 0.254583 -0.742247 -0.396739
+-0.491923 0.222887 -0.71471 -0.444435
+-0.505447 0.190237 -0.684112 -0.490228
+-0.516807 0.156772 -0.650585 -0.533921
+-0.525954 0.122635 -0.614272 -0.575329
+-0.532848 0.0879736 -0.575329 -0.614272
+-0.537461 0.0529353 -0.533921 -0.650585
+-0.539773 0.0176704 -0.490228 -0.684112
+0.577041 0.0188904 0.361127 0.732294
+0.57457 0.0565902 0.31246 0.754344
+0.569639 0.0940477 0.262454 0.773165
+0.562268 0.131103 0.211325 0.788675
+0.55249 0.167596 0.159291 0.800808
+0.540346 0.203372 0.106574 0.809511
+0.525887 0.238277 0.0534014 0.814748
+0.509177 0.272161 -1.72366e-08 0.816497
+0.490287 0.30488 -0.0534014 0.814748
+0.469297 0.336294 -0.106574 0.809511
+0.446298 0.366267 -0.159291 0.800808
+0.421387 0.394672 -0.211325 0.788675
+0.394672 0.421387 -0.262454 0.773165
+0.366267 0.446298 -0.31246 0.754344
+0.336294 0.469297 -0.361127 0.732294
+0.30488 0.490287 -0.408248 0.707107
+0.272161 0.509178 -0.453621 0.678892
+0.238276 0.525887 -0.497052 0.64777
+0.203372 0.540346 -0.538354 0.613875
+0.167596 0.55249 -0.57735 0.57735
+0.131103 0.562268 -0.613875 0.538354
+0.0940477 0.569639 -0.64777 0.497052
+0.0565902 0.57457 -0.678892 0.453621
+0.0188903 0.577041 -0.707107 0.408248
+-0.0188904 0.577041 -0.732294 0.361127
+-0.0565903 0.57457 -0.754345 0.31246
+-0.0940478 0.569639 -0.773165 0.262454
+-0.131103 0.562268 -0.788675 0.211325
+-0.167596 0.55249 -0.800808 0.15929
+-0.203372 0.540346 -0.809511 0.106574
+-0.238277 0.525887 -0.814748 0.0534013
+-0.272161 0.509178 -0.816497 9.30742e-08
+-0.30488 0.490287 -0.814748 -0.0534014
+-0.336294 0.469297 -0.809511 -0.106574
+-0.366267 0.446298 -0.800808 -0.159291
+-0.394672 0.421387 -0.788675 -0.211325
+-0.421387 0.394672 -0.773165 -0.262454
+-0.446298 0.366267 -0.754344 -0.31246
+-0.469297 0.336294 -0.732294 -0.361127
+-0.490287 0.30488 -0.707107 -0.408248
+-0.509177 0.272161 -0.678892 -0.453621
+-0.525887 0.238277 -0.64777 -0.497052
+-0.540346 0.203372 -0.613875 -0.538354
+-0.55249 0.167596 -0.57735 -0.57735
+-0.562268 0.131103 -0.538354 -0.613875
+-0.569639 0.0940478 -0.497052 -0.64777
+-0.57457 0.0565902 -0.453621 -0.678892
+-0.577041 0.0188904 -0.408248 -0.707107
+0.577041 0.0188904 0.497052 0.64777
+0.57457 0.0565902 0.453621 0.678892
+0.569639 0.0940477 0.408248 0.707107
+0.562268 0.131103 0.361127 0.732294
+0.55249 0.167596 0.31246 0.754344
+0.540346 0.203372 0.262454 0.773165
+0.525887 0.238277 0.211325 0.788675
+0.509177 0.272161 0.159291 0.800808
+0.490287 0.30488 0.106574 0.809511
+0.469297 0.336294 0.0534014 0.814748
+0.446298 0.366267 1.48024e-08 0.816497
+0.421387 0.394672 -0.0534015 0.814748
+0.394672 0.421387 -0.106574 0.809511
+0.366267 0.446298 -0.159291 0.800808
+0.336294 0.469297 -0.211325 0.788675
+0.30488 0.490287 -0.262454 0.773165
+0.272161 0.509178 -0.31246 0.754344
+0.238276 0.525887 -0.361127 0.732294
+0.203372 0.540346 -0.408248 0.707107
+0.167596 0.55249 -0.453621 0.678892
+0.131103 0.562268 -0.497052 0.64777
+0.0940477 0.569639 -0.538354 0.613875
+0.0565902 0.57457 -0.57735 0.57735
+0.0188903 0.577041 -0.613875 0.538354
+-0.0188904 0.577041 -0.64777 0.497052
+-0.0565903 0.57457 -0.678892 0.453621
+-0.0940478 0.569639 -0.707107 0.408248
+-0.131103 0.562268 -0.732294 0.361127
+-0.167596 0.55249 -0.754345 0.31246
+-0.203372 0.540346 -0.773165 0.262454
+-0.238277 0.525887 -0.788675 0.211325
+-0.272161 0.509178 -0.800808 0.159291
+-0.30488 0.490287 -0.809511 0.106574
+-0.336294 0.469297 -0.814748 0.0534014
+-0.366267 0.446298 -0.816497 2.77792e-08
+-0.394672 0.421387 -0.814748 -0.0534015
+-0.421387 0.394672 -0.809511 -0.106574
+-0.446298 0.366267 -0.800808 -0.159291
+-0.469297 0.336294 -0.788675 -0.211325
+-0.490287 0.30488 -0.773165 -0.262454
+-0.509177 0.272161 -0.754345 -0.31246
+-0.525887 0.238277 -0.732294 -0.361127
+-0.540346 0.203372 -0.707107 -0.408248
+-0.55249 0.167596 -0.678892 -0.453621
+-0.562268 0.131103 -0.64777 -0.497052
+-0.569639 0.0940478 -0.613875 -0.538354
+-0.57457 0.0565902 -0.57735 -0.57735
+-0.577041 0.0188904 -0.538354 -0.613875
+0.612045 0.0200363 0.417474 0.671353
+0.609424 0.060023 0.372672 0.69722
+0.604193 0.0997527 0.326274 0.720101
+0.596375 0.139055 0.278478 0.739899
+0.586004 0.177762 0.22949 0.756528
+0.573123 0.215708 0.17952 0.769917
+0.557788 0.25273 0.12878 0.78001
+0.540064 0.28867 0.0774893 0.786763
+0.520028 0.323374 0.0258667 0.790146
+0.497765 0.356693 -0.0258667 0.790146
+0.47337 0.388485 -0.0774893 0.786763
+0.446949 0.418613 -0.12878 0.78001
+0.418613 0.446949 -0.17952 0.769917
+0.388485 0.47337 -0.22949 0.756528
+0.356693 0.497765 -0.278478 0.739899
+0.323374 0.520028 -0.326274 0.720101
+0.28867 0.540064 -0.372672 0.69722
+0.25273 0.557788 -0.417474 0.671353
+0.215708 0.573123 -0.460489 0.642612
+0.177762 0.586004 -0.501532 0.611118
+0.139055 0.596375 -0.540427 0.577008
+0.0997526 0.604193 -0.577008 0.540427
+0.0600229 0.609424 -0.611118 0.501532
+0.0200362 0.612045 -0.642612 0.460489
+-0.0200363 0.612045 -0.671353 0.417474
+-0.060023 0.609424 -0.69722 0.372672
+-0.0997527 0.604193 -0.720101 0.326274
+-0.139055 0.596375 -0.739899 0.278478
+-0.177762 0.586004 -0.756528 0.22949
+-0.215708 0.573123 -0.769917 0.179519
+-0.25273 0.557788 -0.78001 0.12878
+-0.28867 0.540064 -0.786763 0.0774894
+-0.323374 0.520028 -0.790146 0.0258667
+-0.356693 0.497765 -0.790146 -0.0258668
+-0.388485 0.47337 -0.786763 -0.0774893
+-0.418613 0.446949 -0.78001 -0.12878
+-0.446949 0.418613 -0.769917 -0.17952
+-0.47337 0.388485 -0.756528 -0.22949
+-0.497765 0.356693 -0.739899 -0.278478
+-0.520028 0.323374 -0.720101 -0.326274
+-0.540064 0.28867 -0.69722 -0.372672
+-0.557788 0.25273 -0.671353 -0.417474
+-0.573123 0.215708 -0.642612 -0.460489
+-0.586004 0.177762 -0.611118 -0.501532
+-0.596375 0.139055 -0.577008 -0.540427
+-0.604193 0.0997527 -0.540427 -0.577008
+-0.609424 0.060023 -0.501532 -0.611118
+-0.612045 0.0200363 -0.460489 -0.642612
+0.539773 0.0176703 0.684112 0.490228
+0.537461 0.0529353 0.650585 0.533922
+0.532848 0.0879736 0.614272 0.575329
+0.525954 0.122635 0.575329 0.614272
+0.516807 0.156772 0.533922 0.650585
+0.505447 0.190237 0.490228 0.684112
+0.491923 0.222887 0.444435 0.71471
+0.476292 0.254583 0.396739 0.742247
+0.458622 0.285189 0.347345 0.766606
+0.438987 0.314574 0.296463 0.787682
+0.417473 0.342612 0.244311 0.805385
+0.394172 0.369182 0.191113 0.81964
+0.369182 0.394172 0.137097 0.830384
+0.342612 0.417473 0.0824937 0.837573
+0.314574 0.438987 0.0275372 0.841175
+0.285189 0.458622 -0.0275373 0.841175
+0.254583 0.476292 -0.0824938 0.837573
+0.222887 0.491923 -0.137097 0.830384
+0.190237 0.505447 -0.191113 0.81964
+0.156772 0.516807 -0.244311 0.805385
+0.122635 0.525954 -0.296463 0.787682
+0.0879735 0.532848 -0.347345 0.766606
+0.0529352 0.537461 -0.39674 0.742247
+0.0176703 0.539773 -0.444435 0.71471
+-0.0176704 0.539773 -0.490228 0.684112
+-0.0529354 0.537461 -0.533922 0.650585
+-0.0879736 0.532848 -0.575329 0.614272
+-0.122635 0.525954 -0.614272 0.575329
+-0.156772 0.516807 -0.650585 0.533921
+-0.190237 0.505447 -0.684112 0.490228
+-0.222887 0.491923 -0.71471 0.444435
+-0.254583 0.476292 -0.742247 0.39674
+-0.285189 0.458622 -0.766606 0.347345
+-0.314574 0.438987 -0.787682 0.296463
+-0.342612 0.417473 -0.805385 0.244311
+-0.369182 0.394172 -0.81964 0.191113
+-0.394172 0.369182 -0.830384 0.137097
+-0.417473 0.342612 -0.837573 0.0824937
+-0.438987 0.314574 -0.841175 0.0275373
+-0.458622 0.285189 -0.841175 -0.0275372
+-0.476292 0.254583 -0.837573 -0.0824936
+-0.491923 0.222887 -0.830384 -0.137097
+-0.505447 0.190237 -0.81964 -0.191113
+-0.516807 0.156772 -0.805385 -0.244311
+-0.525954 0.122635 -0.787682 -0.296463
+-0.532848 0.0879736 -0.766606 -0.347345
+-0.537461 0.0529353 -0.742247 -0.39674
+-0.539773 0.0176704 -0.71471 -0.444435
+0.577041 0.0188904 0.613875 0.538354
+0.57457 0.0565902 0.57735 0.57735
+0.569639 0.0940477 0.538354 0.613875
+0.562268 0.131103 0.497052 0.64777
+0.55249 0.167596 0.453621 0.678892
+0.540346 0.203372 0.408248 0.707107
+0.525887 0.238277 0.361127 0.732294
+0.509177 0.272161 0.31246 0.754344
+0.490287 0.30488 0.262454 0.773165
+0.469297 0.336294 0.211325 0.788675
+0.446298 0.366267 0.159291 0.800808
+0.421387 0.394672 0.106574 0.809511
+0.394672 0.421387 0.0534014 0.814748
+0.366267 0.446298 -1.82562e-09 0.816497
+0.336294 0.469297 -0.0534015 0.814748
+0.30488 0.490287 -0.106574 0.809511
+0.272161 0.509178 -0.159291 0.800808
+0.238276 0.525887 -0.211325 0.788675
+0.203372 0.540346 -0.262454 0.773165
+0.167596 0.55249 -0.31246 0.754344
+0.131103 0.562268 -0.361127 0.732294
+0.0940477 0.569639 -0.408248 0.707107
+0.0565902 0.57457 -0.453621 0.678892
+0.0188903 0.577041 -0.497052 0.64777
+-0.0188904 0.577041 -0.538354 0.613875
+-0.0565903 0.57457 -0.57735 0.57735
+-0.0940478 0.569639 -0.613875 0.538354
+-0.131103 0.562268 -0.64777 0.497052
+-0.167596 0.55249 -0.678892 0.453621
+-0.203372 0.540346 -0.707107 0.408248
+-0.238277 0.525887 -0.732294 0.361127
+-0.272161 0.509178 -0.754344 0.31246
+-0.30488 0.490287 -0.773165 0.262454
+-0.336294 0.469297 -0.788675 0.211325
+-0.366267 0.446298 -0.800808 0.159291
+-0.394672 0.421387 -0.809511 0.106574
+-0.421387 0.394672 -0.814748 0.0534015
+-0.446298 0.366267 -0.816497 -3.75158e-08
+-0.469297 0.336294 -0.814748 -0.0534014
+-0.490287 0.30488 -0.809511 -0.106574
+-0.509177 0.272161 -0.800808 -0.15929
+-0.525887 0.238277 -0.788675 -0.211325
+-0.540346 0.203372 -0.773165 -0.262454
+-0.55249 0.167596 -0.754344 -0.31246
+-0.562268 0.131103 -0.732294 -0.361127
+-0.569639 0.0940478 -0.707107 -0.408248
+-0.57457 0.0565902 -0.678892 -0.453621
+-0.577041 0.0188904 -0.64777 -0.497052
+0.577041 0.0188904 0.707107 0.408248
+0.57457 0.0565902 0.678892 0.453621
+0.569639 0.0940477 0.64777 0.497052
+0.562268 0.131103 0.613875 0.538354
+0.55249 0.167596 0.57735 0.57735
+0.540346 0.203372 0.538354 0.613875
+0.525887 0.238277 0.497052 0.64777
+0.509177 0.272161 0.453621 0.678892
+0.490287 0.30488 0.408248 0.707107
+0.469297 0.336294 0.361127 0.732294
+0.446298 0.366267 0.31246 0.754344
+0.421387 0.394672 0.262454 0.773165
+0.394672 0.421387 0.211325 0.788675
+0.366267 0.446298 0.159291 0.800808
+0.336294 0.469297 0.106574 0.809511
+0.30488 0.490287 0.0534014 0.814748
+0.272161 0.509178 -6.71206e-08 0.816497
+0.238276 0.525887 -0.0534015 0.814748
+0.203372 0.540346 -0.106574 0.809511
+0.167596 0.55249 -0.159291 0.800808
+0.131103 0.562268 -0.211325 0.788675
+0.0940477 0.569639 -0.262454 0.773165
+0.0565902 0.57457 -0.31246 0.754344
+0.0188903 0.577041 -0.361127 0.732293
+-0.0188904 0.577041 -0.408248 0.707107
+-0.0565903 0.57457 -0.453621 0.678892
+-0.0940478 0.569639 -0.497052 0.64777
+-0.131103 0.562268 -0.538354 0.613875
+-0.167596 0.55249 -0.57735 0.57735
+-0.203372 0.540346 -0.613875 0.538354
+-0.238277 0.525887 -0.64777 0.497052
+-0.272161 0.509178 -0.678892 0.453621
+-0.30488 0.490287 -0.707107 0.408248
+-0.336294 0.469297 -0.732294 0.361127
+-0.366267 0.446298 -0.754344 0.31246
+-0.394672 0.421387 -0.773165 0.262454
+-0.421387 0.394672 -0.788675 0.211325
+-0.446298 0.366267 -0.800808 0.159291
+-0.469297 0.336294 -0.809511 0.106574
+-0.490287 0.30488 -0.814748 0.0534014
+-0.509177 0.272161 -0.816497 9.18571e-08
+-0.525887 0.238277 -0.814748 -0.0534014
+-0.540346 0.203372 -0.809511 -0.106574
+-0.55249 0.167596 -0.800808 -0.159291
+-0.562268 0.131103 -0.788675 -0.211325
+-0.569639 0.0940478 -0.773165 -0.262454
+-0.57457 0.0565902 -0.754344 -0.31246
+-0.577041 0.0188904 -0.732294 -0.361127
+0.612045 0.0200363 0.642612 0.460489
+0.609424 0.060023 0.611118 0.501532
+0.604193 0.0997527 0.577008 0.540427
+0.596375 0.139055 0.540427 0.577008
+0.586004 0.177762 0.501532 0.611118
+0.573123 0.215708 0.460489 0.642612
+0.557788 0.25273 0.417474 0.671353
+0.540064 0.28867 0.372672 0.69722
+0.520028 0.323374 0.326274 0.720101
+0.497765 0.356693 0.278478 0.739899
+0.47337 0.388485 0.22949 0.756528
+0.446949 0.418613 0.17952 0.769917
+0.418613 0.446949 0.12878 0.78001
+0.388485 0.47337 0.0774894 0.786763
+0.356693 0.497765 0.0258667 0.790146
+0.323374 0.520028 -0.0258668 0.790146
+0.28867 0.540064 -0.0774894 0.786763
+0.25273 0.557788 -0.12878 0.78001
+0.215708 0.573123 -0.17952 0.769917
+0.177762 0.586004 -0.22949 0.756528
+0.139055 0.596375 -0.278478 0.739899
+0.0997526 0.604193 -0.326274 0.720101
+0.0600229 0.609424 -0.372672 0.69722
+0.0200362 0.612045 -0.417474 0.671353
+-0.0200363 0.612045 -0.460489 0.642612
+-0.060023 0.609424 -0.501532 0.611118
+-0.0997527 0.604193 -0.540427 0.577008
+-0.139055 0.596375 -0.577008 0.540427
+-0.177762 0.586004 -0.611119 0.501532
+-0.215708 0.573123 -0.642612 0.460489
+-0.25273 0.557788 -0.671353 0.417474
+-0.28867 0.540064 -0.69722 0.372672
+-0.323374 0.520028 -0.720101 0.326274
+-0.356693 0.497765 -0.739899 0.278478
+-0.388485 0.47337 -0.756528 0.22949
+-0.418613 0.446949 -0.769917 0.179519
+-0.446949 0.418613 -0.78001 0.12878
+-0.47337 0.388485 -0.786763 0.0774893
+-0.497765 0.356693 -0.790146 0.0258668
+-0.520028 0.323374 -0.790146 -0.0258667
+-0.540064 0.28867 -0.786763 -0.0774893
+-0.557788 0.25273 -0.78001 -0.12878
+-0.573123 0.215708 -0.769917 -0.17952
+-0.586004 0.177762 -0.756528 -0.22949
+-0.596375 0.139055 -0.739899 -0.278478
+-0.604193 0.0997527 -0.720101 -0.326274
+-0.609424 0.060023 -0.69722 -0.372672
+-0.612045 0.0200363 -0.671353 -0.417474
+0.612045 0.0200363 0.540427 0.577008
+0.609424 0.060023 0.501532 0.611118
+0.604193 0.0997527 0.460489 0.642612
+0.596375 0.139055 0.417474 0.671353
+0.586004 0.177762 0.372672 0.69722
+0.573123 0.215708 0.326274 0.720101
+0.557788 0.25273 0.278478 0.739899
+0.540064 0.28867 0.22949 0.756528
+0.520028 0.323374 0.17952 0.769917
+0.497765 0.356693 0.12878 0.78001
+0.47337 0.388485 0.0774894 0.786763
+0.446949 0.418613 0.0258667 0.790146
+0.418613 0.446949 -0.0258667 0.790146
+0.388485 0.47337 -0.0774894 0.786763
+0.356693 0.497765 -0.12878 0.78001
+0.323374 0.520028 -0.17952 0.769917
+0.28867 0.540064 -0.22949 0.756528
+0.25273 0.557788 -0.278478 0.739899
+0.215708 0.573123 -0.326274 0.720101
+0.177762 0.586004 -0.372672 0.69722
+0.139055 0.596375 -0.417474 0.671353
+0.0997526 0.604193 -0.460489 0.642612
+0.0600229 0.609424 -0.501532 0.611118
+0.0200362 0.612045 -0.540427 0.577008
+-0.0200363 0.612045 -0.577008 0.540427
+-0.060023 0.609424 -0.611118 0.501532
+-0.0997527 0.604193 -0.642612 0.460489
+-0.139055 0.596375 -0.671353 0.417474
+-0.177762 0.586004 -0.69722 0.372672
+-0.215708 0.573123 -0.720101 0.326273
+-0.25273 0.557788 -0.739899 0.278478
+-0.28867 0.540064 -0.756528 0.22949
+-0.323374 0.520028 -0.769917 0.17952
+-0.356693 0.497765 -0.78001 0.12878
+-0.388485 0.47337 -0.786763 0.0774894
+-0.418613 0.446949 -0.790146 0.0258666
+-0.446949 0.418613 -0.790146 -0.0258667
+-0.47337 0.388485 -0.786763 -0.0774894
+-0.497765 0.356693 -0.78001 -0.12878
+-0.520028 0.323374 -0.769917 -0.17952
+-0.540064 0.28867 -0.756528 -0.22949
+-0.557788 0.25273 -0.739899 -0.278478
+-0.573123 0.215708 -0.720101 -0.326274
+-0.586004 0.177762 -0.69722 -0.372672
+-0.596375 0.139055 -0.671353 -0.417474
+-0.604193 0.0997527 -0.642612 -0.460489
+-0.609424 0.060023 -0.611118 -0.501532
+-0.612045 0.0200363 -0.577008 -0.540427
+0.645152 0.0211201 0.464949 0.605934
+0.642389 0.0632698 0.424324 0.635045
+0.636876 0.105149 0.381881 0.661438
+0.628635 0.146577 0.337804 0.684998
+0.617702 0.187378 0.292279 0.705625
+0.604125 0.227376 0.245503 0.72323
+0.58796 0.266401 0.197676 0.737738
+0.569278 0.304285 0.149003 0.749087
+0.548158 0.340866 0.099691 0.757229
+0.52469 0.375988 0.0499525 0.762127
+0.498976 0.409499 1.38464e-08 0.763763
+0.471125 0.441257 -0.0499525 0.762127
+0.441257 0.471125 -0.099691 0.757229
+0.409499 0.498976 -0.149003 0.749087
+0.375988 0.52469 -0.197676 0.737738
+0.340866 0.548158 -0.245504 0.72323
+0.304285 0.569278 -0.292279 0.705625
+0.266401 0.58796 -0.337804 0.684998
+0.227376 0.604125 -0.381881 0.661438
+0.187378 0.617702 -0.424324 0.635045
+0.146577 0.628635 -0.464949 0.605934
+0.105148 0.636876 -0.503584 0.574227
+0.0632697 0.642389 -0.540062 0.540062
+0.02112 0.645152 -0.574227 0.503584
+-0.0211201 0.645152 -0.605934 0.464949
+-0.0632698 0.642389 -0.635045 0.424324
+-0.105149 0.636876 -0.661438 0.381881
+-0.146577 0.628635 -0.684998 0.337804
+-0.187378 0.617702 -0.705625 0.292279
+-0.227377 0.604125 -0.72323 0.245503
+-0.266401 0.58796 -0.737738 0.197676
+-0.304285 0.569278 -0.749087 0.149003
+-0.340866 0.548158 -0.757229 0.099691
+-0.375988 0.52469 -0.762127 0.0499524
+-0.409499 0.498976 -0.763763 2.59851e-08
+-0.441257 0.471125 -0.762127 -0.0499525
+-0.471125 0.441257 -0.757229 -0.099691
+-0.498976 0.409499 -0.749087 -0.149003
+-0.52469 0.375988 -0.737738 -0.197676
+-0.548158 0.340866 -0.72323 -0.245503
+-0.569278 0.304285 -0.705625 -0.292279
+-0.58796 0.266401 -0.684998 -0.337804
+-0.604125 0.227376 -0.661438 -0.381881
+-0.617702 0.187378 -0.635045 -0.424324
+-0.628635 0.146577 -0.605934 -0.464949
+-0.636876 0.105149 -0.574227 -0.503584
+-0.642389 0.0632698 -0.540062 -0.540062
+-0.645152 0.0211201 -0.503584 -0.574227
+0.645152 0.0211201 0.574227 0.503584
+0.642389 0.0632698 0.540062 0.540062
+0.636876 0.105149 0.503584 0.574227
+0.628635 0.146577 0.464949 0.605934
+0.617702 0.187378 0.424324 0.635045
+0.604125 0.227376 0.381881 0.661438
+0.58796 0.266401 0.337804 0.684998
+0.569278 0.304285 0.292279 0.705625
+0.548158 0.340866 0.245503 0.72323
+0.52469 0.375988 0.197676 0.737738
+0.498976 0.409499 0.149003 0.749087
+0.471125 0.441257 0.099691 0.757229
+0.441257 0.471125 0.0499525 0.762127
+0.409499 0.498976 -1.70771e-09 0.763763
+0.375988 0.52469 -0.0499525 0.762127
+0.340866 0.548158 -0.0996911 0.757229
+0.304285 0.569278 -0.149003 0.749087
+0.266401 0.58796 -0.197676 0.737738
+0.227376 0.604125 -0.245503 0.72323
+0.187378 0.617702 -0.292279 0.705625
+0.146577 0.628635 -0.337804 0.684998
+0.105148 0.636876 -0.381881 0.661438
+0.0632697 0.642389 -0.424324 0.635045
+0.02112 0.645152 -0.464949 0.605934
+-0.0211201 0.645152 -0.503584 0.574227
+-0.0632698 0.642389 -0.540062 0.540062
+-0.105149 0.636876 -0.574227 0.503584
+-0.146577 0.628635 -0.605934 0.464949
+-0.187378 0.617702 -0.635045 0.424324
+-0.227377 0.604125 -0.661438 0.381881
+-0.266401 0.58796 -0.684998 0.337803
+-0.304285 0.569278 -0.705625 0.292279
+-0.340866 0.548158 -0.72323 0.245503
+-0.375988 0.52469 -0.737738 0.197676
+-0.409499 0.498976 -0.749087 0.149003
+-0.441257 0.471125 -0.757229 0.099691
+-0.471125 0.441257 -0.762127 0.0499525
+-0.498976 0.409499 -0.763763 -3.50928e-08
+-0.52469 0.375988 -0.762127 -0.0499524
+-0.548158 0.340866 -0.757229 -0.099691
+-0.569278 0.304285 -0.749087 -0.149003
+-0.58796 0.266401 -0.737738 -0.197676
+-0.604125 0.227376 -0.72323 -0.245504
+-0.617702 0.187378 -0.705625 -0.292279
+-0.628635 0.146577 -0.684998 -0.337804
+-0.636876 0.105149 -0.661438 -0.381881
+-0.642389 0.0632698 -0.635045 -0.424324
+-0.645152 0.0211201 -0.605934 -0.464949
+0.676641 0.0221509 0.50311 0.537165
+0.673743 0.0663579 0.466901 0.56892
+0.667961 0.110281 0.428692 0.598239
+0.659318 0.153731 0.388647 0.624996
+0.647852 0.196524 0.346939 0.649076
+0.633611 0.238474 0.303744 0.670378
+0.616658 0.279404 0.259249 0.688808
+0.597064 0.319137 0.213644 0.704289
+0.574913 0.357504 0.167124 0.716754
+0.5503 0.394339 0.119888 0.72615
+0.523331 0.429486 0.0721387 0.732436
+0.49412 0.462794 0.0240806 0.735586
+0.462794 0.49412 -0.0240806 0.735586
+0.429486 0.523331 -0.0721387 0.732436
+0.394339 0.5503 -0.119888 0.72615
+0.357504 0.574913 -0.167124 0.716754
+0.319137 0.597064 -0.213644 0.704289
+0.279404 0.616658 -0.259249 0.688808
+0.238474 0.633611 -0.303744 0.670378
+0.196524 0.647852 -0.346939 0.649076
+0.153731 0.659318 -0.388647 0.624996
+0.110281 0.667961 -0.428692 0.598239
+0.0663578 0.673743 -0.466901 0.56892
+0.0221508 0.676641 -0.50311 0.537165
+-0.022151 0.676641 -0.537165 0.50311
+-0.066358 0.673743 -0.56892 0.466901
+-0.110281 0.667961 -0.598239 0.428692
+-0.153731 0.659318 -0.624996 0.388647
+-0.196524 0.647852 -0.649077 0.346938
+-0.238475 0.633611 -0.670378 0.303744
+-0.279404 0.616658 -0.688808 0.259249
+-0.319137 0.597064 -0.704289 0.213644
+-0.357504 0.574913 -0.716754 0.167124
+-0.394339 0.5503 -0.72615 0.119888
+-0.429486 0.523331 -0.732436 0.0721387
+-0.462794 0.49412 -0.735586 0.0240805
+-0.49412 0.462794 -0.735586 -0.0240805
+-0.523331 0.429486 -0.732436 -0.0721387
+-0.5503 0.394339 -0.72615 -0.119888
+-0.574913 0.357504 -0.716754 -0.167124
+-0.597063 0.319137 -0.704289 -0.213644
+-0.616658 0.279404 -0.688808 -0.259249
+-0.633611 0.238474 -0.670378 -0.303744
+-0.647852 0.196524 -0.649076 -0.346939
+-0.659318 0.153731 -0.624996 -0.388647
+-0.667961 0.110281 -0.598239 -0.428692
+-0.673743 0.0663579 -0.56892 -0.466901
+-0.676641 0.022151 -0.537165 -0.50311
+0.0510037 0.00166969 -0.728913 0.682702
+0.0507853 0.00500192 -0.772003 0.633567
+0.0503494 0.00831272 -0.811788 0.581719
+0.049698 0.0115879 -0.848096 0.52738
+0.0488337 0.0148135 -0.880772 0.470783
+0.0477602 0.0179757 -0.909677 0.412169
+0.0464823 0.0210609 -0.934687 0.351791
+0.0450054 0.0240559 -0.955694 0.289906
+0.0433357 0.0269479 -0.972608 0.22678
+0.0414804 0.0297244 -0.985358 0.162683
+0.0394475 0.0323737 -0.993888 0.0978894
+0.0372457 0.0348844 -0.998162 0.0326764
+0.0348844 0.0372457 -0.998162 -0.0326765
+0.0323737 0.0394475 -0.993888 -0.0978894
+0.0297244 0.0414804 -0.985358 -0.162683
+0.0269478 0.0433357 -0.972608 -0.22678
+0.0240559 0.0450054 -0.955693 -0.289907
+0.0210609 0.0464823 -0.934686 -0.351791
+0.0179757 0.0477603 -0.909677 -0.412169
+0.0148135 0.0488337 -0.880772 -0.470783
+0.0115879 0.049698 -0.848096 -0.52738
+0.00831272 0.0503494 -0.811788 -0.581719
+0.00500191 0.0507853 -0.772003 -0.633567
+0.00166968 0.0510037 -0.728913 -0.682702
+-0.00166969 0.0510037 -0.682702 -0.728913
+-0.00500192 0.0507853 -0.633567 -0.772003
+-0.00831273 0.0503494 -0.581719 -0.811788
+-0.0115879 0.049698 -0.52738 -0.848096
+-0.0148135 0.0488337 -0.470782 -0.880772
+-0.0179757 0.0477602 -0.412169 -0.909677
+-0.0210609 0.0464823 -0.351791 -0.934687
+-0.0240559 0.0450054 -0.289907 -0.955693
+-0.0269478 0.0433357 -0.22678 -0.972608
+-0.0297244 0.0414804 -0.162683 -0.985358
+-0.0323737 0.0394475 -0.0978895 -0.993888
+-0.0348844 0.0372457 -0.0326764 -0.998162
+-0.0372457 0.0348844 0.0326764 -0.998162
+-0.0394475 0.0323737 0.0978895 -0.993888
+-0.0414804 0.0297244 0.162683 -0.985358
+-0.0433357 0.0269478 0.22678 -0.972608
+-0.0450054 0.0240559 0.289906 -0.955694
+-0.0464823 0.0210609 0.351791 -0.934687
+-0.0477603 0.0179757 0.412169 -0.909677
+-0.0488337 0.0148135 0.470783 -0.880772
+-0.049698 0.0115879 0.52738 -0.848096
+-0.0503494 0.00831273 0.581719 -0.811788
+-0.0507853 0.00500191 0.633567 -0.772003
+-0.0510037 0.00166969 0.682702 -0.728913
+0.102007 0.00333938 -0.931019 0.350411
+0.101571 0.0100038 -0.951943 0.288769
+0.100699 0.0166254 -0.968791 0.22589
+0.0993959 0.0231759 -0.981491 0.162045
+0.0976673 0.0296271 -0.989988 0.0975053
+0.0955205 0.0359514 -0.994245 0.0325482
+0.0929646 0.0421217 -0.994245 -0.0325482
+0.0900107 0.0481117 -0.989988 -0.0975053
+0.0866713 0.0538957 -0.981491 -0.162045
+0.0829608 0.0594489 -0.968791 -0.22589
+0.0788951 0.0647475 -0.951943 -0.288769
+0.0744914 0.0697688 -0.931019 -0.350411
+0.0697688 0.0744914 -0.906107 -0.410552
+0.0647475 0.078895 -0.877316 -0.468935
+0.0594489 0.0829608 -0.844768 -0.52531
+0.0538957 0.0866713 -0.808602 -0.579436
+0.0481117 0.0900107 -0.768974 -0.631081
+0.0421217 0.0929647 -0.726053 -0.680023
+0.0359514 0.0955205 -0.680023 -0.726053
+0.0296271 0.0976673 -0.63108 -0.768974
+0.0231759 0.0993959 -0.579436 -0.808602
+0.0166254 0.100699 -0.52531 -0.844768
+0.0100038 0.101571 -0.468935 -0.877316
+0.00333937 0.102007 -0.410552 -0.906107
+-0.00333939 0.102007 -0.350411 -0.931019
+-0.0100038 0.101571 -0.288769 -0.951943
+-0.0166255 0.100699 -0.22589 -0.968791
+-0.0231759 0.0993959 -0.162045 -0.981491
+-0.0296271 0.0976673 -0.0975051 -0.989988
+-0.0359514 0.0955205 -0.0325481 -0.994245
+-0.0421217 0.0929646 0.0325484 -0.994245
+-0.0481117 0.0900107 0.0975052 -0.989988
+-0.0538957 0.0866713 0.162045 -0.981491
+-0.0594489 0.0829608 0.225891 -0.968791
+-0.0647475 0.0788951 0.288769 -0.951943
+-0.0697689 0.0744914 0.350411 -0.931019
+-0.0744914 0.0697689 0.410552 -0.906107
+-0.0788951 0.0647475 0.468935 -0.877316
+-0.0829608 0.0594489 0.52531 -0.844768
+-0.0866713 0.0538957 0.579436 -0.808602
+-0.0900107 0.0481117 0.63108 -0.768974
+-0.0929646 0.0421217 0.680023 -0.726053
+-0.0955205 0.0359514 0.726053 -0.680023
+-0.0976673 0.0296271 0.768974 -0.631081
+-0.0993959 0.0231759 0.808602 -0.579436
+-0.100699 0.0166255 0.844768 -0.52531
+-0.101571 0.0100038 0.877316 -0.468935
+-0.102007 0.00333939 0.906107 -0.410552
+0.102007 0.00333938 -0.410552 0.906107
+0.101571 0.0100038 -0.468935 0.877316
+0.100699 0.0166254 -0.52531 0.844768
+0.0993959 0.0231759 -0.579436 0.808602
+0.0976673 0.0296271 -0.631081 0.768974
+0.0955205 0.0359514 -0.680023 0.726053
+0.0929646 0.0421217 -0.726053 0.680023
+0.0900107 0.0481117 -0.768974 0.63108
+0.0866713 0.0538957 -0.808602 0.579436
+0.0829608 0.0594489 -0.844768 0.52531
+0.0788951 0.0647475 -0.877316 0.468935
+0.0744914 0.0697688 -0.906107 0.410552
+0.0697688 0.0744914 -0.931019 0.350411
+0.0647475 0.078895 -0.951943 0.288769
+0.0594489 0.0829608 -0.968791 0.22589
+0.0538957 0.0866713 -0.981491 0.162045
+0.0481117 0.0900107 -0.989988 0.0975052
+0.0421217 0.0929647 -0.994245 0.0325482
+0.0359514 0.0955205 -0.994245 -0.0325483
+0.0296271 0.0976673 -0.989988 -0.0975053
+0.0231759 0.0993959 -0.981491 -0.162045
+0.0166254 0.100699 -0.968791 -0.225891
+0.0100038 0.101571 -0.951943 -0.288769
+0.00333937 0.102007 -0.931019 -0.350411
+-0.00333939 0.102007 -0.906107 -0.410552
+-0.0100038 0.101571 -0.877316 -0.468935
+-0.0166255 0.100699 -0.844768 -0.52531
+-0.0231759 0.0993959 -0.808602 -0.579436
+-0.0296271 0.0976673 -0.768974 -0.631081
+-0.0359514 0.0955205 -0.726053 -0.680023
+-0.0421217 0.0929646 -0.680023 -0.726053
+-0.0481117 0.0900107 -0.631081 -0.768974
+-0.0538957 0.0866713 -0.579436 -0.808602
+-0.0594489 0.0829608 -0.52531 -0.844768
+-0.0647475 0.0788951 -0.468935 -0.877316
+-0.0697689 0.0744914 -0.410552 -0.906107
+-0.0744914 0.0697689 -0.350411 -0.931019
+-0.0788951 0.0647475 -0.288769 -0.951943
+-0.0829608 0.0594489 -0.225891 -0.968791
+-0.0866713 0.0538957 -0.162045 -0.981491
+-0.0900107 0.0481117 -0.0975054 -0.989988
+-0.0929646 0.0421217 -0.0325482 -0.994245
+-0.0955205 0.0359514 0.0325483 -0.994245
+-0.0976673 0.0296271 0.0975053 -0.989988
+-0.0993959 0.0231759 0.162045 -0.981491
+-0.100699 0.0166255 0.22589 -0.968791
+-0.101571 0.0100038 0.288769 -0.951943
+-0.102007 0.00333939 0.350411 -0.931019
+0.153011 0.00500907 -0.72126 0.675534
+0.152356 0.0150057 -0.763898 0.626915
+0.151048 0.0249382 -0.803265 0.575611
+0.149094 0.0347638 -0.839192 0.521843
+0.146501 0.0444406 -0.871525 0.46584
+0.143281 0.0539271 -0.900126 0.407842
+0.139447 0.0631826 -0.924873 0.348098
+0.135016 0.0721676 -0.94566 0.286863
+0.130007 0.0808436 -0.962397 0.224399
+0.124441 0.0891733 -0.975013 0.160975
+0.118343 0.0971212 -0.983453 0.0968617
+0.111737 0.104653 -0.987683 0.0323334
+0.104653 0.111737 -0.987683 -0.0323334
+0.0971212 0.118343 -0.983453 -0.0968617
+0.0891733 0.124441 -0.975013 -0.160975
+0.0808435 0.130007 -0.962397 -0.2244
+0.0721676 0.135016 -0.94566 -0.286863
+0.0631826 0.139447 -0.924873 -0.348098
+0.053927 0.143281 -0.900126 -0.407842
+0.0444406 0.146501 -0.871525 -0.46584
+0.0347638 0.149094 -0.839192 -0.521843
+0.0249382 0.151048 -0.803265 -0.575611
+0.0150057 0.152356 -0.763898 -0.626915
+0.00500905 0.153011 -0.72126 -0.675534
+-0.00500908 0.153011 -0.675534 -0.72126
+-0.0150058 0.152356 -0.626915 -0.763898
+-0.0249382 0.151048 -0.575611 -0.803265
+-0.0347638 0.149094 -0.521843 -0.839192
+-0.0444406 0.146501 -0.46584 -0.871525
+-0.0539271 0.143281 -0.407842 -0.900126
+-0.0631826 0.139447 -0.348098 -0.924873
+-0.0721676 0.135016 -0.286863 -0.94566
+-0.0808435 0.130007 -0.224399 -0.962397
+-0.0891733 0.124441 -0.160975 -0.975013
+-0.0971212 0.118343 -0.0968617 -0.983453
+-0.104653 0.111737 -0.0323333 -0.987683
+-0.111737 0.104653 0.0323333 -0.987683
+-0.118343 0.0971212 0.0968617 -0.983453
+-0.124441 0.0891733 0.160975 -0.975013
+-0.130007 0.0808435 0.224399 -0.962397
+-0.135016 0.0721676 0.286863 -0.94566
+-0.139447 0.0631826 0.348098 -0.924873
+-0.143281 0.053927 0.407842 -0.900126
+-0.146501 0.0444406 0.46584 -0.871525
+-0.149094 0.0347638 0.521843 -0.839192
+-0.151048 0.0249382 0.575611 -0.803265
+-0.152356 0.0150057 0.626915 -0.763898
+-0.153011 0.00500908 0.675534 -0.72126
+0.153011 0.00500907 -0.962397 0.224399
+0.152356 0.0150057 -0.975013 0.160975
+0.151048 0.0249382 -0.983453 0.0968617
+0.149094 0.0347638 -0.987683 0.0323334
+0.146501 0.0444406 -0.987683 -0.0323334
+0.143281 0.0539271 -0.983453 -0.0968617
+0.139447 0.0631826 -0.975013 -0.160975
+0.135016 0.0721676 -0.962397 -0.224399
+0.130007 0.0808436 -0.94566 -0.286863
+0.124441 0.0891733 -0.924873 -0.348098
+0.118343 0.0971212 -0.900126 -0.407842
+0.111737 0.104653 -0.871525 -0.46584
+0.104653 0.111737 -0.839192 -0.521843
+0.0971212 0.118343 -0.803265 -0.575611
+0.0891733 0.124441 -0.763898 -0.626915
+0.0808435 0.130007 -0.72126 -0.675534
+0.0721676 0.135016 -0.675534 -0.72126
+0.0631826 0.139447 -0.626915 -0.763898
+0.053927 0.143281 -0.575611 -0.803265
+0.0444406 0.146501 -0.521843 -0.839192
+0.0347638 0.149094 -0.46584 -0.871525
+0.0249382 0.151048 -0.407842 -0.900126
+0.0150057 0.152356 -0.348098 -0.924873
+0.00500905 0.153011 -0.286863 -0.94566
+-0.00500908 0.153011 -0.224399 -0.962397
+-0.0150058 0.152356 -0.160975 -0.975013
+-0.0249382 0.151048 -0.0968616 -0.983453
+-0.0347638 0.149094 -0.0323333 -0.987683
+-0.0444406 0.146501 0.0323335 -0.987683
+-0.0539271 0.143281 0.0968618 -0.983453
+-0.0631826 0.139447 0.160975 -0.975013
+-0.0721676 0.135016 0.224399 -0.962397
+-0.0808435 0.130007 0.286863 -0.94566
+-0.0891733 0.124441 0.348098 -0.924873
+-0.0971212 0.118343 0.407842 -0.900126
+-0.104653 0.111737 0.46584 -0.871525
+-0.111737 0.104653 0.521843 -0.839192
+-0.118343 0.0971212 0.575611 -0.803265
+-0.124441 0.0891733 0.626915 -0.763898
+-0.130007 0.0808435 0.675534 -0.72126
+-0.135016 0.0721676 0.72126 -0.675534
+-0.139447 0.0631826 0.763898 -0.626915
+-0.143281 0.053927 0.803265 -0.575611
+-0.146501 0.0444406 0.839192 -0.521843
+-0.149094 0.0347638 0.871525 -0.46584
+-0.151048 0.0249382 0.900126 -0.407842
+-0.152356 0.0150057 0.924873 -0.348098
+-0.153011 0.00500908 0.94566 -0.286863
+0.204015 0.00667875 -0.96587 0.159466
+0.203141 0.0200077 -0.974231 0.0959534
+0.201398 0.0332509 -0.978421 0.0320302
+0.198792 0.0463518 -0.978421 -0.0320302
+0.195335 0.0592541 -0.974231 -0.0959534
+0.191041 0.0719027 -0.96587 -0.159466
+0.185929 0.0842435 -0.953372 -0.222295
+0.180021 0.0962235 -0.936792 -0.284173
+0.173343 0.107791 -0.9162 -0.344833
+0.165922 0.118898 -0.891686 -0.404017
+0.15779 0.129495 -0.863352 -0.461471
+0.148983 0.139538 -0.831322 -0.516949
+0.139538 0.148983 -0.795732 -0.570214
+0.129495 0.15779 -0.756735 -0.621036
+0.118898 0.165922 -0.714497 -0.669199
+0.107791 0.173343 -0.669199 -0.714497
+0.0962234 0.180021 -0.621036 -0.756735
+0.0842435 0.185929 -0.570214 -0.795732
+0.0719027 0.191041 -0.516949 -0.831322
+0.0592541 0.195335 -0.461471 -0.863352
+0.0463517 0.198792 -0.404017 -0.891686
+0.0332509 0.201398 -0.344833 -0.9162
+0.0200076 0.203141 -0.284173 -0.936792
+0.00667873 0.204015 -0.222295 -0.953372
+-0.00667877 0.204015 -0.159466 -0.96587
+-0.0200077 0.203141 -0.0959533 -0.974231
+-0.0332509 0.201398 -0.0320301 -0.978421
+-0.0463518 0.198792 0.0320302 -0.978421
+-0.0592541 0.195335 0.0959535 -0.974231
+-0.0719028 0.191041 0.159466 -0.96587
+-0.0842435 0.185929 0.222295 -0.953372
+-0.0962234 0.180021 0.284173 -0.936792
+-0.107791 0.173343 0.344833 -0.9162
+-0.118898 0.165922 0.404018 -0.891686
+-0.129495 0.15779 0.461471 -0.863352
+-0.139538 0.148983 0.516949 -0.831322
+-0.148983 0.139538 0.570214 -0.795732
+-0.15779 0.129495 0.621036 -0.756735
+-0.165922 0.118898 0.669199 -0.714497
+-0.173343 0.107791 0.714497 -0.669199
+-0.180021 0.0962235 0.756735 -0.621036
+-0.185929 0.0842435 0.795732 -0.570214
+-0.191041 0.0719027 0.831322 -0.516949
+-0.195335 0.0592541 0.863352 -0.461472
+-0.198792 0.0463517 0.891686 -0.404017
+-0.201398 0.0332509 0.9162 -0.344833
+-0.203141 0.0200077 0.936792 -0.284173
+-0.204015 0.00667877 0.953372 -0.222295
+0.204015 0.00667875 -0.831322 0.516949
+0.203141 0.0200077 -0.863352 0.461471
+0.201398 0.0332509 -0.891686 0.404017
+0.198792 0.0463518 -0.9162 0.344833
+0.195335 0.0592541 -0.936792 0.284173
+0.191041 0.0719027 -0.953372 0.222295
+0.185929 0.0842435 -0.96587 0.159466
+0.180021 0.0962235 -0.974231 0.0959534
+0.173343 0.107791 -0.978421 0.0320302
+0.165922 0.118898 -0.978421 -0.0320302
+0.15779 0.129495 -0.974231 -0.0959534
+0.148983 0.139538 -0.96587 -0.159466
+0.139538 0.148983 -0.953372 -0.222295
+0.129495 0.15779 -0.936792 -0.284173
+0.118898 0.165922 -0.9162 -0.344833
+0.107791 0.173343 -0.891686 -0.404018
+0.0962234 0.180021 -0.863352 -0.461472
+0.0842435 0.185929 -0.831322 -0.516949
+0.0719027 0.191041 -0.795732 -0.570214
+0.0592541 0.195335 -0.756735 -0.621036
+0.0463517 0.198792 -0.714497 -0.669199
+0.0332509 0.201398 -0.669199 -0.714497
+0.0200076 0.203141 -0.621036 -0.756735
+0.00667873 0.204015 -0.570214 -0.795732
+-0.00667877 0.204015 -0.516949 -0.831322
+-0.0200077 0.203141 -0.461471 -0.863352
+-0.0332509 0.201398 -0.404017 -0.891686
+-0.0463518 0.198792 -0.344833 -0.9162
+-0.0592541 0.195335 -0.284173 -0.936792
+-0.0719028 0.191041 -0.222295 -0.953372
+-0.0842435 0.185929 -0.159466 -0.96587
+-0.0962234 0.180021 -0.0959535 -0.974231
+-0.107791 0.173343 -0.0320302 -0.978421
+-0.118898 0.165922 0.0320303 -0.978421
+-0.129495 0.15779 0.0959534 -0.974231
+-0.139538 0.148983 0.159466 -0.96587
+-0.148983 0.139538 0.222295 -0.953372
+-0.15779 0.129495 0.284173 -0.936792
+-0.165922 0.118898 0.344833 -0.9162
+-0.173343 0.107791 0.404018 -0.891686
+-0.180021 0.0962235 0.461471 -0.863352
+-0.185929 0.0842435 0.516949 -0.831322
+-0.191041 0.0719027 0.570214 -0.795732
+-0.195335 0.0592541 0.621036 -0.756735
+-0.198792 0.0463517 0.669199 -0.714497
+-0.201398 0.0332509 0.714497 -0.669199
+-0.203141 0.0200077 0.756735 -0.621036
+-0.204015 0.00667877 0.795732 -0.570214
+0.255019 0.00834844 -0.875416 0.41054
+0.253927 0.0250096 -0.900392 0.352407
+0.251747 0.0415636 -0.921513 0.292764
+0.24849 0.0579397 -0.938687 0.231867
+0.244168 0.0740676 -0.951842 0.169977
+0.238801 0.0898784 -0.960921 0.10736
+0.232412 0.105304 -0.965886 0.0442829
+0.225027 0.120279 -0.966714 -0.0189838
+0.216678 0.134739 -0.963402 -0.0821693
+0.207402 0.148622 -0.955965 -0.145003
+0.197238 0.161869 -0.944435 -0.207216
+0.186229 0.174422 -0.92886 -0.268541
+0.174422 0.186229 -0.909308 -0.328716
+0.161869 0.197238 -0.885862 -0.387484
+0.148622 0.207402 -0.858623 -0.444593
+0.134739 0.216678 -0.827707 -0.499797
+0.120279 0.225027 -0.793246 -0.552862
+0.105304 0.232412 -0.755389 -0.603559
+0.0898784 0.238801 -0.714297 -0.651671
+0.0740676 0.244168 -0.670146 -0.696993
+0.0579397 0.24849 -0.623126 -0.739331
+0.0415636 0.251747 -0.573437 -0.778502
+0.0250096 0.253927 -0.521293 -0.81434
+0.00834842 0.255019 -0.466916 -0.846691
+-0.00834847 0.255019 -0.41054 -0.875416
+-0.0250096 0.253927 -0.352406 -0.900392
+-0.0415636 0.251747 -0.292764 -0.921513
+-0.0579397 0.24849 -0.231867 -0.938687
+-0.0740677 0.244168 -0.169977 -0.951842
+-0.0898785 0.238801 -0.10736 -0.960921
+-0.105304 0.232412 -0.0442828 -0.965886
+-0.120279 0.225027 0.0189837 -0.966714
+-0.134739 0.216678 0.0821693 -0.963402
+-0.148622 0.207402 0.145003 -0.955965
+-0.161869 0.197238 0.207216 -0.944435
+-0.174422 0.186229 0.268541 -0.92886
+-0.186229 0.174422 0.328716 -0.909308
+-0.197238 0.161869 0.387484 -0.885862
+-0.207402 0.148622 0.444593 -0.858623
+-0.216678 0.134739 0.499797 -0.827707
+-0.225027 0.120279 0.552862 -0.793246
+-0.232412 0.105304 0.603559 -0.755389
+-0.238801 0.0898784 0.651672 -0.714297
+-0.244168 0.0740676 0.696993 -0.670146
+-0.24849 0.0579397 0.739331 -0.623126
+-0.251747 0.0415636 0.778502 -0.573437
+-0.253927 0.0250096 0.81434 -0.521293
+-0.255019 0.00834847 0.846691 -0.466916
+0.153011 0.00500907 -0.286863 0.94566
+0.152356 0.0150057 -0.348098 0.924873
+0.151048 0.0249382 -0.407842 0.900126
+0.149094 0.0347638 -0.46584 0.871525
+0.146501 0.0444406 -0.521843 0.839192
+0.143281 0.0539271 -0.575611 0.803265
+0.139447 0.0631826 -0.626915 0.763898
+0.135016 0.0721676 -0.675534 0.72126
+0.130007 0.0808436 -0.72126 0.675534
+0.124441 0.0891733 -0.763898 0.626915
+0.118343 0.0971212 -0.803265 0.575611
+0.111737 0.104653 -0.839192 0.521843
+0.104653 0.111737 -0.871525 0.46584
+0.0971212 0.118343 -0.900126 0.407842
+0.0891733 0.124441 -0.924873 0.348098
+0.0808435 0.130007 -0.94566 0.286863
+0.0721676 0.135016 -0.962397 0.224399
+0.0631826 0.139447 -0.975013 0.160975
+0.053927 0.143281 -0.983453 0.0968616
+0.0444406 0.146501 -0.987683 0.0323333
+0.0347638 0.149094 -0.987683 -0.0323334
+0.0249382 0.151048 -0.983453 -0.0968618
+0.0150057 0.152356 -0.975013 -0.160975
+0.00500905 0.153011 -0.962397 -0.2244
+-0.00500908 0.153011 -0.94566 -0.286863
+-0.0150058 0.152356 -0.924873 -0.348098
+-0.0249382 0.151048 -0.900126 -0.407842
+-0.0347638 0.149094 -0.871525 -0.46584
+-0.0444406 0.146501 -0.839192 -0.521843
+-0.0539271 0.143281 -0.803265 -0.575611
+-0.0631826 0.139447 -0.763898 -0.626915
+-0.0721676 0.135016 -0.72126 -0.675534
+-0.0808435 0.130007 -0.675534 -0.72126
+-0.0891733 0.124441 -0.626915 -0.763898
+-0.0971212 0.118343 -0.575611 -0.803265
+-0.104653 0.111737 -0.521843 -0.839192
+-0.111737 0.104653 -0.46584 -0.871525
+-0.118343 0.0971212 -0.407842 -0.900126
+-0.124441 0.0891733 -0.348098 -0.924873
+-0.130007 0.0808435 -0.286863 -0.94566
+-0.135016 0.0721676 -0.2244 -0.962397
+-0.139447 0.0631826 -0.160975 -0.975013
+-0.143281 0.053927 -0.0968616 -0.983453
+-0.146501 0.0444406 -0.0323334 -0.987683
+-0.149094 0.0347638 0.0323335 -0.987683
+-0.151048 0.0249382 0.0968616 -0.983453
+-0.152356 0.0150057 0.160975 -0.975013
+-0.153011 0.00500908 0.224399 -0.962397
+0.204015 0.00667875 -0.570214 0.795732
+0.203141 0.0200077 -0.621036 0.756735
+0.201398 0.0332509 -0.669199 0.714497
+0.198792 0.0463518 -0.714497 0.669199
+0.195335 0.0592541 -0.756735 0.621036
+0.191041 0.0719027 -0.795732 0.570214
+0.185929 0.0842435 -0.831322 0.516949
+0.180021 0.0962235 -0.863352 0.461471
+0.173343 0.107791 -0.891686 0.404017
+0.165922 0.118898 -0.9162 0.344833
+0.15779 0.129495 -0.936792 0.284173
+0.148983 0.139538 -0.953372 0.222295
+0.139538 0.148983 -0.96587 0.159466
+0.129495 0.15779 -0.974231 0.0959534
+0.118898 0.165922 -0.978421 0.0320301
+0.107791 0.173343 -0.978421 -0.0320303
+0.0962234 0.180021 -0.974231 -0.0959535
+0.0842435 0.185929 -0.96587 -0.159466
+0.0719027 0.191041 -0.953372 -0.222295
+0.0592541 0.195335 -0.936792 -0.284173
+0.0463517 0.198792 -0.9162 -0.344833
+0.0332509 0.201398 -0.891686 -0.404018
+0.0200076 0.203141 -0.863352 -0.461472
+0.00667873 0.204015 -0.831322 -0.516949
+-0.00667877 0.204015 -0.795732 -0.570214
+-0.0200077 0.203141 -0.756735 -0.621036
+-0.0332509 0.201398 -0.714497 -0.669199
+-0.0463518 0.198792 -0.669199 -0.714497
+-0.0592541 0.195335 -0.621036 -0.756735
+-0.0719028 0.191041 -0.570214 -0.795732
+-0.0842435 0.185929 -0.516949 -0.831322
+-0.0962234 0.180021 -0.461472 -0.863352
+-0.107791 0.173343 -0.404017 -0.891686
+-0.118898 0.165922 -0.344833 -0.9162
+-0.129495 0.15779 -0.284173 -0.936792
+-0.139538 0.148983 -0.222295 -0.953372
+-0.148983 0.139538 -0.159466 -0.96587
+-0.15779 0.129495 -0.0959533 -0.974231
+-0.165922 0.118898 -0.0320303 -0.978421
+-0.173343 0.107791 0.0320302 -0.978421
+-0.180021 0.0962235 0.0959533 -0.974231
+-0.185929 0.0842435 0.159466 -0.96587
+-0.191041 0.0719027 0.222295 -0.953372
+-0.195335 0.0592541 0.284173 -0.936792
+-0.198792 0.0463517 0.344833 -0.9162
+-0.201398 0.0332509 0.404017 -0.891686
+-0.203141 0.0200077 0.461472 -0.863352
+-0.204015 0.00667877 0.516949 -0.831322
+0.204015 0.00667875 -0.222295 0.953372
+0.203141 0.0200077 -0.284173 0.936792
+0.201398 0.0332509 -0.344833 0.9162
+0.198792 0.0463518 -0.404017 0.891686
+0.195335 0.0592541 -0.461471 0.863352
+0.191041 0.0719027 -0.516949 0.831322
+0.185929 0.0842435 -0.570214 0.795732
+0.180021 0.0962235 -0.621036 0.756735
+0.173343 0.107791 -0.669199 0.714497
+0.165922 0.118898 -0.714497 0.669199
+0.15779 0.129495 -0.756735 0.621036
+0.148983 0.139538 -0.795732 0.570214
+0.139538 0.148983 -0.831322 0.516949
+0.129495 0.15779 -0.863352 0.461471
+0.118898 0.165922 -0.891686 0.404017
+0.107791 0.173343 -0.9162 0.344833
+0.0962234 0.180021 -0.936792 0.284173
+0.0842435 0.185929 -0.953372 0.222295
+0.0719027 0.191041 -0.96587 0.159466
+0.0592541 0.195335 -0.974231 0.0959533
+0.0463517 0.198792 -0.978421 0.0320302
+0.0332509 0.201398 -0.978421 -0.0320303
+0.0200076 0.203141 -0.974231 -0.0959535
+0.00667873 0.204015 -0.96587 -0.159466
+-0.00667877 0.204015 -0.953372 -0.222295
+-0.0200077 0.203141 -0.936792 -0.284173
+-0.0332509 0.201398 -0.9162 -0.344833
+-0.0463518 0.198792 -0.891686 -0.404018
+-0.0592541 0.195335 -0.863352 -0.461472
+-0.0719028 0.191041 -0.831322 -0.51695
+-0.0842435 0.185929 -0.795732 -0.570214
+-0.0962234 0.180021 -0.756735 -0.621036
+-0.107791 0.173343 -0.714497 -0.669199
+-0.118898 0.165922 -0.669199 -0.714497
+-0.129495 0.15779 -0.621036 -0.756735
+-0.139538 0.148983 -0.570214 -0.795732
+-0.148983 0.139538 -0.516949 -0.831322
+-0.15779 0.129495 -0.461471 -0.863352
+-0.165922 0.118898 -0.404018 -0.891686
+-0.173343 0.107791 -0.344833 -0.9162
+-0.180021 0.0962235 -0.284173 -0.936792
+-0.185929 0.0842435 -0.222295 -0.953372
+-0.191041 0.0719027 -0.159466 -0.96587
+-0.195335 0.0592541 -0.0959534 -0.974231
+-0.198792 0.0463517 -0.0320301 -0.978421
+-0.201398 0.0332509 0.0320301 -0.978421
+-0.203141 0.0200077 0.0959534 -0.974231
+-0.204015 0.00667877 0.159466 -0.96587
+0.255019 0.00834844 -0.466916 0.846691
+0.253927 0.0250096 -0.521293 0.81434
+0.251747 0.0415636 -0.573437 0.778502
+0.24849 0.0579397 -0.623126 0.739331
+0.244168 0.0740676 -0.670146 0.696993
+0.238801 0.0898784 -0.714297 0.651671
+0.232412 0.105304 -0.755389 0.603559
+0.225027 0.120279 -0.793246 0.552862
+0.216678 0.134739 -0.827707 0.499797
+0.207402 0.148622 -0.858623 0.444593
+0.197238 0.161869 -0.885862 0.387484
+0.186229 0.174422 -0.909308 0.328716
+0.174422 0.186229 -0.92886 0.268541
+0.161869 0.197238 -0.944435 0.207216
+0.148622 0.207402 -0.955965 0.145003
+0.134739 0.216678 -0.963402 0.0821692
+0.120279 0.225027 -0.966714 0.0189837
+0.105304 0.232412 -0.965886 -0.044283
+0.0898784 0.238801 -0.960921 -0.10736
+0.0740676 0.244168 -0.951842 -0.169977
+0.0579397 0.24849 -0.938687 -0.231867
+0.0415636 0.251747 -0.921512 -0.292764
+0.0250096 0.253927 -0.900392 -0.352407
+0.00834842 0.255019 -0.875415 -0.410541
+-0.00834847 0.255019 -0.846691 -0.466916
+-0.0250096 0.253927 -0.81434 -0.521293
+-0.0415636 0.251747 -0.778502 -0.573437
+-0.0579397 0.24849 -0.739331 -0.623126
+-0.0740677 0.244168 -0.696993 -0.670146
+-0.0898785 0.238801 -0.651671 -0.714297
+-0.105304 0.232412 -0.603559 -0.755389
+-0.120279 0.225027 -0.552862 -0.793246
+-0.134739 0.216678 -0.499797 -0.827707
+-0.148622 0.207402 -0.444593 -0.858623
+-0.161869 0.197238 -0.387484 -0.885862
+-0.174422 0.186229 -0.328716 -0.909308
+-0.186229 0.174422 -0.268541 -0.92886
+-0.197238 0.161869 -0.207216 -0.944435
+-0.207402 0.148622 -0.145003 -0.955965
+-0.216678 0.134739 -0.0821693 -0.963402
+-0.225027 0.120279 -0.0189839 -0.966714
+-0.232412 0.105304 0.0442829 -0.965886
+-0.238801 0.0898784 0.10736 -0.960921
+-0.244168 0.0740676 0.169977 -0.951842
+-0.24849 0.0579397 0.231867 -0.938687
+-0.251747 0.0415636 0.292764 -0.921513
+-0.253927 0.0250096 0.352407 -0.900392
+-0.255019 0.00834847 0.41054 -0.875416
+0.255019 0.00834844 -0.705706 0.660965
+0.253927 0.0250096 -0.747424 0.613395
+0.251747 0.0415636 -0.785942 0.563198
+0.24849 0.0579397 -0.821094 0.510589
+0.244168 0.0740676 -0.85273 0.455794
+0.238801 0.0898784 -0.880714 0.399046
+0.232412 0.105304 -0.904928 0.340591
+0.225027 0.120279 -0.925266 0.280676
+0.216678 0.134739 -0.941642 0.21956
+0.207402 0.148622 -0.953986 0.157504
+0.197238 0.161869 -0.962244 0.0947728
+0.186229 0.174422 -0.966382 0.0316361
+0.174422 0.186229 -0.966382 -0.0316361
+0.161869 0.197238 -0.962244 -0.0947728
+0.148622 0.207402 -0.953986 -0.157504
+0.134739 0.216678 -0.941642 -0.21956
+0.120279 0.225027 -0.925266 -0.280676
+0.105304 0.232412 -0.904928 -0.340591
+0.0898784 0.238801 -0.880714 -0.399047
+0.0740676 0.244168 -0.85273 -0.455794
+0.0579397 0.24849 -0.821094 -0.510589
+0.0415636 0.251747 -0.785941 -0.563198
+0.0250096 0.253927 -0.747424 -0.613395
+0.00834842 0.255019 -0.705706 -0.660966
+-0.00834847 0.255019 -0.660965 -0.705706
+-0.0250096 0.253927 -0.613395 -0.747424
+-0.0415636 0.251747 -0.563198 -0.785942
+-0.0579397 0.24849 -0.510589 -0.821094
+-0.0740677 0.244168 -0.455793 -0.85273
+-0.0898785 0.238801 -0.399046 -0.880714
+-0.105304 0.232412 -0.34059 -0.904928
+-0.120279 0.225027 -0.280676 -0.925266
+-0.134739 0.216678 -0.21956 -0.941642
+-0.148622 0.207402 -0.157504 -0.953986
+-0.161869 0.197238 -0.0947728 -0.962244
+-0.174422 0.186229 -0.031636 -0.966382
+-0.186229 0.174422 0.031636 -0.966382
+-0.197238 0.161869 0.0947728 -0.962244
+-0.207402 0.148622 0.157504 -0.953986
+-0.216678 0.134739 0.21956 -0.941642
+-0.225027 0.120279 0.280676 -0.925266
+-0.232412 0.105304 0.340591 -0.904928
+-0.238801 0.0898784 0.399047 -0.880714
+-0.244168 0.0740676 0.455794 -0.85273
+-0.24849 0.0579397 0.510589 -0.821094
+-0.251747 0.0415636 0.563198 -0.785942
+-0.253927 0.0250096 0.613395 -0.747424
+-0.255019 0.00834847 0.660965 -0.705706
+0.306022 0.0100181 -0.773807 0.554502
+0.304712 0.0300115 -0.808416 0.502706
+0.302097 0.0498763 -0.839564 0.448756
+0.298188 0.0695276 -0.867117 0.392885
+0.293002 0.0888812 -0.890956 0.335332
+0.286561 0.107854 -0.91098 0.276343
+0.278894 0.126365 -0.927103 0.21617
+0.270032 0.144335 -0.939256 0.155072
+0.260014 0.161687 -0.947388 0.0933095
+0.248882 0.178347 -0.951462 0.0311476
+0.236685 0.194242 -0.951462 -0.0311476
+0.223474 0.209307 -0.947388 -0.0933096
+0.209307 0.223474 -0.939256 -0.155072
+0.194242 0.236685 -0.927103 -0.21617
+0.178347 0.248882 -0.91098 -0.276343
+0.161687 0.260014 -0.890956 -0.335332
+0.144335 0.270032 -0.867116 -0.392885
+0.126365 0.278894 -0.839564 -0.448756
+0.107854 0.286562 -0.808416 -0.502706
+0.0888812 0.293002 -0.773807 -0.554502
+0.0695276 0.298188 -0.735884 -0.603924
+0.0498763 0.302097 -0.69481 -0.650761
+0.0300115 0.304712 -0.65076 -0.69481
+0.0100181 0.306022 -0.603924 -0.735884
+-0.0100182 0.306022 -0.554502 -0.773807
+-0.0300115 0.304712 -0.502706 -0.808416
+-0.0498764 0.302097 -0.448756 -0.839564
+-0.0695276 0.298188 -0.392885 -0.867117
+-0.0888812 0.293002 -0.335332 -0.890956
+-0.107854 0.286561 -0.276343 -0.91098
+-0.126365 0.278894 -0.21617 -0.927103
+-0.144335 0.270032 -0.155072 -0.939256
+-0.161687 0.260014 -0.0933095 -0.947388
+-0.178347 0.248882 -0.0311475 -0.951462
+-0.194242 0.236685 0.0311476 -0.951462
+-0.209307 0.223474 0.0933096 -0.947388
+-0.223474 0.209307 0.155072 -0.939256
+-0.236685 0.194242 0.21617 -0.927103
+-0.248882 0.178347 0.276343 -0.91098
+-0.260014 0.161687 0.335332 -0.890956
+-0.270032 0.144335 0.392885 -0.867117
+-0.278894 0.126365 0.448756 -0.839564
+-0.286562 0.107854 0.502706 -0.808416
+-0.293002 0.0888812 0.554502 -0.773807
+-0.298188 0.0695276 0.603924 -0.735884
+-0.302097 0.0498764 0.65076 -0.69481
+-0.304712 0.0300115 0.69481 -0.65076
+-0.306022 0.0100182 0.735884 -0.603924
+0.306022 0.0100181 -0.603924 0.735884
+0.304712 0.0300115 -0.65076 0.69481
+0.302097 0.0498763 -0.69481 0.65076
+0.298188 0.0695276 -0.735884 0.603924
+0.293002 0.0888812 -0.773807 0.554502
+0.286561 0.107854 -0.808416 0.502706
+0.278894 0.126365 -0.839564 0.448756
+0.270032 0.144335 -0.867117 0.392885
+0.260014 0.161687 -0.890956 0.335332
+0.248882 0.178347 -0.91098 0.276343
+0.236685 0.194242 -0.927103 0.21617
+0.223474 0.209307 -0.939256 0.155072
+0.209307 0.223474 -0.947388 0.0933095
+0.194242 0.236685 -0.951462 0.0311476
+0.178347 0.248882 -0.951462 -0.0311477
+0.161687 0.260014 -0.947388 -0.0933096
+0.144335 0.270032 -0.939256 -0.155072
+0.126365 0.278894 -0.927103 -0.21617
+0.107854 0.286562 -0.91098 -0.276343
+0.0888812 0.293002 -0.890956 -0.335332
+0.0695276 0.298188 -0.867117 -0.392885
+0.0498763 0.302097 -0.839564 -0.448756
+0.0300115 0.304712 -0.808416 -0.502706
+0.0100181 0.306022 -0.773807 -0.554502
+-0.0100182 0.306022 -0.735884 -0.603924
+-0.0300115 0.304712 -0.69481 -0.650761
+-0.0498764 0.302097 -0.65076 -0.69481
+-0.0695276 0.298188 -0.603924 -0.735884
+-0.0888812 0.293002 -0.554502 -0.773807
+-0.107854 0.286561 -0.502705 -0.808416
+-0.126365 0.278894 -0.448756 -0.839564
+-0.144335 0.270032 -0.392885 -0.867116
+-0.161687 0.260014 -0.335332 -0.890956
+-0.178347 0.248882 -0.276343 -0.91098
+-0.194242 0.236685 -0.21617 -0.927103
+-0.209307 0.223474 -0.155072 -0.939256
+-0.223474 0.209307 -0.0933096 -0.947388
+-0.236685 0.194242 -0.0311476 -0.951462
+-0.248882 0.178347 0.0311476 -0.951462
+-0.260014 0.161687 0.0933096 -0.947388
+-0.270032 0.144335 0.155072 -0.939256
+-0.278894 0.126365 0.21617 -0.927103
+-0.286562 0.107854 0.276343 -0.91098
+-0.293002 0.0888812 0.335332 -0.890956
+-0.298188 0.0695276 0.392885 -0.867116
+-0.302097 0.0498764 0.448756 -0.839564
+-0.304712 0.0300115 0.502706 -0.808416
+-0.306022 0.0100182 0.554502 -0.773807
+0.357026 0.0116878 -0.681709 0.63849
+0.355497 0.0350134 -0.722008 0.592537
+0.352446 0.0581891 -0.759216 0.544047
+0.347886 0.0811156 -0.793173 0.493227
+0.341836 0.103695 -0.823733 0.440295
+0.334322 0.12583 -0.850766 0.385477
+0.325376 0.147426 -0.874156 0.329009
+0.315037 0.168391 -0.893803 0.271132
+0.30335 0.188635 -0.909622 0.212094
+0.290363 0.208071 -0.921546 0.152148
+0.276133 0.226616 -0.929524 0.0915501
+0.26072 0.244191 -0.933521 0.0305603
+0.244191 0.26072 -0.933521 -0.0305603
+0.226616 0.276133 -0.929524 -0.0915501
+0.208071 0.290363 -0.921546 -0.152148
+0.188635 0.30335 -0.909622 -0.212094
+0.168391 0.315038 -0.893803 -0.271132
+0.147426 0.325376 -0.874156 -0.329009
+0.12583 0.334322 -0.850766 -0.385477
+0.103695 0.341836 -0.823733 -0.440295
+0.0811155 0.347886 -0.793173 -0.493227
+0.058189 0.352446 -0.759216 -0.544047
+0.0350134 0.355497 -0.722008 -0.592537
+0.0116878 0.357026 -0.681709 -0.63849
+-0.0116879 0.357026 -0.63849 -0.681709
+-0.0350134 0.355497 -0.592537 -0.722008
+-0.0581891 0.352446 -0.544047 -0.759216
+-0.0811156 0.347886 -0.493227 -0.793173
+-0.103695 0.341836 -0.440294 -0.823733
+-0.12583 0.334322 -0.385477 -0.850766
+-0.147426 0.325376 -0.329009 -0.874156
+-0.168391 0.315038 -0.271132 -0.893803
+-0.188635 0.30335 -0.212094 -0.909622
+-0.208071 0.290363 -0.152148 -0.921546
+-0.226616 0.276133 -0.0915501 -0.929524
+-0.244191 0.26072 -0.0305603 -0.933521
+-0.26072 0.244191 0.0305603 -0.933521
+-0.276133 0.226616 0.0915501 -0.929524
+-0.290363 0.208071 0.152148 -0.921546
+-0.30335 0.188635 0.212094 -0.909622
+-0.315037 0.168391 0.271132 -0.893803
+-0.325376 0.147426 0.329009 -0.874156
+-0.334322 0.12583 0.385477 -0.850766
+-0.341836 0.103695 0.440295 -0.823733
+-0.347886 0.0811155 0.493227 -0.793173
+-0.352446 0.0581891 0.544047 -0.759216
+-0.355497 0.0350134 0.592537 -0.722008
+-0.357026 0.0116879 0.63849 -0.681709
+0.255019 0.00834844 -0.959434 0.119929
+0.253927 0.0250096 -0.965223 0.0569222
+0.251747 0.0415636 -0.966879 -0.0063283
+0.24849 0.0579397 -0.964395 -0.0695517
+0.244168 0.0740676 -0.957782 -0.132477
+0.238801 0.0898784 -0.947067 -0.194836
+0.232412 0.105304 -0.932296 -0.256359
+0.225027 0.120279 -0.913533 -0.316786
+0.216678 0.134739 -0.890858 -0.375855
+0.207402 0.148622 -0.864369 -0.433316
+0.197238 0.161869 -0.834178 -0.48892
+0.186229 0.174422 -0.800415 -0.542431
+0.174422 0.186229 -0.763225 -0.593619
+0.161869 0.197238 -0.722766 -0.642266
+0.148622 0.207402 -0.679212 -0.688162
+0.134739 0.216678 -0.63275 -0.731111
+0.120279 0.225027 -0.583578 -0.770929
+0.105304 0.232412 -0.531908 -0.807447
+0.0898784 0.238801 -0.477959 -0.840506
+0.0740676 0.244168 -0.421964 -0.869967
+0.0579397 0.24849 -0.364162 -0.895702
+0.0415636 0.251747 -0.304801 -0.917601
+0.0250096 0.253927 -0.244134 -0.935572
+0.00834842 0.255019 -0.182422 -0.949536
+-0.00834847 0.255019 -0.119929 -0.959434
+-0.0250096 0.253927 -0.0569221 -0.965223
+-0.0415636 0.251747 0.00632837 -0.966879
+-0.0579397 0.24849 0.0695517 -0.964395
+-0.0740677 0.244168 0.132477 -0.957782
+-0.0898785 0.238801 0.194836 -0.947066
+-0.105304 0.232412 0.25636 -0.932296
+-0.120279 0.225027 0.316786 -0.913533
+-0.134739 0.216678 0.375855 -0.890858
+-0.148622 0.207402 0.433316 -0.864369
+-0.161869 0.197238 0.48892 -0.834178
+-0.174422 0.186229 0.542431 -0.800415
+-0.186229 0.174422 0.593619 -0.763225
+-0.197238 0.161869 0.642266 -0.722766
+-0.207402 0.148622 0.688162 -0.679212
+-0.216678 0.134739 0.731111 -0.63275
+-0.225027 0.120279 0.770929 -0.583578
+-0.232412 0.105304 0.807447 -0.531908
+-0.238801 0.0898784 0.840506 -0.477959
+-0.244168 0.0740676 0.869967 -0.421964
+-0.24849 0.0579397 0.895702 -0.364162
+-0.251747 0.0415636 0.917601 -0.304801
+-0.253927 0.0250096 0.935572 -0.244134
+-0.255019 0.00834847 0.949536 -0.182422
+0.306022 0.0100181 -0.947388 0.0933095
+0.304712 0.0300115 -0.951462 0.0311476
+0.302097 0.0498763 -0.951462 -0.0311476
+0.298188 0.0695276 -0.947388 -0.0933096
+0.293002 0.0888812 -0.939256 -0.155072
+0.286561 0.107854 -0.927103 -0.21617
+0.278894 0.126365 -0.91098 -0.276343
+0.270032 0.144335 -0.890956 -0.335332
+0.260014 0.161687 -0.867117 -0.392885
+0.248882 0.178347 -0.839564 -0.448756
+0.236685 0.194242 -0.808416 -0.502706
+0.223474 0.209307 -0.773807 -0.554502
+0.209307 0.223474 -0.735884 -0.603924
+0.194242 0.236685 -0.69481 -0.65076
+0.178347 0.248882 -0.65076 -0.69481
+0.161687 0.260014 -0.603924 -0.735884
+0.144335 0.270032 -0.554502 -0.773807
+0.126365 0.278894 -0.502706 -0.808416
+0.107854 0.286562 -0.448756 -0.839564
+0.0888812 0.293002 -0.392885 -0.867117
+0.0695276 0.298188 -0.335332 -0.890956
+0.0498763 0.302097 -0.276343 -0.91098
+0.0300115 0.304712 -0.21617 -0.927103
+0.0100181 0.306022 -0.155072 -0.939256
+-0.0100182 0.306022 -0.0933094 -0.947388
+-0.0300115 0.304712 -0.0311476 -0.951462
+-0.0498764 0.302097 0.0311477 -0.951462
+-0.0695276 0.298188 0.0933096 -0.947388
+-0.0888812 0.293002 0.155072 -0.939256
+-0.107854 0.286561 0.21617 -0.927103
+-0.126365 0.278894 0.276343 -0.91098
+-0.144335 0.270032 0.335332 -0.890956
+-0.161687 0.260014 0.392885 -0.867117
+-0.178347 0.248882 0.448756 -0.839564
+-0.194242 0.236685 0.502706 -0.808416
+-0.209307 0.223474 0.554502 -0.773807
+-0.223474 0.209307 0.603924 -0.735884
+-0.236685 0.194242 0.650761 -0.69481
+-0.248882 0.178347 0.69481 -0.650761
+-0.260014 0.161687 0.735884 -0.603924
+-0.270032 0.144335 0.773807 -0.554502
+-0.278894 0.126365 0.808416 -0.502706
+-0.286562 0.107854 0.839564 -0.448756
+-0.293002 0.0888812 0.867117 -0.392885
+-0.298188 0.0695276 0.890956 -0.335332
+-0.302097 0.0498764 0.91098 -0.276343
+-0.304712 0.0300115 0.927103 -0.21617
+-0.306022 0.0100182 0.939256 -0.155072
+0.306022 0.0100181 -0.890956 0.335332
+0.304712 0.0300115 -0.91098 0.276343
+0.302097 0.0498763 -0.927103 0.21617
+0.298188 0.0695276 -0.939256 0.155072
+0.293002 0.0888812 -0.947388 0.0933095
+0.286561 0.107854 -0.951462 0.0311477
+0.278894 0.126365 -0.951462 -0.0311476
+0.270032 0.144335 -0.947388 -0.0933096
+0.260014 0.161687 -0.939256 -0.155072
+0.248882 0.178347 -0.927103 -0.21617
+0.236685 0.194242 -0.91098 -0.276343
+0.223474 0.209307 -0.890956 -0.335332
+0.209307 0.223474 -0.867117 -0.392885
+0.194242 0.236685 -0.839564 -0.448756
+0.178347 0.248882 -0.808416 -0.502706
+0.161687 0.260014 -0.773807 -0.554502
+0.144335 0.270032 -0.735884 -0.603924
+0.126365 0.278894 -0.69481 -0.650761
+0.107854 0.286562 -0.65076 -0.69481
+0.0888812 0.293002 -0.603924 -0.735884
+0.0695276 0.298188 -0.554502 -0.773807
+0.0498763 0.302097 -0.502706 -0.808416
+0.0300115 0.304712 -0.448756 -0.839564
+0.0100181 0.306022 -0.392885 -0.867117
+-0.0100182 0.306022 -0.335332 -0.890956
+-0.0300115 0.304712 -0.276343 -0.91098
+-0.0498764 0.302097 -0.21617 -0.927103
+-0.0695276 0.298188 -0.155072 -0.939256
+-0.0888812 0.293002 -0.0933094 -0.947388
+-0.107854 0.286561 -0.0311475 -0.951462
+-0.126365 0.278894 0.0311478 -0.951462
+-0.144335 0.270032 0.0933094 -0.947388
+-0.161687 0.260014 0.155072 -0.939256
+-0.178347 0.248882 0.21617 -0.927103
+-0.194242 0.236685 0.276343 -0.91098
+-0.209307 0.223474 0.335332 -0.890956
+-0.223474 0.209307 0.392885 -0.867117
+-0.236685 0.194242 0.448756 -0.839564
+-0.248882 0.178347 0.502706 -0.808416
+-0.260014 0.161687 0.554502 -0.773807
+-0.270032 0.144335 0.603924 -0.735884
+-0.278894 0.126365 0.65076 -0.69481
+-0.286562 0.107854 0.69481 -0.65076
+-0.293002 0.0888812 0.735884 -0.603924
+-0.298188 0.0695276 0.773807 -0.554502
+-0.302097 0.0498764 0.808416 -0.502706
+-0.304712 0.0300115 0.839564 -0.448756
+-0.306022 0.0100182 0.867116 -0.392885
+0.357026 0.0116878 -0.891229 0.279477
+0.355497 0.0350134 -0.907599 0.22059
+0.352446 0.0581891 -0.920083 0.160758
+0.347886 0.0811156 -0.928627 0.100237
+0.341836 0.103695 -0.933195 0.0392873
+0.334322 0.12583 -0.933766 -0.0218307
+0.325376 0.147426 -0.930339 -0.0828552
+0.315037 0.168391 -0.922928 -0.143525
+0.30335 0.188635 -0.911565 -0.20358
+0.290363 0.208071 -0.896299 -0.262763
+0.276133 0.226616 -0.877194 -0.320821
+0.26072 0.244191 -0.854333 -0.377506
+0.244191 0.26072 -0.827814 -0.432574
+0.226616 0.276133 -0.79775 -0.485789
+0.208071 0.290363 -0.76427 -0.536924
+0.188635 0.30335 -0.727517 -0.58576
+0.168391 0.315038 -0.687649 -0.632088
+0.147426 0.325376 -0.644836 -0.675709
+0.12583 0.334322 -0.599262 -0.716437
+0.103695 0.341836 -0.551121 -0.754096
+0.0811155 0.347886 -0.500621 -0.788527
+0.058189 0.352446 -0.447977 -0.819581
+0.0350134 0.355497 -0.393415 -0.847125
+0.0116878 0.357026 -0.337168 -0.871042
+-0.0116879 0.357026 -0.279477 -0.891229
+-0.0350134 0.355497 -0.22059 -0.907599
+-0.0581891 0.352446 -0.160757 -0.920083
+-0.0811156 0.347886 -0.100237 -0.928627
+-0.103695 0.341836 -0.0392871 -0.933195
+-0.12583 0.334322 0.0218308 -0.933766
+-0.147426 0.325376 0.0828553 -0.930339
+-0.168391 0.315038 0.143525 -0.922928
+-0.188635 0.30335 0.20358 -0.911565
+-0.208071 0.290363 0.262763 -0.896299
+-0.226616 0.276133 0.320821 -0.877194
+-0.244191 0.26072 0.377506 -0.854333
+-0.26072 0.244191 0.432574 -0.827814
+-0.276133 0.226616 0.485789 -0.79775
+-0.290363 0.208071 0.536924 -0.76427
+-0.30335 0.188635 0.58576 -0.727517
+-0.315037 0.168391 0.632088 -0.687649
+-0.325376 0.147426 0.675709 -0.644836
+-0.334322 0.12583 0.716437 -0.599262
+-0.341836 0.103695 0.754096 -0.551121
+-0.347886 0.0811155 0.788527 -0.500621
+-0.352446 0.0581891 0.819581 -0.447977
+-0.355497 0.0350134 0.847125 -0.393415
+-0.357026 0.0116879 0.871042 -0.337168
+0.357026 0.0116878 -0.931073 0.0741531
+0.355497 0.0350134 -0.933929 0.0130992
+0.352446 0.0581891 -0.932787 -0.0480108
+0.347886 0.0811156 -0.927649 -0.108915
+0.341836 0.103695 -0.91854 -0.169353
+0.334322 0.12583 -0.905497 -0.229066
+0.325376 0.147426 -0.888577 -0.287798
+0.315037 0.168391 -0.867851 -0.345297
+0.30335 0.188635 -0.843409 -0.401318
+0.290363 0.208071 -0.815356 -0.45562
+0.276133 0.226616 -0.783811 -0.507972
+0.26072 0.244191 -0.74891 -0.558148
+0.244191 0.26072 -0.710802 -0.605934
+0.226616 0.276133 -0.66965 -0.651125
+0.208071 0.290363 -0.625631 -0.693528
+0.188635 0.30335 -0.578932 -0.732962
+0.168391 0.315038 -0.529755 -0.769256
+0.147426 0.325376 -0.478309 -0.802257
+0.12583 0.334322 -0.424815 -0.831822
+0.103695 0.341836 -0.369501 -0.857825
+0.0811155 0.347886 -0.312606 -0.880155
+0.058189 0.352446 -0.254371 -0.898716
+0.0350134 0.355497 -0.195048 -0.913429
+0.0116878 0.357026 -0.134889 -0.92423
+-0.0116879 0.357026 -0.074153 -0.931073
+-0.0350134 0.355497 -0.0130991 -0.933929
+-0.0581891 0.352446 0.0480108 -0.932787
+-0.0811156 0.347886 0.108915 -0.927649
+-0.103695 0.341836 0.169353 -0.91854
+-0.12583 0.334322 0.229066 -0.905497
+-0.147426 0.325376 0.287798 -0.888577
+-0.168391 0.315038 0.345297 -0.867851
+-0.188635 0.30335 0.401318 -0.84341
+-0.208071 0.290363 0.455621 -0.815356
+-0.226616 0.276133 0.507972 -0.783812
+-0.244191 0.26072 0.558148 -0.74891
+-0.26072 0.244191 0.605934 -0.710802
+-0.276133 0.226616 0.651125 -0.66965
+-0.290363 0.208071 0.693528 -0.625631
+-0.30335 0.188635 0.732962 -0.578933
+-0.315037 0.168391 0.769256 -0.529755
+-0.325376 0.147426 0.802257 -0.478309
+-0.334322 0.12583 0.831822 -0.424815
+-0.341836 0.103695 0.857825 -0.369501
+-0.347886 0.0811155 0.880155 -0.312606
+-0.352446 0.0581891 0.898716 -0.254372
+-0.355497 0.0350134 0.913429 -0.195048
+-0.357026 0.0116879 0.92423 -0.134889
+0.40803 0.0133575 -0.910916 0.0597046
+0.406282 0.0400153 -0.912871 -2.49393e-09
+0.402795 0.0665018 -0.910916 -0.0597046
+0.397584 0.0927035 -0.905061 -0.119154
+0.390669 0.118508 -0.89533 -0.178092
+0.382082 0.143805 -0.881766 -0.236268
+0.371859 0.168487 -0.864425 -0.293433
+0.360043 0.192447 -0.843383 -0.349341
+0.346685 0.215583 -0.818729 -0.403752
+0.331843 0.237796 -0.790569 -0.456435
+0.31558 0.25899 -0.759024 -0.507164
+0.297966 0.279075 -0.724229 -0.555721
+0.279075 0.297966 -0.686333 -0.601898
+0.25899 0.31558 -0.645497 -0.645497
+0.237796 0.331843 -0.601898 -0.686333
+0.215583 0.346685 -0.555721 -0.724229
+0.192447 0.360043 -0.507164 -0.759024
+0.168487 0.371859 -0.456435 -0.790569
+0.143805 0.382082 -0.403752 -0.818729
+0.118508 0.390669 -0.349341 -0.843383
+0.0927035 0.397584 -0.293433 -0.864425
+0.0665017 0.402795 -0.236268 -0.881766
+0.0400153 0.406282 -0.178092 -0.89533
+0.0133575 0.40803 -0.119153 -0.905061
+-0.0133575 0.40803 -0.0597045 -0.910916
+-0.0400154 0.406282 7.64039e-08 -0.912871
+-0.0665018 0.402795 0.0597047 -0.910916
+-0.0927035 0.397584 0.119154 -0.905061
+-0.118508 0.390669 0.178092 -0.89533
+-0.143806 0.382082 0.236269 -0.881766
+-0.168487 0.371859 0.293433 -0.864425
+-0.192447 0.360043 0.34934 -0.843383
+-0.215583 0.346685 0.403752 -0.818729
+-0.237796 0.331843 0.456436 -0.790569
+-0.25899 0.31558 0.507164 -0.759024
+-0.279075 0.297966 0.555721 -0.724229
+-0.297966 0.279075 0.601898 -0.686333
+-0.31558 0.25899 0.645497 -0.645497
+-0.331843 0.237796 0.686333 -0.601898
+-0.346685 0.215583 0.724229 -0.555721
+-0.360043 0.192447 0.759024 -0.507164
+-0.371859 0.168487 0.790569 -0.456435
+-0.382082 0.143805 0.818729 -0.403752
+-0.390669 0.118508 0.843383 -0.349341
+-0.397584 0.0927035 0.864425 -0.293433
+-0.402795 0.0665018 0.881766 -0.236268
+-0.406282 0.0400153 0.89533 -0.178092
+-0.40803 0.0133575 0.905061 -0.119154
+0.40803 0.0133575 -0.881766 0.236268
+0.406282 0.0400153 -0.89533 0.178092
+0.402795 0.0665018 -0.905061 0.119154
+0.397584 0.0927035 -0.910916 0.0597046
+0.390669 0.118508 -0.912871 -6.80367e-10
+0.382082 0.143805 -0.910916 -0.0597046
+0.371859 0.168487 -0.905061 -0.119154
+0.360043 0.192447 -0.89533 -0.178092
+0.346685 0.215583 -0.881766 -0.236268
+0.331843 0.237796 -0.864425 -0.293433
+0.31558 0.25899 -0.843383 -0.349341
+0.297966 0.279075 -0.818729 -0.403753
+0.279075 0.297966 -0.790569 -0.456435
+0.25899 0.31558 -0.759024 -0.507164
+0.237796 0.331843 -0.724229 -0.555721
+0.215583 0.346685 -0.686333 -0.601898
+0.192447 0.360043 -0.645497 -0.645497
+0.168487 0.371859 -0.601898 -0.686333
+0.143805 0.382082 -0.555721 -0.724229
+0.118508 0.390669 -0.507164 -0.759024
+0.0927035 0.397584 -0.456435 -0.790569
+0.0665017 0.402795 -0.403752 -0.818729
+0.0400153 0.406282 -0.34934 -0.843383
+0.0133575 0.40803 -0.293433 -0.864425
+-0.0133575 0.40803 -0.236268 -0.881766
+-0.0400154 0.406282 -0.178092 -0.89533
+-0.0665018 0.402795 -0.119154 -0.905061
+-0.0927035 0.397584 -0.0597046 -0.910916
+-0.118508 0.390669 1.49406e-07 -0.912871
+-0.143806 0.382082 0.0597048 -0.910916
+-0.168487 0.371859 0.119154 -0.905061
+-0.192447 0.360043 0.178092 -0.89533
+-0.215583 0.346685 0.236268 -0.881766
+-0.237796 0.331843 0.293433 -0.864425
+-0.25899 0.31558 0.349341 -0.843383
+-0.279075 0.297966 0.403753 -0.818729
+-0.297966 0.279075 0.456435 -0.790569
+-0.31558 0.25899 0.507164 -0.759024
+-0.331843 0.237796 0.555721 -0.724229
+-0.346685 0.215583 0.601898 -0.686333
+-0.360043 0.192447 0.645497 -0.645497
+-0.371859 0.168487 0.686333 -0.601898
+-0.382082 0.143805 0.724229 -0.555721
+-0.390669 0.118508 0.759024 -0.507164
+-0.397584 0.0927035 0.790569 -0.456435
+-0.402795 0.0665018 0.818729 -0.403753
+-0.406282 0.0400153 0.843383 -0.349341
+-0.40803 0.0133575 0.864425 -0.293433
+0.456191 0.0149342 -0.877872 0.144937
+0.454238 0.0447385 -0.885472 0.0872114
+0.450339 0.0743513 -0.88928 0.029112
+0.444512 0.103646 -0.88928 -0.029112
+0.436782 0.132496 -0.885472 -0.0872114
+0.427181 0.160779 -0.877872 -0.144937
+0.415751 0.188374 -0.866513 -0.202043
+0.40254 0.215162 -0.851444 -0.258283
+0.387606 0.241029 -0.832728 -0.313417
+0.371012 0.265863 -0.810447 -0.367209
+0.352829 0.28956 -0.784695 -0.419428
+0.333136 0.312016 -0.755583 -0.469852
+0.312016 0.333136 -0.723236 -0.518263
+0.28956 0.352829 -0.687791 -0.564456
+0.265863 0.371012 -0.649401 -0.608231
+0.241029 0.387606 -0.608231 -0.649401
+0.215162 0.40254 -0.564456 -0.687791
+0.188374 0.415751 -0.518263 -0.723236
+0.160779 0.427181 -0.469852 -0.755583
+0.132496 0.436782 -0.419428 -0.784695
+0.103646 0.444512 -0.367209 -0.810447
+0.0743512 0.450339 -0.313417 -0.832728
+0.0447384 0.454238 -0.258283 -0.851444
+0.0149341 0.456191 -0.202042 -0.866513
+-0.0149342 0.456191 -0.144937 -0.877872
+-0.0447385 0.454238 -0.0872113 -0.885472
+-0.0743513 0.450339 -0.029112 -0.88928
+-0.103646 0.444512 0.0291121 -0.88928
+-0.132496 0.436781 0.0872115 -0.885472
+-0.160779 0.427181 0.144937 -0.877872
+-0.188374 0.415751 0.202043 -0.866513
+-0.215162 0.40254 0.258283 -0.851444
+-0.241029 0.387606 0.313417 -0.832728
+-0.265864 0.371012 0.367209 -0.810447
+-0.28956 0.352829 0.419428 -0.784695
+-0.312016 0.333136 0.469852 -0.755583
+-0.333136 0.312016 0.518263 -0.723236
+-0.352829 0.28956 0.564456 -0.687791
+-0.371012 0.265864 0.608231 -0.649401
+-0.387606 0.241029 0.649401 -0.608231
+-0.40254 0.215162 0.687791 -0.564456
+-0.415751 0.188374 0.723236 -0.518263
+-0.427181 0.160779 0.755583 -0.469852
+-0.436782 0.132496 0.784695 -0.419428
+-0.444512 0.103646 0.810447 -0.367209
+-0.450339 0.0743513 0.832728 -0.313417
+-0.454238 0.0447385 0.851444 -0.258283
+-0.456191 0.0149342 0.866513 -0.202043
+0.357026 0.0116878 -0.806694 0.470787
+0.355497 0.0350134 -0.835758 0.417019
+0.352446 0.0581891 -0.861243 0.361465
+0.347886 0.0811156 -0.88304 0.304363
+0.341836 0.103695 -0.901055 0.245958
+0.334322 0.12583 -0.915212 0.186499
+0.325376 0.147426 -0.925451 0.126242
+0.315037 0.168391 -0.931726 0.0654444
+0.30335 0.188635 -0.934011 0.00436652
+0.290363 0.208071 -0.932297 -0.0567301
+0.276133 0.226616 -0.92659 -0.117584
+0.26072 0.244191 -0.916916 -0.177934
+0.244191 0.26072 -0.903316 -0.237522
+0.226616 0.276133 -0.885847 -0.296093
+0.208071 0.290363 -0.864585 -0.353396
+0.188635 0.30335 -0.83962 -0.409186
+0.168391 0.315038 -0.811061 -0.463224
+0.147426 0.325376 -0.779028 -0.515278
+0.12583 0.334322 -0.743659 -0.565126
+0.103695 0.341836 -0.705106 -0.612553
+0.0811155 0.347886 -0.663533 -0.657358
+0.058189 0.352446 -0.619119 -0.699348
+0.0350134 0.355497 -0.572054 -0.738343
+0.0116878 0.357026 -0.522539 -0.774176
+-0.0116879 0.357026 -0.470787 -0.806694
+-0.0350134 0.355497 -0.417019 -0.835758
+-0.0581891 0.352446 -0.361465 -0.861243
+-0.0811156 0.347886 -0.304363 -0.88304
+-0.103695 0.341836 -0.245957 -0.901055
+-0.12583 0.334322 -0.186499 -0.915213
+-0.147426 0.325376 -0.126242 -0.925451
+-0.168391 0.315038 -0.0654445 -0.931726
+-0.188635 0.30335 -0.00436653 -0.934011
+-0.208071 0.290363 0.0567302 -0.932297
+-0.226616 0.276133 0.117584 -0.92659
+-0.244191 0.26072 0.177934 -0.916916
+-0.26072 0.244191 0.237522 -0.903316
+-0.276133 0.226616 0.296093 -0.885847
+-0.290363 0.208071 0.353396 -0.864585
+-0.30335 0.188635 0.409186 -0.83962
+-0.315037 0.168391 0.463224 -0.811061
+-0.325376 0.147426 0.515278 -0.779028
+-0.334322 0.12583 0.565126 -0.743659
+-0.341836 0.103695 0.612553 -0.705106
+-0.347886 0.0811155 0.657358 -0.663533
+-0.352446 0.0581891 0.699348 -0.619119
+-0.355497 0.0350134 0.738343 -0.572054
+-0.357026 0.0116879 0.774176 -0.522539
+0.40803 0.0133575 -0.818729 0.403752
+0.406282 0.0400153 -0.843383 0.349341
+0.402795 0.0665018 -0.864425 0.293433
+0.397584 0.0927035 -0.881766 0.236268
+0.390669 0.118508 -0.89533 0.178092
+0.382082 0.143805 -0.905061 0.119154
+0.371859 0.168487 -0.910916 0.0597046
+0.360043 0.192447 -0.912871 -1.92711e-08
+0.346685 0.215583 -0.910916 -0.0597046
+0.331843 0.237796 -0.905061 -0.119154
+0.31558 0.25899 -0.89533 -0.178092
+0.297966 0.279075 -0.881766 -0.236268
+0.279075 0.297966 -0.864425 -0.293433
+0.25899 0.31558 -0.843383 -0.349341
+0.237796 0.331843 -0.818729 -0.403753
+0.215583 0.346685 -0.790569 -0.456436
+0.192447 0.360043 -0.759024 -0.507164
+0.168487 0.371859 -0.724229 -0.555721
+0.143805 0.382082 -0.686333 -0.601898
+0.118508 0.390669 -0.645497 -0.645497
+0.0927035 0.397584 -0.601898 -0.686333
+0.0665017 0.402795 -0.555721 -0.724229
+0.0400153 0.406282 -0.507164 -0.759024
+0.0133575 0.40803 -0.456435 -0.790569
+-0.0133575 0.40803 -0.403752 -0.818729
+-0.0400154 0.406282 -0.349341 -0.843383
+-0.0665018 0.402795 -0.293433 -0.864425
+-0.0927035 0.397584 -0.236268 -0.881766
+-0.118508 0.390669 -0.178092 -0.89533
+-0.143806 0.382082 -0.119153 -0.905061
+-0.168487 0.371859 -0.0597045 -0.910916
+-0.192447 0.360043 -1.0406e-07 -0.912871
+-0.215583 0.346685 0.0597046 -0.910916
+-0.237796 0.331843 0.119154 -0.905061
+-0.25899 0.31558 0.178092 -0.89533
+-0.279075 0.297966 0.236268 -0.881766
+-0.297966 0.279075 0.293433 -0.864425
+-0.31558 0.25899 0.349341 -0.843383
+-0.331843 0.237796 0.403752 -0.818729
+-0.346685 0.215583 0.456435 -0.790569
+-0.360043 0.192447 0.507164 -0.759024
+-0.371859 0.168487 0.555721 -0.724229
+-0.382082 0.143805 0.601898 -0.686333
+-0.390669 0.118508 0.645497 -0.645497
+-0.397584 0.0927035 0.686333 -0.601898
+-0.402795 0.0665018 0.724229 -0.555721
+-0.406282 0.0400153 0.759024 -0.507164
+-0.40803 0.0133575 0.790569 -0.456436
+0.40803 0.0133575 -0.724229 0.555721
+0.406282 0.0400153 -0.759024 0.507164
+0.402795 0.0665018 -0.790569 0.456435
+0.397584 0.0927035 -0.818729 0.403752
+0.390669 0.118508 -0.843383 0.349341
+0.382082 0.143805 -0.864425 0.293433
+0.371859 0.168487 -0.881766 0.236268
+0.360043 0.192447 -0.89533 0.178092
+0.346685 0.215583 -0.905061 0.119154
+0.331843 0.237796 -0.910916 0.0597046
+0.31558 0.25899 -0.912871 1.65496e-08
+0.297966 0.279075 -0.910916 -0.0597046
+0.279075 0.297966 -0.905061 -0.119154
+0.25899 0.31558 -0.89533 -0.178092
+0.237796 0.331843 -0.881766 -0.236268
+0.215583 0.346685 -0.864425 -0.293433
+0.192447 0.360043 -0.843383 -0.349341
+0.168487 0.371859 -0.818729 -0.403753
+0.143805 0.382082 -0.790569 -0.456436
+0.118508 0.390669 -0.759024 -0.507164
+0.0927035 0.397584 -0.724229 -0.555721
+0.0665017 0.402795 -0.686333 -0.601898
+0.0400153 0.406282 -0.645497 -0.645497
+0.0133575 0.40803 -0.601898 -0.686333
+-0.0133575 0.40803 -0.555721 -0.724229
+-0.0400154 0.406282 -0.507164 -0.759024
+-0.0665018 0.402795 -0.456435 -0.790569
+-0.0927035 0.397584 -0.403752 -0.818729
+-0.118508 0.390669 -0.34934 -0.843383
+-0.143806 0.382082 -0.293433 -0.864425
+-0.168487 0.371859 -0.236268 -0.881766
+-0.192447 0.360043 -0.178092 -0.89533
+-0.215583 0.346685 -0.119154 -0.905061
+-0.237796 0.331843 -0.0597045 -0.910916
+-0.25899 0.31558 -3.10581e-08 -0.912871
+-0.279075 0.297966 0.0597047 -0.910916
+-0.297966 0.279075 0.119154 -0.905061
+-0.31558 0.25899 0.178092 -0.89533
+-0.331843 0.237796 0.236268 -0.881766
+-0.346685 0.215583 0.293433 -0.864425
+-0.360043 0.192447 0.34934 -0.843383
+-0.371859 0.168487 0.403752 -0.818729
+-0.382082 0.143805 0.456436 -0.790569
+-0.390669 0.118508 0.507164 -0.759024
+-0.397584 0.0927035 0.555721 -0.724229
+-0.402795 0.0665018 0.601898 -0.686333
+-0.406282 0.0400153 0.645497 -0.645497
+-0.40803 0.0133575 0.686333 -0.601898
+0.456191 0.0149342 -0.755583 0.469852
+0.454238 0.0447385 -0.784695 0.419428
+0.450339 0.0743513 -0.810447 0.367209
+0.444512 0.103646 -0.832728 0.313417
+0.436782 0.132496 -0.851444 0.258283
+0.427181 0.160779 -0.866513 0.202043
+0.415751 0.188374 -0.877872 0.144937
+0.40254 0.215162 -0.885472 0.0872114
+0.387606 0.241029 -0.88928 0.029112
+0.371012 0.265863 -0.88928 -0.029112
+0.352829 0.28956 -0.885472 -0.0872114
+0.333136 0.312016 -0.877872 -0.144937
+0.312016 0.333136 -0.866513 -0.202043
+0.28956 0.352829 -0.851444 -0.258283
+0.265863 0.371012 -0.832728 -0.313417
+0.241029 0.387606 -0.810447 -0.367209
+0.215162 0.40254 -0.784695 -0.419428
+0.188374 0.415751 -0.755583 -0.469852
+0.160779 0.427181 -0.723236 -0.518263
+0.132496 0.436782 -0.687791 -0.564456
+0.103646 0.444512 -0.649401 -0.608231
+0.0743512 0.450339 -0.608231 -0.649401
+0.0447384 0.454238 -0.564455 -0.687791
+0.0149341 0.456191 -0.518263 -0.723236
+-0.0149342 0.456191 -0.469852 -0.755583
+-0.0447385 0.454238 -0.419428 -0.784695
+-0.0743513 0.450339 -0.367209 -0.810447
+-0.103646 0.444512 -0.313417 -0.832728
+-0.132496 0.436781 -0.258283 -0.851444
+-0.160779 0.427181 -0.202042 -0.866513
+-0.188374 0.415751 -0.144937 -0.877872
+-0.215162 0.40254 -0.0872115 -0.885472
+-0.241029 0.387606 -0.029112 -0.88928
+-0.265864 0.371012 0.0291121 -0.88928
+-0.28956 0.352829 0.0872114 -0.885472
+-0.312016 0.333136 0.144937 -0.877872
+-0.333136 0.312016 0.202043 -0.866513
+-0.352829 0.28956 0.258283 -0.851444
+-0.371012 0.265864 0.313417 -0.832728
+-0.387606 0.241029 0.367209 -0.810447
+-0.40254 0.215162 0.419428 -0.784695
+-0.415751 0.188374 0.469852 -0.755583
+-0.427181 0.160779 0.518263 -0.723236
+-0.436782 0.132496 0.564456 -0.687791
+-0.444512 0.103646 0.608231 -0.649401
+-0.450339 0.0743513 0.649401 -0.608231
+-0.454238 0.0447385 0.687791 -0.564456
+-0.456191 0.0149342 0.723236 -0.518263
+0.456191 0.0149342 -0.832728 0.313417
+0.454238 0.0447385 -0.851444 0.258283
+0.450339 0.0743513 -0.866513 0.202043
+0.444512 0.103646 -0.877872 0.144937
+0.436782 0.132496 -0.885472 0.0872114
+0.427181 0.160779 -0.88928 0.029112
+0.415751 0.188374 -0.88928 -0.029112
+0.40254 0.215162 -0.885472 -0.0872114
+0.387606 0.241029 -0.877872 -0.144937
+0.371012 0.265863 -0.866513 -0.202043
+0.352829 0.28956 -0.851444 -0.258283
+0.333136 0.312016 -0.832728 -0.313417
+0.312016 0.333136 -0.810447 -0.367209
+0.28956 0.352829 -0.784695 -0.419428
+0.265863 0.371012 -0.755583 -0.469852
+0.241029 0.387606 -0.723236 -0.518263
+0.215162 0.40254 -0.687791 -0.564456
+0.188374 0.415751 -0.649401 -0.608231
+0.160779 0.427181 -0.608231 -0.649401
+0.132496 0.436782 -0.564456 -0.687791
+0.103646 0.444512 -0.518263 -0.723236
+0.0743512 0.450339 -0.469852 -0.755583
+0.0447384 0.454238 -0.419428 -0.784695
+0.0149341 0.456191 -0.367209 -0.810447
+-0.0149342 0.456191 -0.313417 -0.832728
+-0.0447385 0.454238 -0.258283 -0.851444
+-0.0743513 0.450339 -0.202043 -0.866513
+-0.103646 0.444512 -0.144937 -0.877872
+-0.132496 0.436781 -0.0872112 -0.885472
+-0.160779 0.427181 -0.0291119 -0.88928
+-0.188374 0.415751 0.0291121 -0.88928
+-0.215162 0.40254 0.0872113 -0.885472
+-0.241029 0.387606 0.144937 -0.877872
+-0.265864 0.371012 0.202043 -0.866513
+-0.28956 0.352829 0.258283 -0.851444
+-0.312016 0.333136 0.313417 -0.832728
+-0.333136 0.312016 0.367209 -0.810447
+-0.352829 0.28956 0.419428 -0.784695
+-0.371012 0.265864 0.469852 -0.755583
+-0.387606 0.241029 0.518263 -0.723236
+-0.40254 0.215162 0.564455 -0.687791
+-0.415751 0.188374 0.608231 -0.649401
+-0.427181 0.160779 0.649401 -0.608231
+-0.436782 0.132496 0.687791 -0.564456
+-0.444512 0.103646 0.723236 -0.518263
+-0.450339 0.0743513 0.755583 -0.469852
+-0.454238 0.0447385 0.784695 -0.419428
+-0.456191 0.0149342 0.810447 -0.367209
+0.499732 0.0163595 -0.836516 0.224144
+0.497592 0.0490086 -0.849385 0.168953
+0.493322 0.0814477 -0.858616 0.113039
+0.486938 0.113538 -0.864171 0.0566408
+0.47847 0.145142 -0.866025 -6.45453e-10
+0.467953 0.176125 -0.864171 -0.0566408
+0.455432 0.206354 -0.858616 -0.113039
+0.440961 0.235698 -0.849385 -0.168953
+0.424601 0.264034 -0.836516 -0.224144
+0.406423 0.291239 -0.820066 -0.278375
+0.386505 0.317197 -0.800103 -0.331414
+0.364932 0.341796 -0.776715 -0.383033
+0.341796 0.364932 -0.75 -0.433013
+0.317197 0.386505 -0.720074 -0.481138
+0.291239 0.406423 -0.687064 -0.527203
+0.264034 0.424601 -0.651112 -0.57101
+0.235698 0.440961 -0.612372 -0.612372
+0.206353 0.455432 -0.57101 -0.651112
+0.176125 0.467953 -0.527203 -0.687064
+0.145142 0.47847 -0.481138 -0.720074
+0.113538 0.486938 -0.433013 -0.75
+0.0814477 0.493322 -0.383033 -0.776715
+0.0490085 0.497592 -0.331413 -0.800103
+0.0163595 0.499732 -0.278375 -0.820066
+-0.0163596 0.499732 -0.224144 -0.836516
+-0.0490086 0.497592 -0.168953 -0.849385
+-0.0814478 0.493322 -0.113039 -0.858616
+-0.113538 0.486938 -0.0566407 -0.864171
+-0.145142 0.47847 1.41739e-07 -0.866025
+-0.176125 0.467953 0.0566409 -0.864171
+-0.206354 0.455432 0.113039 -0.858616
+-0.235698 0.440961 0.168953 -0.849385
+-0.264034 0.424601 0.224144 -0.836516
+-0.291239 0.406423 0.278375 -0.820066
+-0.317197 0.386505 0.331414 -0.800103
+-0.341796 0.364932 0.383033 -0.776715
+-0.364932 0.341796 0.433013 -0.75
+-0.386505 0.317197 0.481138 -0.720074
+-0.406423 0.291239 0.527203 -0.687064
+-0.424601 0.264034 0.57101 -0.651112
+-0.440961 0.235698 0.612372 -0.612373
+-0.455432 0.206354 0.651112 -0.57101
+-0.467953 0.176125 0.687064 -0.527203
+-0.47847 0.145142 0.720074 -0.481138
+-0.486938 0.113538 0.75 -0.433013
+-0.493322 0.0814478 0.776715 -0.383033
+-0.497592 0.0490085 0.800103 -0.331414
+-0.499732 0.0163596 0.820066 -0.278375
+0.499732 0.0163595 -0.776715 0.383033
+0.497592 0.0490086 -0.800103 0.331414
+0.493322 0.0814477 -0.820066 0.278375
+0.486938 0.113538 -0.836516 0.224144
+0.47847 0.145142 -0.849385 0.168953
+0.467953 0.176125 -0.858616 0.113039
+0.455432 0.206354 -0.864171 0.0566408
+0.440961 0.235698 -0.866025 -1.82821e-08
+0.424601 0.264034 -0.864171 -0.0566408
+0.406423 0.291239 -0.858616 -0.113039
+0.386505 0.317197 -0.849385 -0.168953
+0.364932 0.341796 -0.836516 -0.224144
+0.341796 0.364932 -0.820066 -0.278375
+0.317197 0.386505 -0.800103 -0.331414
+0.291239 0.406423 -0.776715 -0.383033
+0.264034 0.424601 -0.75 -0.433013
+0.235698 0.440961 -0.720074 -0.481138
+0.206353 0.455432 -0.687064 -0.527203
+0.176125 0.467953 -0.651112 -0.57101
+0.145142 0.47847 -0.612372 -0.612372
+0.113538 0.486938 -0.57101 -0.651112
+0.0814477 0.493322 -0.527203 -0.687064
+0.0490085 0.497592 -0.481138 -0.720074
+0.0163595 0.499732 -0.433013 -0.75
+-0.0163596 0.499732 -0.383033 -0.776715
+-0.0490086 0.497592 -0.331414 -0.800103
+-0.0814478 0.493322 -0.278375 -0.820066
+-0.113538 0.486938 -0.224144 -0.836516
+-0.145142 0.47847 -0.168953 -0.849385
+-0.176125 0.467953 -0.113039 -0.858616
+-0.206354 0.455432 -0.0566407 -0.864171
+-0.235698 0.440961 -9.87201e-08 -0.866025
+-0.264034 0.424601 0.0566408 -0.864171
+-0.291239 0.406423 0.113039 -0.858616
+-0.317197 0.386505 0.168953 -0.849385
+-0.341796 0.364932 0.224144 -0.836516
+-0.364932 0.341796 0.278375 -0.820066
+-0.386505 0.317197 0.331414 -0.800103
+-0.406423 0.291239 0.383033 -0.776715
+-0.424601 0.264034 0.433013 -0.75
+-0.440961 0.235698 0.481138 -0.720074
+-0.455432 0.206354 0.527203 -0.687064
+-0.467953 0.176125 0.57101 -0.651112
+-0.47847 0.145142 0.612372 -0.612372
+-0.486938 0.113538 0.651112 -0.57101
+-0.493322 0.0814478 0.687064 -0.527203
+-0.497592 0.0490085 0.720074 -0.481138
+-0.499732 0.0163596 0.75 -0.433013
+0.539773 0.0176703 -0.787682 0.296463
+0.537461 0.0529353 -0.805385 0.244311
+0.532848 0.0879736 -0.81964 0.191113
+0.525954 0.122635 -0.830384 0.137097
+0.516807 0.156772 -0.837573 0.0824937
+0.505447 0.190237 -0.841175 0.0275372
+0.491923 0.222887 -0.841175 -0.0275372
+0.476292 0.254583 -0.837573 -0.0824937
+0.458622 0.285189 -0.830384 -0.137097
+0.438987 0.314574 -0.81964 -0.191113
+0.417473 0.342612 -0.805385 -0.244311
+0.394172 0.369182 -0.787682 -0.296463
+0.369182 0.394172 -0.766606 -0.347345
+0.342612 0.417473 -0.742247 -0.396739
+0.314574 0.438987 -0.71471 -0.444435
+0.285189 0.458622 -0.684112 -0.490228
+0.254583 0.476292 -0.650585 -0.533922
+0.222887 0.491923 -0.614272 -0.575329
+0.190237 0.505447 -0.575329 -0.614272
+0.156772 0.516807 -0.533921 -0.650585
+0.122635 0.525954 -0.490228 -0.684112
+0.0879735 0.532848 -0.444435 -0.71471
+0.0529352 0.537461 -0.396739 -0.742247
+0.0176703 0.539773 -0.347345 -0.766606
+-0.0176704 0.539773 -0.296463 -0.787682
+-0.0529354 0.537461 -0.244311 -0.805385
+-0.0879736 0.532848 -0.191113 -0.81964
+-0.122635 0.525954 -0.137097 -0.830384
+-0.156772 0.516807 -0.0824936 -0.837573
+-0.190237 0.505447 -0.0275371 -0.841175
+-0.222887 0.491923 0.0275373 -0.841175
+-0.254583 0.476292 0.0824936 -0.837573
+-0.285189 0.458622 0.137097 -0.830384
+-0.314574 0.438987 0.191113 -0.81964
+-0.342612 0.417473 0.244311 -0.805385
+-0.369182 0.394172 0.296463 -0.787682
+-0.394172 0.369182 0.347345 -0.766606
+-0.417473 0.342612 0.39674 -0.742247
+-0.438987 0.314574 0.444435 -0.71471
+-0.458622 0.285189 0.490228 -0.684112
+-0.476292 0.254583 0.533921 -0.650585
+-0.491923 0.222887 0.575329 -0.614272
+-0.505447 0.190237 0.614272 -0.575329
+-0.516807 0.156772 0.650585 -0.533922
+-0.525954 0.122635 0.684112 -0.490228
+-0.532848 0.0879736 0.71471 -0.444435
+-0.537461 0.0529353 0.742247 -0.396739
+-0.539773 0.0176704 0.766606 -0.347345
+0.255019 0.00834844 -0.182422 0.949536
+0.253927 0.0250096 -0.244134 0.935572
+0.251747 0.0415636 -0.304801 0.917601
+0.24849 0.0579397 -0.364162 0.895702
+0.244168 0.0740676 -0.421964 0.869967
+0.238801 0.0898784 -0.477959 0.840506
+0.232412 0.105304 -0.531908 0.807447
+0.225027 0.120279 -0.583578 0.770929
+0.216678 0.134739 -0.63275 0.731111
+0.207402 0.148622 -0.679212 0.688162
+0.197238 0.161869 -0.722766 0.642266
+0.186229 0.174422 -0.763225 0.593619
+0.174422 0.186229 -0.800415 0.542431
+0.161869 0.197238 -0.834178 0.48892
+0.148622 0.207402 -0.864369 0.433315
+0.134739 0.216678 -0.890858 0.375855
+0.120279 0.225027 -0.913533 0.316786
+0.105304 0.232412 -0.932296 0.256359
+0.0898784 0.238801 -0.947067 0.194835
+0.0740676 0.244168 -0.957782 0.132477
+0.0579397 0.24849 -0.964395 0.0695517
+0.0415636 0.251747 -0.966879 0.00632817
+0.0250096 0.253927 -0.965223 -0.0569223
+0.00834842 0.255019 -0.959434 -0.119929
+-0.00834847 0.255019 -0.949536 -0.182422
+-0.0250096 0.253927 -0.935572 -0.244134
+-0.0415636 0.251747 -0.917601 -0.304801
+-0.0579397 0.24849 -0.895702 -0.364162
+-0.0740677 0.244168 -0.869967 -0.421964
+-0.0898785 0.238801 -0.840506 -0.477959
+-0.105304 0.232412 -0.807447 -0.531908
+-0.120279 0.225027 -0.770929 -0.583578
+-0.134739 0.216678 -0.731111 -0.63275
+-0.148622 0.207402 -0.688162 -0.679212
+-0.161869 0.197238 -0.642266 -0.722766
+-0.174422 0.186229 -0.593619 -0.763225
+-0.186229 0.174422 -0.542431 -0.800415
+-0.197238 0.161869 -0.48892 -0.834178
+-0.207402 0.148622 -0.433316 -0.864369
+-0.216678 0.134739 -0.375855 -0.890858
+-0.225027 0.120279 -0.316786 -0.913533
+-0.232412 0.105304 -0.256359 -0.932296
+-0.238801 0.0898784 -0.194835 -0.947067
+-0.244168 0.0740676 -0.132477 -0.957782
+-0.24849 0.0579397 -0.0695516 -0.964395
+-0.251747 0.0415636 -0.00632836 -0.966879
+-0.253927 0.0250096 0.0569222 -0.965223
+-0.255019 0.00834847 0.119929 -0.959434
+0.306022 0.0100181 -0.392885 0.867117
+0.304712 0.0300115 -0.448756 0.839564
+0.302097 0.0498763 -0.502706 0.808416
+0.298188 0.0695276 -0.554502 0.773807
+0.293002 0.0888812 -0.603924 0.735884
+0.286561 0.107854 -0.65076 0.69481
+0.278894 0.126365 -0.69481 0.65076
+0.270032 0.144335 -0.735884 0.603924
+0.260014 0.161687 -0.773807 0.554502
+0.248882 0.178347 -0.808416 0.502706
+0.236685 0.194242 -0.839564 0.448756
+0.223474 0.209307 -0.867117 0.392885
+0.209307 0.223474 -0.890956 0.335332
+0.194242 0.236685 -0.91098 0.276343
+0.178347 0.248882 -0.927103 0.21617
+0.161687 0.260014 -0.939256 0.155072
+0.144335 0.270032 -0.947388 0.0933095
+0.126365 0.278894 -0.951462 0.0311476
+0.107854 0.286562 -0.951462 -0.0311477
+0.0888812 0.293002 -0.947388 -0.0933096
+0.0695276 0.298188 -0.939256 -0.155072
+0.0498763 0.302097 -0.927103 -0.21617
+0.0300115 0.304712 -0.91098 -0.276343
+0.0100181 0.306022 -0.890956 -0.335332
+-0.0100182 0.306022 -0.867116 -0.392885
+-0.0300115 0.304712 -0.839564 -0.448756
+-0.0498764 0.302097 -0.808416 -0.502706
+-0.0695276 0.298188 -0.773807 -0.554502
+-0.0888812 0.293002 -0.735884 -0.603925
+-0.107854 0.286561 -0.69481 -0.650761
+-0.126365 0.278894 -0.65076 -0.69481
+-0.144335 0.270032 -0.603924 -0.735884
+-0.161687 0.260014 -0.554502 -0.773807
+-0.178347 0.248882 -0.502706 -0.808416
+-0.194242 0.236685 -0.448756 -0.839564
+-0.209307 0.223474 -0.392885 -0.867117
+-0.223474 0.209307 -0.335332 -0.890956
+-0.236685 0.194242 -0.276343 -0.91098
+-0.248882 0.178347 -0.21617 -0.927103
+-0.260014 0.161687 -0.155072 -0.939256
+-0.270032 0.144335 -0.0933096 -0.947388
+-0.278894 0.126365 -0.0311476 -0.951462
+-0.286562 0.107854 0.0311477 -0.951462
+-0.293002 0.0888812 0.0933095 -0.947388
+-0.298188 0.0695276 0.155072 -0.939256
+-0.302097 0.0498764 0.21617 -0.927103
+-0.304712 0.0300115 0.276343 -0.91098
+-0.306022 0.0100182 0.335332 -0.890956
+0.306022 0.0100181 -0.155072 0.939256
+0.304712 0.0300115 -0.21617 0.927103
+0.302097 0.0498763 -0.276343 0.91098
+0.298188 0.0695276 -0.335332 0.890956
+0.293002 0.0888812 -0.392885 0.867117
+0.286561 0.107854 -0.448756 0.839564
+0.278894 0.126365 -0.502706 0.808416
+0.270032 0.144335 -0.554502 0.773807
+0.260014 0.161687 -0.603924 0.735884
+0.248882 0.178347 -0.65076 0.69481
+0.236685 0.194242 -0.69481 0.65076
+0.223474 0.209307 -0.735884 0.603924
+0.209307 0.223474 -0.773807 0.554502
+0.194242 0.236685 -0.808416 0.502706
+0.178347 0.248882 -0.839564 0.448756
+0.161687 0.260014 -0.867117 0.392885
+0.144335 0.270032 -0.890956 0.335332
+0.126365 0.278894 -0.91098 0.276343
+0.107854 0.286562 -0.927103 0.21617
+0.0888812 0.293002 -0.939256 0.155072
+0.0695276 0.298188 -0.947388 0.0933095
+0.0498763 0.302097 -0.951462 0.0311475
+0.0300115 0.304712 -0.951462 -0.0311478
+0.0100181 0.306022 -0.947388 -0.0933096
+-0.0100182 0.306022 -0.939256 -0.155072
+-0.0300115 0.304712 -0.927103 -0.21617
+-0.0498764 0.302097 -0.91098 -0.276343
+-0.0695276 0.298188 -0.890956 -0.335332
+-0.0888812 0.293002 -0.867116 -0.392886
+-0.107854 0.286561 -0.839564 -0.448756
+-0.126365 0.278894 -0.808416 -0.502706
+-0.144335 0.270032 -0.773807 -0.554502
+-0.161687 0.260014 -0.735884 -0.603924
+-0.178347 0.248882 -0.69481 -0.650761
+-0.194242 0.236685 -0.650761 -0.69481
+-0.209307 0.223474 -0.603924 -0.735884
+-0.223474 0.209307 -0.554502 -0.773807
+-0.236685 0.194242 -0.502706 -0.808416
+-0.248882 0.178347 -0.448756 -0.839564
+-0.260014 0.161687 -0.392885 -0.867117
+-0.270032 0.144335 -0.335332 -0.890956
+-0.278894 0.126365 -0.276343 -0.91098
+-0.286562 0.107854 -0.21617 -0.927103
+-0.293002 0.0888812 -0.155072 -0.939256
+-0.298188 0.0695276 -0.0933095 -0.947388
+-0.302097 0.0498764 -0.0311477 -0.951462
+-0.304712 0.0300115 0.0311477 -0.951462
+-0.306022 0.0100182 0.0933095 -0.947388
+0.357026 0.0116878 -0.337168 0.871042
+0.355497 0.0350134 -0.393415 0.847125
+0.352446 0.0581891 -0.447977 0.819581
+0.347886 0.0811156 -0.500621 0.788527
+0.341836 0.103695 -0.551121 0.754096
+0.334322 0.12583 -0.599262 0.716437
+0.325376 0.147426 -0.644836 0.675709
+0.315037 0.168391 -0.687649 0.632088
+0.30335 0.188635 -0.727517 0.58576
+0.290363 0.208071 -0.76427 0.536924
+0.276133 0.226616 -0.79775 0.485789
+0.26072 0.244191 -0.827814 0.432574
+0.244191 0.26072 -0.854333 0.377506
+0.226616 0.276133 -0.877194 0.320821
+0.208071 0.290363 -0.896299 0.262763
+0.188635 0.30335 -0.911565 0.20358
+0.168391 0.315038 -0.922928 0.143525
+0.147426 0.325376 -0.930339 0.0828551
+0.12583 0.334322 -0.933766 0.0218307
+0.103695 0.341836 -0.933195 -0.0392873
+0.0811155 0.347886 -0.928627 -0.100237
+0.058189 0.352446 -0.920083 -0.160758
+0.0350134 0.355497 -0.907599 -0.22059
+0.0116878 0.357026 -0.891229 -0.279477
+-0.0116879 0.357026 -0.871042 -0.337168
+-0.0350134 0.355497 -0.847125 -0.393415
+-0.0581891 0.352446 -0.819581 -0.447977
+-0.0811156 0.347886 -0.788527 -0.500621
+-0.103695 0.341836 -0.754096 -0.551121
+-0.12583 0.334322 -0.716436 -0.599262
+-0.147426 0.325376 -0.675709 -0.644836
+-0.168391 0.315038 -0.632088 -0.687649
+-0.188635 0.30335 -0.58576 -0.727517
+-0.208071 0.290363 -0.536924 -0.76427
+-0.226616 0.276133 -0.485789 -0.79775
+-0.244191 0.26072 -0.432574 -0.827814
+-0.26072 0.244191 -0.377506 -0.854333
+-0.276133 0.226616 -0.320821 -0.877194
+-0.290363 0.208071 -0.262763 -0.896299
+-0.30335 0.188635 -0.20358 -0.911565
+-0.315037 0.168391 -0.143525 -0.922928
+-0.325376 0.147426 -0.0828552 -0.930339
+-0.334322 0.12583 -0.0218306 -0.933766
+-0.341836 0.103695 0.0392872 -0.933195
+-0.347886 0.0811155 0.100237 -0.928627
+-0.352446 0.0581891 0.160757 -0.920083
+-0.355497 0.0350134 0.22059 -0.907599
+-0.357026 0.0116879 0.279477 -0.891229
+0.357026 0.0116878 -0.522539 0.774176
+0.355497 0.0350134 -0.572054 0.738343
+0.352446 0.0581891 -0.619119 0.699348
+0.347886 0.0811156 -0.663533 0.657358
+0.341836 0.103695 -0.705106 0.612553
+0.334322 0.12583 -0.743659 0.565126
+0.325376 0.147426 -0.779028 0.515278
+0.315037 0.168391 -0.811061 0.463224
+0.30335 0.188635 -0.83962 0.409186
+0.290363 0.208071 -0.864585 0.353396
+0.276133 0.226616 -0.885847 0.296093
+0.26072 0.244191 -0.903316 0.237522
+0.244191 0.26072 -0.916916 0.177934
+0.226616 0.276133 -0.92659 0.117584
+0.208071 0.290363 -0.932297 0.05673
+0.188635 0.30335 -0.934011 -0.00436661
+0.168391 0.315038 -0.931726 -0.0654445
+0.147426 0.325376 -0.925451 -0.126242
+0.12583 0.334322 -0.915212 -0.186499
+0.103695 0.341836 -0.901055 -0.245958
+0.0811155 0.347886 -0.88304 -0.304363
+0.058189 0.352446 -0.861243 -0.361465
+0.0350134 0.355497 -0.835758 -0.417019
+0.0116878 0.357026 -0.806694 -0.470787
+-0.0116879 0.357026 -0.774176 -0.522539
+-0.0350134 0.355497 -0.738343 -0.572054
+-0.0581891 0.352446 -0.699348 -0.619119
+-0.0811156 0.347886 -0.657358 -0.663533
+-0.103695 0.341836 -0.612553 -0.705106
+-0.12583 0.334322 -0.565126 -0.743659
+-0.147426 0.325376 -0.515278 -0.779028
+-0.168391 0.315038 -0.463224 -0.811061
+-0.188635 0.30335 -0.409186 -0.83962
+-0.208071 0.290363 -0.353396 -0.864585
+-0.226616 0.276133 -0.296093 -0.885847
+-0.244191 0.26072 -0.237522 -0.903316
+-0.26072 0.244191 -0.177934 -0.916916
+-0.276133 0.226616 -0.117584 -0.92659
+-0.290363 0.208071 -0.0567302 -0.932297
+-0.30335 0.188635 0.00436654 -0.934011
+-0.315037 0.168391 0.0654443 -0.931726
+-0.325376 0.147426 0.126242 -0.925451
+-0.334322 0.12583 0.186499 -0.915212
+-0.341836 0.103695 0.245958 -0.901055
+-0.347886 0.0811155 0.304363 -0.88304
+-0.352446 0.0581891 0.361465 -0.861243
+-0.355497 0.0350134 0.417019 -0.835758
+-0.357026 0.0116879 0.470787 -0.806694
+0.40803 0.0133575 -0.601898 0.686333
+0.406282 0.0400153 -0.645497 0.645497
+0.402795 0.0665018 -0.686333 0.601898
+0.397584 0.0927035 -0.724229 0.555721
+0.390669 0.118508 -0.759024 0.507164
+0.382082 0.143805 -0.790569 0.456435
+0.371859 0.168487 -0.818729 0.403752
+0.360043 0.192447 -0.843383 0.349341
+0.346685 0.215583 -0.864425 0.293433
+0.331843 0.237796 -0.881766 0.236268
+0.31558 0.25899 -0.89533 0.178092
+0.297966 0.279075 -0.905061 0.119154
+0.279075 0.297966 -0.910916 0.0597046
+0.25899 0.31558 -0.912871 -2.0411e-09
+0.237796 0.331843 -0.910916 -0.0597047
+0.215583 0.346685 -0.905061 -0.119154
+0.192447 0.360043 -0.89533 -0.178092
+0.168487 0.371859 -0.881766 -0.236268
+0.143805 0.382082 -0.864425 -0.293433
+0.118508 0.390669 -0.843383 -0.349341
+0.0927035 0.397584 -0.818729 -0.403753
+0.0665017 0.402795 -0.790569 -0.456436
+0.0400153 0.406282 -0.759024 -0.507164
+0.0133575 0.40803 -0.724229 -0.555721
+-0.0133575 0.40803 -0.686333 -0.601898
+-0.0400154 0.406282 -0.645497 -0.645497
+-0.0665018 0.402795 -0.601898 -0.686333
+-0.0927035 0.397584 -0.555721 -0.724229
+-0.118508 0.390669 -0.507164 -0.759025
+-0.143806 0.382082 -0.456435 -0.790569
+-0.168487 0.371859 -0.403752 -0.818729
+-0.192447 0.360043 -0.349341 -0.843383
+-0.215583 0.346685 -0.293433 -0.864425
+-0.237796 0.331843 -0.236268 -0.881766
+-0.25899 0.31558 -0.178092 -0.89533
+-0.279075 0.297966 -0.119154 -0.905061
+-0.297966 0.279075 -0.0597047 -0.910916
+-0.31558 0.25899 4.1944e-08 -0.912871
+-0.331843 0.237796 0.0597045 -0.910916
+-0.346685 0.215583 0.119154 -0.905061
+-0.360043 0.192447 0.178092 -0.89533
+-0.371859 0.168487 0.236268 -0.881766
+-0.382082 0.143805 0.293433 -0.864425
+-0.390669 0.118508 0.349341 -0.843383
+-0.397584 0.0927035 0.403753 -0.818729
+-0.402795 0.0665018 0.456435 -0.790569
+-0.406282 0.0400153 0.507164 -0.759024
+-0.40803 0.0133575 0.555721 -0.724229
+0.40803 0.0133575 -0.456435 0.790569
+0.406282 0.0400153 -0.507164 0.759024
+0.402795 0.0665018 -0.555721 0.724229
+0.397584 0.0927035 -0.601898 0.686333
+0.390669 0.118508 -0.645497 0.645497
+0.382082 0.143805 -0.686333 0.601898
+0.371859 0.168487 -0.724229 0.555721
+0.360043 0.192447 -0.759024 0.507164
+0.346685 0.215583 -0.790569 0.456435
+0.331843 0.237796 -0.818729 0.403752
+0.31558 0.25899 -0.843383 0.349341
+0.297966 0.279075 -0.864425 0.293433
+0.279075 0.297966 -0.881766 0.236268
+0.25899 0.31558 -0.89533 0.178092
+0.237796 0.331843 -0.905061 0.119154
+0.215583 0.346685 -0.910916 0.0597045
+0.192447 0.360043 -0.912871 -7.50431e-08
+0.168487 0.371859 -0.910916 -0.0597047
+0.143805 0.382082 -0.905061 -0.119154
+0.118508 0.390669 -0.89533 -0.178092
+0.0927035 0.397584 -0.881766 -0.236268
+0.0665017 0.402795 -0.864425 -0.293433
+0.0400153 0.406282 -0.843383 -0.349341
+0.0133575 0.40803 -0.818729 -0.403753
+-0.0133575 0.40803 -0.790569 -0.456436
+-0.0400154 0.406282 -0.759024 -0.507164
+-0.0665018 0.402795 -0.724229 -0.555721
+-0.0927035 0.397584 -0.686333 -0.601898
+-0.118508 0.390669 -0.645497 -0.645497
+-0.143806 0.382082 -0.601898 -0.686333
+-0.168487 0.371859 -0.555721 -0.724229
+-0.192447 0.360043 -0.507164 -0.759024
+-0.215583 0.346685 -0.456435 -0.790569
+-0.237796 0.331843 -0.403752 -0.818729
+-0.25899 0.31558 -0.349341 -0.843383
+-0.279075 0.297966 -0.293433 -0.864425
+-0.297966 0.279075 -0.236268 -0.881766
+-0.31558 0.25899 -0.178092 -0.89533
+-0.331843 0.237796 -0.119154 -0.905061
+-0.346685 0.215583 -0.0597046 -0.910916
+-0.360043 0.192447 -1.02699e-07 -0.912871
+-0.371859 0.168487 0.0597046 -0.910916
+-0.382082 0.143805 0.119154 -0.905061
+-0.390669 0.118508 0.178092 -0.89533
+-0.397584 0.0927035 0.236268 -0.881766
+-0.402795 0.0665018 0.293433 -0.864425
+-0.406282 0.0400153 0.349341 -0.843383
+-0.40803 0.0133575 0.403752 -0.818729
+0.456191 0.0149342 -0.518263 0.723236
+0.454238 0.0447385 -0.564456 0.687791
+0.450339 0.0743513 -0.608231 0.649401
+0.444512 0.103646 -0.649401 0.608231
+0.436782 0.132496 -0.687791 0.564456
+0.427181 0.160779 -0.723236 0.518263
+0.415751 0.188374 -0.755583 0.469852
+0.40254 0.215162 -0.784695 0.419428
+0.387606 0.241029 -0.810447 0.367209
+0.371012 0.265863 -0.832728 0.313417
+0.352829 0.28956 -0.851444 0.258283
+0.333136 0.312016 -0.866513 0.202043
+0.312016 0.333136 -0.877872 0.144937
+0.28956 0.352829 -0.885472 0.0872114
+0.265863 0.371012 -0.88928 0.029112
+0.241029 0.387606 -0.88928 -0.0291121
+0.215162 0.40254 -0.885472 -0.0872115
+0.188374 0.415751 -0.877872 -0.144937
+0.160779 0.427181 -0.866513 -0.202043
+0.132496 0.436782 -0.851444 -0.258283
+0.103646 0.444512 -0.832728 -0.313417
+0.0743512 0.450339 -0.810447 -0.367209
+0.0447384 0.454238 -0.784695 -0.419428
+0.0149341 0.456191 -0.755583 -0.469852
+-0.0149342 0.456191 -0.723236 -0.518263
+-0.0447385 0.454238 -0.687791 -0.564456
+-0.0743513 0.450339 -0.649401 -0.608231
+-0.103646 0.444512 -0.608231 -0.649401
+-0.132496 0.436781 -0.564455 -0.687791
+-0.160779 0.427181 -0.518263 -0.723236
+-0.188374 0.415751 -0.469852 -0.755583
+-0.215162 0.40254 -0.419428 -0.784695
+-0.241029 0.387606 -0.367209 -0.810447
+-0.265864 0.371012 -0.313417 -0.832728
+-0.28956 0.352829 -0.258283 -0.851444
+-0.312016 0.333136 -0.202043 -0.866513
+-0.333136 0.312016 -0.144937 -0.877872
+-0.352829 0.28956 -0.0872113 -0.885472
+-0.371012 0.265864 -0.0291121 -0.88928
+-0.387606 0.241029 0.029112 -0.88928
+-0.40254 0.215162 0.0872113 -0.885472
+-0.415751 0.188374 0.144937 -0.877872
+-0.427181 0.160779 0.202043 -0.866513
+-0.436782 0.132496 0.258283 -0.851444
+-0.444512 0.103646 0.313417 -0.832728
+-0.450339 0.0743513 0.367209 -0.810447
+-0.454238 0.0447385 0.419428 -0.784695
+-0.456191 0.0149342 0.469852 -0.755583
+0.357026 0.0116878 -0.134889 0.92423
+0.355497 0.0350134 -0.195048 0.913429
+0.352446 0.0581891 -0.254372 0.898716
+0.347886 0.0811156 -0.312606 0.880155
+0.341836 0.103695 -0.369501 0.857825
+0.334322 0.12583 -0.424815 0.831822
+0.325376 0.147426 -0.478309 0.802257
+0.315037 0.168391 -0.529755 0.769256
+0.30335 0.188635 -0.578933 0.732962
+0.290363 0.208071 -0.625631 0.693528
+0.276133 0.226616 -0.66965 0.651125
+0.26072 0.244191 -0.710802 0.605934
+0.244191 0.26072 -0.74891 0.558148
+0.226616 0.276133 -0.783811 0.507972
+0.208071 0.290363 -0.815356 0.45562
+0.188635 0.30335 -0.84341 0.401318
+0.168391 0.315038 -0.867851 0.345297
+0.147426 0.325376 -0.888577 0.287798
+0.12583 0.334322 -0.905497 0.229066
+0.103695 0.341836 -0.91854 0.169353
+0.0811155 0.347886 -0.927649 0.108915
+0.058189 0.352446 -0.932787 0.0480106
+0.0350134 0.355497 -0.933929 -0.0130993
+0.0116878 0.357026 -0.931073 -0.0741532
+-0.0116879 0.357026 -0.92423 -0.134889
+-0.0350134 0.355497 -0.913429 -0.195048
+-0.0581891 0.352446 -0.898716 -0.254372
+-0.0811156 0.347886 -0.880155 -0.312606
+-0.103695 0.341836 -0.857825 -0.369502
+-0.12583 0.334322 -0.831822 -0.424815
+-0.147426 0.325376 -0.802257 -0.478309
+-0.168391 0.315038 -0.769257 -0.529755
+-0.188635 0.30335 -0.732962 -0.578933
+-0.208071 0.290363 -0.693528 -0.625631
+-0.226616 0.276133 -0.651125 -0.66965
+-0.244191 0.26072 -0.605934 -0.710802
+-0.26072 0.244191 -0.558148 -0.74891
+-0.276133 0.226616 -0.507972 -0.783812
+-0.290363 0.208071 -0.455621 -0.815356
+-0.30335 0.188635 -0.401318 -0.84341
+-0.315037 0.168391 -0.345297 -0.867851
+-0.325376 0.147426 -0.287798 -0.888577
+-0.334322 0.12583 -0.229066 -0.905497
+-0.341836 0.103695 -0.169353 -0.91854
+-0.347886 0.0811155 -0.108915 -0.927649
+-0.352446 0.0581891 -0.0480108 -0.932787
+-0.355497 0.0350134 0.0130992 -0.933929
+-0.357026 0.0116879 0.074153 -0.931073
+0.40803 0.0133575 -0.293433 0.864425
+0.406282 0.0400153 -0.349341 0.843383
+0.402795 0.0665018 -0.403752 0.818729
+0.397584 0.0927035 -0.456435 0.790569
+0.390669 0.118508 -0.507164 0.759024
+0.382082 0.143805 -0.555721 0.724229
+0.371859 0.168487 -0.601898 0.686333
+0.360043 0.192447 -0.645497 0.645497
+0.346685 0.215583 -0.686333 0.601898
+0.331843 0.237796 -0.724229 0.555721
+0.31558 0.25899 -0.759024 0.507164
+0.297966 0.279075 -0.790569 0.456435
+0.279075 0.297966 -0.818729 0.403752
+0.25899 0.31558 -0.843383 0.349341
+0.237796 0.331843 -0.864425 0.293433
+0.215583 0.346685 -0.881766 0.236268
+0.192447 0.360043 -0.89533 0.178092
+0.168487 0.371859 -0.905061 0.119154
+0.143805 0.382082 -0.910916 0.0597046
+0.118508 0.390669 -0.912871 -3.92225e-08
+0.0927035 0.397584 -0.910916 -0.0597046
+0.0665017 0.402795 -0.905061 -0.119154
+0.0400153 0.406282 -0.89533 -0.178092
+0.0133575 0.40803 -0.881766 -0.236268
+-0.0133575 0.40803 -0.864425 -0.293433
+-0.0400154 0.406282 -0.843383 -0.349341
+-0.0665018 0.402795 -0.818729 -0.403753
+-0.0927035 0.397584 -0.790569 -0.456436
+-0.118508 0.390669 -0.759024 -0.507164
+-0.143806 0.382082 -0.724229 -0.555721
+-0.168487 0.371859 -0.686333 -0.601898
+-0.192447 0.360043 -0.645497 -0.645497
+-0.215583 0.346685 -0.601898 -0.686333
+-0.237796 0.331843 -0.555721 -0.724229
+-0.25899 0.31558 -0.507164 -0.759024
+-0.279075 0.297966 -0.456435 -0.790569
+-0.297966 0.279075 -0.403753 -0.818729
+-0.31558 0.25899 -0.349341 -0.843383
+-0.331843 0.237796 -0.293433 -0.864425
+-0.346685 0.215583 -0.236268 -0.881766
+-0.360043 0.192447 -0.178092 -0.89533
+-0.371859 0.168487 -0.119154 -0.905061
+-0.382082 0.143805 -0.0597045 -0.910916
+-0.390669 0.118508 -2.96973e-08 -0.912871
+-0.397584 0.0927035 0.0597047 -0.910916
+-0.402795 0.0665018 0.119154 -0.905061
+-0.406282 0.0400153 0.178092 -0.89533
+-0.40803 0.0133575 0.236268 -0.881766
+0.40803 0.0133575 -0.119154 0.905061
+0.406282 0.0400153 -0.178092 0.89533
+0.402795 0.0665018 -0.236268 0.881766
+0.397584 0.0927035 -0.293433 0.864425
+0.390669 0.118508 -0.349341 0.843383
+0.382082 0.143805 -0.403752 0.818729
+0.371859 0.168487 -0.456435 0.790569
+0.360043 0.192447 -0.507164 0.759024
+0.346685 0.215583 -0.555721 0.724229
+0.331843 0.237796 -0.601898 0.686333
+0.31558 0.25899 -0.645497 0.645497
+0.297966 0.279075 -0.686333 0.601898
+0.279075 0.297966 -0.724229 0.555721
+0.25899 0.31558 -0.759024 0.507164
+0.237796 0.331843 -0.790569 0.456435
+0.215583 0.346685 -0.818729 0.403752
+0.192447 0.360043 -0.843383 0.349341
+0.168487 0.371859 -0.864425 0.293433
+0.143805 0.382082 -0.881766 0.236268
+0.118508 0.390669 -0.89533 0.178092
+0.0927035 0.397584 -0.905061 0.119154
+0.0665017 0.402795 -0.910916 0.0597045
+0.0400153 0.406282 -0.912871 -1.12225e-07
+0.0133575 0.40803 -0.910916 -0.0597047
+-0.0133575 0.40803 -0.905061 -0.119154
+-0.0400154 0.406282 -0.89533 -0.178092
+-0.0665018 0.402795 -0.881766 -0.236268
+-0.0927035 0.397584 -0.864425 -0.293433
+-0.118508 0.390669 -0.843383 -0.349341
+-0.143806 0.382082 -0.818729 -0.403753
+-0.168487 0.371859 -0.790569 -0.456436
+-0.192447 0.360043 -0.759024 -0.507164
+-0.215583 0.346685 -0.724229 -0.555721
+-0.237796 0.331843 -0.686333 -0.601898
+-0.25899 0.31558 -0.645497 -0.645497
+-0.279075 0.297966 -0.601898 -0.686333
+-0.297966 0.279075 -0.555721 -0.724229
+-0.31558 0.25899 -0.507164 -0.759024
+-0.331843 0.237796 -0.456436 -0.790569
+-0.346685 0.215583 -0.403752 -0.818729
+-0.360043 0.192447 -0.349341 -0.843383
+-0.371859 0.168487 -0.293433 -0.864425
+-0.382082 0.143805 -0.236268 -0.881766
+-0.390669 0.118508 -0.178092 -0.89533
+-0.397584 0.0927035 -0.119153 -0.905061
+-0.402795 0.0665018 -0.0597047 -0.910916
+-0.406282 0.0400153 4.33047e-08 -0.912871
+-0.40803 0.0133575 0.0597045 -0.910916
+0.456191 0.0149342 -0.202043 0.866513
+0.454238 0.0447385 -0.258283 0.851444
+0.450339 0.0743513 -0.313417 0.832728
+0.444512 0.103646 -0.367209 0.810447
+0.436782 0.132496 -0.419428 0.784695
+0.427181 0.160779 -0.469852 0.755583
+0.415751 0.188374 -0.518263 0.723236
+0.40254 0.215162 -0.564456 0.687791
+0.387606 0.241029 -0.608231 0.649401
+0.371012 0.265863 -0.649401 0.608231
+0.352829 0.28956 -0.687791 0.564456
+0.333136 0.312016 -0.723236 0.518263
+0.312016 0.333136 -0.755583 0.469852
+0.28956 0.352829 -0.784695 0.419428
+0.265863 0.371012 -0.810447 0.367209
+0.241029 0.387606 -0.832728 0.313417
+0.215162 0.40254 -0.851444 0.258283
+0.188374 0.415751 -0.866513 0.202043
+0.160779 0.427181 -0.877872 0.144937
+0.132496 0.436782 -0.885472 0.0872114
+0.103646 0.444512 -0.88928 0.029112
+0.0743512 0.450339 -0.88928 -0.0291121
+0.0447384 0.454238 -0.885472 -0.0872115
+0.0149341 0.456191 -0.877872 -0.144937
+-0.0149342 0.456191 -0.866513 -0.202043
+-0.0447385 0.454238 -0.851444 -0.258283
+-0.0743513 0.450339 -0.832728 -0.313417
+-0.103646 0.444512 -0.810447 -0.367209
+-0.132496 0.436781 -0.784695 -0.419428
+-0.160779 0.427181 -0.755583 -0.469852
+-0.188374 0.415751 -0.723236 -0.518263
+-0.215162 0.40254 -0.687791 -0.564455
+-0.241029 0.387606 -0.649401 -0.608231
+-0.265864 0.371012 -0.608231 -0.649401
+-0.28956 0.352829 -0.564456 -0.687791
+-0.312016 0.333136 -0.518263 -0.723236
+-0.333136 0.312016 -0.469852 -0.755583
+-0.352829 0.28956 -0.419428 -0.784695
+-0.371012 0.265864 -0.367209 -0.810447
+-0.387606 0.241029 -0.313417 -0.832728
+-0.40254 0.215162 -0.258283 -0.851444
+-0.415751 0.188374 -0.202043 -0.866513
+-0.427181 0.160779 -0.144937 -0.877872
+-0.436782 0.132496 -0.0872114 -0.885472
+-0.444512 0.103646 -0.029112 -0.88928
+-0.450339 0.0743513 0.029112 -0.88928
+-0.454238 0.0447385 0.0872114 -0.885472
+-0.456191 0.0149342 0.144937 -0.877872
+0.456191 0.0149342 -0.367209 0.810447
+0.454238 0.0447385 -0.419428 0.784695
+0.450339 0.0743513 -0.469852 0.755583
+0.444512 0.103646 -0.518263 0.723236
+0.436782 0.132496 -0.564456 0.687791
+0.427181 0.160779 -0.608231 0.649401
+0.415751 0.188374 -0.649401 0.608231
+0.40254 0.215162 -0.687791 0.564456
+0.387606 0.241029 -0.723236 0.518263
+0.371012 0.265863 -0.755583 0.469852
+0.352829 0.28956 -0.784695 0.419428
+0.333136 0.312016 -0.810447 0.367209
+0.312016 0.333136 -0.832728 0.313417
+0.28956 0.352829 -0.851444 0.258283
+0.265863 0.371012 -0.866513 0.202043
+0.241029 0.387606 -0.877872 0.144937
+0.215162 0.40254 -0.885472 0.0872113
+0.188374 0.415751 -0.88928 0.029112
+0.160779 0.427181 -0.88928 -0.0291121
+0.132496 0.436782 -0.885472 -0.0872114
+0.103646 0.444512 -0.877872 -0.144937
+0.0743512 0.450339 -0.866513 -0.202043
+0.0447384 0.454238 -0.851444 -0.258283
+0.0149341 0.456191 -0.832728 -0.313417
+-0.0149342 0.456191 -0.810447 -0.367209
+-0.0447385 0.454238 -0.784695 -0.419428
+-0.0743513 0.450339 -0.755583 -0.469852
+-0.103646 0.444512 -0.723236 -0.518263
+-0.132496 0.436781 -0.687791 -0.564456
+-0.160779 0.427181 -0.649401 -0.608231
+-0.188374 0.415751 -0.608231 -0.649401
+-0.215162 0.40254 -0.564456 -0.687791
+-0.241029 0.387606 -0.518263 -0.723236
+-0.265864 0.371012 -0.469852 -0.755583
+-0.28956 0.352829 -0.419428 -0.784695
+-0.312016 0.333136 -0.367209 -0.810447
+-0.333136 0.312016 -0.313417 -0.832728
+-0.352829 0.28956 -0.258283 -0.851444
+-0.371012 0.265864 -0.202043 -0.866513
+-0.387606 0.241029 -0.144937 -0.877872
+-0.40254 0.215162 -0.0872115 -0.885472
+-0.415751 0.188374 -0.029112 -0.88928
+-0.427181 0.160779 0.0291121 -0.88928
+-0.436782 0.132496 0.0872114 -0.885472
+-0.444512 0.103646 0.144937 -0.877872
+-0.450339 0.0743513 0.202043 -0.866513
+-0.454238 0.0447385 0.258283 -0.851444
+-0.456191 0.0149342 0.313417 -0.832728
+0.499732 0.0163595 -0.433013 0.75
+0.497592 0.0490086 -0.481138 0.720074
+0.493322 0.0814477 -0.527203 0.687064
+0.486938 0.113538 -0.57101 0.651112
+0.47847 0.145142 -0.612372 0.612372
+0.467953 0.176125 -0.651112 0.57101
+0.455432 0.206354 -0.687064 0.527203
+0.440961 0.235698 -0.720074 0.481138
+0.424601 0.264034 -0.75 0.433013
+0.406423 0.291239 -0.776715 0.383033
+0.386505 0.317197 -0.800103 0.331414
+0.364932 0.341796 -0.820066 0.278375
+0.341796 0.364932 -0.836516 0.224144
+0.317197 0.386505 -0.849385 0.168953
+0.291239 0.406423 -0.858616 0.113039
+0.264034 0.424601 -0.864171 0.0566407
+0.235698 0.440961 -0.866025 -7.11922e-08
+0.206353 0.455432 -0.864171 -0.0566408
+0.176125 0.467953 -0.858616 -0.113039
+0.145142 0.47847 -0.849385 -0.168953
+0.113538 0.486938 -0.836516 -0.224144
+0.0814477 0.493322 -0.820066 -0.278375
+0.0490085 0.497592 -0.800103 -0.331414
+0.0163595 0.499732 -0.776715 -0.383033
+-0.0163596 0.499732 -0.75 -0.433013
+-0.0490086 0.497592 -0.720074 -0.481138
+-0.0814478 0.493322 -0.687064 -0.527203
+-0.113538 0.486938 -0.651112 -0.57101
+-0.145142 0.47847 -0.612372 -0.612373
+-0.176125 0.467953 -0.57101 -0.651112
+-0.206354 0.455432 -0.527203 -0.687064
+-0.235698 0.440961 -0.481138 -0.720074
+-0.264034 0.424601 -0.433013 -0.75
+-0.291239 0.406423 -0.383033 -0.776715
+-0.317197 0.386505 -0.331414 -0.800103
+-0.341796 0.364932 -0.278375 -0.820066
+-0.364932 0.341796 -0.224144 -0.836516
+-0.386505 0.317197 -0.168953 -0.849385
+-0.406423 0.291239 -0.113039 -0.858616
+-0.424601 0.264034 -0.0566408 -0.864171
+-0.440961 0.235698 -9.74292e-08 -0.866025
+-0.455432 0.206354 0.0566408 -0.864171
+-0.467953 0.176125 0.113039 -0.858616
+-0.47847 0.145142 0.168953 -0.849385
+-0.486938 0.113538 0.224144 -0.836516
+-0.493322 0.0814478 0.278375 -0.820066
+-0.497592 0.0490085 0.331414 -0.800103
+-0.499732 0.0163596 0.383033 -0.776715
+0.499732 0.0163595 -0.278375 0.820066
+0.497592 0.0490086 -0.331414 0.800103
+0.493322 0.0814477 -0.383033 0.776715
+0.486938 0.113538 -0.433013 0.75
+0.47847 0.145142 -0.481138 0.720074
+0.467953 0.176125 -0.527203 0.687064
+0.455432 0.206354 -0.57101 0.651112
+0.440961 0.235698 -0.612372 0.612372
+0.424601 0.264034 -0.651112 0.57101
+0.406423 0.291239 -0.687064 0.527203
+0.386505 0.317197 -0.720074 0.481138
+0.364932 0.341796 -0.75 0.433013
+0.341796 0.364932 -0.776715 0.383033
+0.317197 0.386505 -0.800103 0.331414
+0.291239 0.406423 -0.820066 0.278375
+0.264034 0.424601 -0.836516 0.224144
+0.235698 0.440961 -0.849385 0.168953
+0.206353 0.455432 -0.858616 0.113039
+0.176125 0.467953 -0.864171 0.0566407
+0.145142 0.47847 -0.866025 -3.72097e-08
+0.113538 0.486938 -0.864171 -0.0566408
+0.0814477 0.493322 -0.858616 -0.113039
+0.0490085 0.497592 -0.849385 -0.168953
+0.0163595 0.499732 -0.836516 -0.224144
+-0.0163596 0.499732 -0.820066 -0.278375
+-0.0490086 0.497592 -0.800103 -0.331414
+-0.0814478 0.493322 -0.776715 -0.383033
+-0.113538 0.486938 -0.75 -0.433013
+-0.145142 0.47847 -0.720074 -0.481138
+-0.176125 0.467953 -0.687064 -0.527203
+-0.206354 0.455432 -0.651112 -0.57101
+-0.235698 0.440961 -0.612373 -0.612372
+-0.264034 0.424601 -0.57101 -0.651112
+-0.291239 0.406423 -0.527203 -0.687064
+-0.317197 0.386505 -0.481138 -0.720074
+-0.341796 0.364932 -0.433013 -0.75
+-0.364932 0.341796 -0.383033 -0.776715
+-0.386505 0.317197 -0.331414 -0.800103
+-0.406423 0.291239 -0.278375 -0.820066
+-0.424601 0.264034 -0.224144 -0.836516
+-0.440961 0.235698 -0.168953 -0.849385
+-0.455432 0.206354 -0.113039 -0.858616
+-0.467953 0.176125 -0.0566407 -0.864171
+-0.47847 0.145142 -2.81734e-08 -0.866025
+-0.486938 0.113538 0.0566408 -0.864171
+-0.493322 0.0814478 0.113039 -0.858616
+-0.497592 0.0490085 0.168953 -0.849385
+-0.499732 0.0163596 0.224144 -0.836516
+0.539773 0.0176703 -0.347345 0.766606
+0.537461 0.0529353 -0.396739 0.742247
+0.532848 0.0879736 -0.444435 0.71471
+0.525954 0.122635 -0.490228 0.684112
+0.516807 0.156772 -0.533922 0.650585
+0.505447 0.190237 -0.575329 0.614272
+0.491923 0.222887 -0.614272 0.575329
+0.476292 0.254583 -0.650585 0.533921
+0.458622 0.285189 -0.684112 0.490228
+0.438987 0.314574 -0.71471 0.444435
+0.417473 0.342612 -0.742247 0.396739
+0.394172 0.369182 -0.766606 0.347345
+0.369182 0.394172 -0.787682 0.296463
+0.342612 0.417473 -0.805385 0.244311
+0.314574 0.438987 -0.81964 0.191113
+0.285189 0.458622 -0.830384 0.137097
+0.254583 0.476292 -0.837573 0.0824936
+0.222887 0.491923 -0.841175 0.0275372
+0.190237 0.505447 -0.841175 -0.0275373
+0.156772 0.516807 -0.837573 -0.0824938
+0.122635 0.525954 -0.830384 -0.137097
+0.0879735 0.532848 -0.81964 -0.191113
+0.0529352 0.537461 -0.805385 -0.244311
+0.0176703 0.539773 -0.787682 -0.296463
+-0.0176704 0.539773 -0.766606 -0.347345
+-0.0529354 0.537461 -0.742247 -0.39674
+-0.0879736 0.532848 -0.71471 -0.444435
+-0.122635 0.525954 -0.684112 -0.490228
+-0.156772 0.516807 -0.650585 -0.533922
+-0.190237 0.505447 -0.614272 -0.575329
+-0.222887 0.491923 -0.575329 -0.614272
+-0.254583 0.476292 -0.533922 -0.650585
+-0.285189 0.458622 -0.490228 -0.684112
+-0.314574 0.438987 -0.444435 -0.71471
+-0.342612 0.417473 -0.396739 -0.742247
+-0.369182 0.394172 -0.347345 -0.766606
+-0.394172 0.369182 -0.296463 -0.787682
+-0.417473 0.342612 -0.244311 -0.805385
+-0.438987 0.314574 -0.191113 -0.81964
+-0.458622 0.285189 -0.137097 -0.830384
+-0.476292 0.254583 -0.0824938 -0.837573
+-0.491923 0.222887 -0.0275372 -0.841175
+-0.505447 0.190237 0.0275373 -0.841175
+-0.516807 0.156772 0.0824937 -0.837573
+-0.525954 0.122635 0.137097 -0.830384
+-0.532848 0.0879736 0.191113 -0.81964
+-0.537461 0.0529353 0.244311 -0.805385
+-0.539773 0.0176704 0.296463 -0.787682
+0.456191 0.0149342 -0.649401 0.608231
+0.454238 0.0447385 -0.687791 0.564456
+0.450339 0.0743513 -0.723236 0.518263
+0.444512 0.103646 -0.755583 0.469852
+0.436782 0.132496 -0.784695 0.419428
+0.427181 0.160779 -0.810447 0.367209
+0.415751 0.188374 -0.832728 0.313417
+0.40254 0.215162 -0.851444 0.258283
+0.387606 0.241029 -0.866513 0.202043
+0.371012 0.265863 -0.877872 0.144937
+0.352829 0.28956 -0.885472 0.0872114
+0.333136 0.312016 -0.88928 0.029112
+0.312016 0.333136 -0.88928 -0.029112
+0.28956 0.352829 -0.885472 -0.0872114
+0.265863 0.371012 -0.877872 -0.144937
+0.241029 0.387606 -0.866513 -0.202043
+0.215162 0.40254 -0.851444 -0.258283
+0.188374 0.415751 -0.832728 -0.313417
+0.160779 0.427181 -0.810447 -0.367209
+0.132496 0.436782 -0.784695 -0.419428
+0.103646 0.444512 -0.755583 -0.469852
+0.0743512 0.450339 -0.723236 -0.518263
+0.0447384 0.454238 -0.687791 -0.564456
+0.0149341 0.456191 -0.649401 -0.608231
+-0.0149342 0.456191 -0.608231 -0.649401
+-0.0447385 0.454238 -0.564456 -0.687791
+-0.0743513 0.450339 -0.518263 -0.723236
+-0.103646 0.444512 -0.469852 -0.755583
+-0.132496 0.436781 -0.419428 -0.784695
+-0.160779 0.427181 -0.367209 -0.810447
+-0.188374 0.415751 -0.313417 -0.832728
+-0.215162 0.40254 -0.258283 -0.851444
+-0.241029 0.387606 -0.202043 -0.866513
+-0.265864 0.371012 -0.144937 -0.877872
+-0.28956 0.352829 -0.0872114 -0.885472
+-0.312016 0.333136 -0.029112 -0.88928
+-0.333136 0.312016 0.029112 -0.88928
+-0.352829 0.28956 0.0872114 -0.885472
+-0.371012 0.265864 0.144937 -0.877872
+-0.387606 0.241029 0.202043 -0.866513
+-0.40254 0.215162 0.258283 -0.851444
+-0.415751 0.188374 0.313417 -0.832728
+-0.427181 0.160779 0.367209 -0.810447
+-0.436782 0.132496 0.419428 -0.784695
+-0.444512 0.103646 0.469852 -0.755583
+-0.450339 0.0743513 0.518263 -0.723236
+-0.454238 0.0447385 0.564456 -0.687791
+-0.456191 0.0149342 0.608231 -0.649401
+0.499732 0.0163595 -0.687064 0.527203
+0.497592 0.0490086 -0.720074 0.481138
+0.493322 0.0814477 -0.75 0.433013
+0.486938 0.113538 -0.776715 0.383033
+0.47847 0.145142 -0.800103 0.331414
+0.467953 0.176125 -0.820066 0.278375
+0.455432 0.206354 -0.836516 0.224144
+0.440961 0.235698 -0.849385 0.168953
+0.424601 0.264034 -0.858616 0.113039
+0.406423 0.291239 -0.864171 0.0566408
+0.386505 0.317197 -0.866025 1.57003e-08
+0.364932 0.341796 -0.864171 -0.0566408
+0.341796 0.364932 -0.858616 -0.113039
+0.317197 0.386505 -0.849385 -0.168953
+0.291239 0.406423 -0.836516 -0.224144
+0.264034 0.424601 -0.820066 -0.278375
+0.235698 0.440961 -0.800103 -0.331414
+0.206353 0.455432 -0.776715 -0.383033
+0.176125 0.467953 -0.75 -0.433013
+0.145142 0.47847 -0.720074 -0.481138
+0.113538 0.486938 -0.687064 -0.527203
+0.0814477 0.493322 -0.651112 -0.57101
+0.0490085 0.497592 -0.612372 -0.612373
+0.0163595 0.499732 -0.57101 -0.651112
+-0.0163596 0.499732 -0.527203 -0.687064
+-0.0490086 0.497592 -0.481138 -0.720074
+-0.0814478 0.493322 -0.433013 -0.75
+-0.113538 0.486938 -0.383033 -0.776715
+-0.145142 0.47847 -0.331413 -0.800103
+-0.176125 0.467953 -0.278375 -0.820066
+-0.206354 0.455432 -0.224144 -0.836516
+-0.235698 0.440961 -0.168953 -0.849385
+-0.264034 0.424601 -0.113039 -0.858616
+-0.291239 0.406423 -0.0566407 -0.864171
+-0.317197 0.386505 -2.94643e-08 -0.866025
+-0.341796 0.364932 0.0566408 -0.864171
+-0.364932 0.341796 0.113039 -0.858616
+-0.386505 0.317197 0.168953 -0.849385
+-0.406423 0.291239 0.224144 -0.836516
+-0.424601 0.264034 0.278375 -0.820066
+-0.440961 0.235698 0.331413 -0.800103
+-0.455432 0.206354 0.383033 -0.776715
+-0.467953 0.176125 0.433013 -0.75
+-0.47847 0.145142 0.481138 -0.720074
+-0.486938 0.113538 0.527203 -0.687064
+-0.493322 0.0814478 0.57101 -0.651112
+-0.497592 0.0490085 0.612372 -0.612372
+-0.499732 0.0163596 0.651112 -0.57101
+0.499732 0.0163595 -0.57101 0.651112
+0.497592 0.0490086 -0.612372 0.612372
+0.493322 0.0814477 -0.651112 0.57101
+0.486938 0.113538 -0.687064 0.527203
+0.47847 0.145142 -0.720074 0.481138
+0.467953 0.176125 -0.75 0.433013
+0.455432 0.206354 -0.776715 0.383033
+0.440961 0.235698 -0.800103 0.331414
+0.424601 0.264034 -0.820066 0.278375
+0.406423 0.291239 -0.836516 0.224144
+0.386505 0.317197 -0.849385 0.168953
+0.364932 0.341796 -0.858616 0.113039
+0.341796 0.364932 -0.864171 0.0566408
+0.317197 0.386505 -0.866025 -1.93636e-09
+0.291239 0.406423 -0.864171 -0.0566408
+0.264034 0.424601 -0.858616 -0.113039
+0.235698 0.440961 -0.849385 -0.168953
+0.206353 0.455432 -0.836516 -0.224144
+0.176125 0.467953 -0.820066 -0.278375
+0.145142 0.47847 -0.800103 -0.331414
+0.113538 0.486938 -0.776715 -0.383033
+0.0814477 0.493322 -0.75 -0.433013
+0.0490085 0.497592 -0.720074 -0.481138
+0.0163595 0.499732 -0.687064 -0.527203
+-0.0163596 0.499732 -0.651112 -0.57101
+-0.0490086 0.497592 -0.612372 -0.612372
+-0.0814478 0.493322 -0.57101 -0.651112
+-0.113538 0.486938 -0.527203 -0.687064
+-0.145142 0.47847 -0.481138 -0.720074
+-0.176125 0.467953 -0.433013 -0.75
+-0.206354 0.455432 -0.383033 -0.776715
+-0.235698 0.440961 -0.331414 -0.800103
+-0.264034 0.424601 -0.278375 -0.820066
+-0.291239 0.406423 -0.224144 -0.836516
+-0.317197 0.386505 -0.168953 -0.849385
+-0.341796 0.364932 -0.113039 -0.858616
+-0.364932 0.341796 -0.0566408 -0.864171
+-0.386505 0.317197 3.97915e-08 -0.866025
+-0.406423 0.291239 0.0566407 -0.864171
+-0.424601 0.264034 0.113039 -0.858616
+-0.440961 0.235698 0.168953 -0.849385
+-0.455432 0.206354 0.224144 -0.836516
+-0.467953 0.176125 0.278375 -0.820066
+-0.47847 0.145142 0.331414 -0.800103
+-0.486938 0.113538 0.383033 -0.776715
+-0.493322 0.0814478 0.433013 -0.75
+-0.497592 0.0490085 0.481138 -0.720074
+-0.499732 0.0163596 0.527203 -0.687064
+0.539773 0.0176703 -0.614272 0.575329
+0.537461 0.0529353 -0.650585 0.533922
+0.532848 0.0879736 -0.684112 0.490228
+0.525954 0.122635 -0.71471 0.444435
+0.516807 0.156772 -0.742247 0.396739
+0.505447 0.190237 -0.766606 0.347345
+0.491923 0.222887 -0.787682 0.296463
+0.476292 0.254583 -0.805385 0.244311
+0.458622 0.285189 -0.81964 0.191113
+0.438987 0.314574 -0.830384 0.137097
+0.417473 0.342612 -0.837573 0.0824937
+0.394172 0.369182 -0.841175 0.0275372
+0.369182 0.394172 -0.841175 -0.0275372
+0.342612 0.417473 -0.837573 -0.0824937
+0.314574 0.438987 -0.830384 -0.137097
+0.285189 0.458622 -0.81964 -0.191113
+0.254583 0.476292 -0.805385 -0.244311
+0.222887 0.491923 -0.787682 -0.296463
+0.190237 0.505447 -0.766606 -0.347345
+0.156772 0.516807 -0.742247 -0.39674
+0.122635 0.525954 -0.71471 -0.444435
+0.0879735 0.532848 -0.684112 -0.490228
+0.0529352 0.537461 -0.650585 -0.533922
+0.0176703 0.539773 -0.614272 -0.575329
+-0.0176704 0.539773 -0.575329 -0.614272
+-0.0529354 0.537461 -0.533921 -0.650585
+-0.0879736 0.532848 -0.490228 -0.684112
+-0.122635 0.525954 -0.444435 -0.71471
+-0.156772 0.516807 -0.396739 -0.742247
+-0.190237 0.505447 -0.347345 -0.766606
+-0.222887 0.491923 -0.296462 -0.787682
+-0.254583 0.476292 -0.244311 -0.805385
+-0.285189 0.458622 -0.191113 -0.81964
+-0.314574 0.438987 -0.137097 -0.830384
+-0.342612 0.417473 -0.0824937 -0.837573
+-0.369182 0.394172 -0.0275372 -0.841175
+-0.394172 0.369182 0.0275372 -0.841175
+-0.417473 0.342612 0.0824938 -0.837573
+-0.438987 0.314574 0.137097 -0.830384
+-0.458622 0.285189 0.191113 -0.81964
+-0.476292 0.254583 0.244311 -0.805385
+-0.491923 0.222887 0.296463 -0.787682
+-0.505447 0.190237 0.347345 -0.766606
+-0.516807 0.156772 0.396739 -0.742247
+-0.525954 0.122635 0.444435 -0.71471
+-0.532848 0.0879736 0.490228 -0.684112
+-0.537461 0.0529353 0.533922 -0.650585
+-0.539773 0.0176704 0.575329 -0.614272
+0.539773 0.0176703 -0.71471 0.444435
+0.537461 0.0529353 -0.742247 0.396739
+0.532848 0.0879736 -0.766606 0.347345
+0.525954 0.122635 -0.787682 0.296463
+0.516807 0.156772 -0.805385 0.244311
+0.505447 0.190237 -0.81964 0.191113
+0.491923 0.222887 -0.830384 0.137097
+0.476292 0.254583 -0.837573 0.0824937
+0.458622 0.285189 -0.841175 0.0275372
+0.438987 0.314574 -0.841175 -0.0275372
+0.417473 0.342612 -0.837573 -0.0824937
+0.394172 0.369182 -0.830384 -0.137097
+0.369182 0.394172 -0.81964 -0.191113
+0.342612 0.417473 -0.805385 -0.244311
+0.314574 0.438987 -0.787682 -0.296463
+0.285189 0.458622 -0.766606 -0.347345
+0.254583 0.476292 -0.742247 -0.39674
+0.222887 0.491923 -0.71471 -0.444435
+0.190237 0.505447 -0.684112 -0.490228
+0.156772 0.516807 -0.650585 -0.533922
+0.122635 0.525954 -0.614272 -0.575329
+0.0879735 0.532848 -0.575329 -0.614272
+0.0529352 0.537461 -0.533921 -0.650585
+0.0176703 0.539773 -0.490228 -0.684112
+-0.0176704 0.539773 -0.444435 -0.71471
+-0.0529354 0.537461 -0.396739 -0.742247
+-0.0879736 0.532848 -0.347345 -0.766606
+-0.122635 0.525954 -0.296463 -0.787682
+-0.156772 0.516807 -0.244311 -0.805385
+-0.190237 0.505447 -0.191113 -0.81964
+-0.222887 0.491923 -0.137097 -0.830384
+-0.254583 0.476292 -0.0824938 -0.837573
+-0.285189 0.458622 -0.0275372 -0.841175
+-0.314574 0.438987 0.0275373 -0.841175
+-0.342612 0.417473 0.0824937 -0.837573
+-0.369182 0.394172 0.137097 -0.830384
+-0.394172 0.369182 0.191113 -0.81964
+-0.417473 0.342612 0.244311 -0.805385
+-0.438987 0.314574 0.296463 -0.787682
+-0.458622 0.285189 0.347345 -0.766606
+-0.476292 0.254583 0.396739 -0.742247
+-0.491923 0.222887 0.444435 -0.71471
+-0.505447 0.190237 0.490228 -0.684112
+-0.516807 0.156772 0.533921 -0.650585
+-0.525954 0.122635 0.575329 -0.614272
+-0.532848 0.0879736 0.614272 -0.575329
+-0.537461 0.0529353 0.650585 -0.533921
+-0.539773 0.0176704 0.684112 -0.490228
+0.577041 0.0188904 -0.732294 0.361127
+0.57457 0.0565902 -0.754344 0.31246
+0.569639 0.0940477 -0.773165 0.262454
+0.562268 0.131103 -0.788675 0.211325
+0.55249 0.167596 -0.800808 0.159291
+0.540346 0.203372 -0.809511 0.106574
+0.525887 0.238277 -0.814748 0.0534014
+0.509177 0.272161 -0.816497 -1.72366e-08
+0.490287 0.30488 -0.814748 -0.0534014
+0.469297 0.336294 -0.809511 -0.106574
+0.446298 0.366267 -0.800808 -0.159291
+0.421387 0.394672 -0.788675 -0.211325
+0.394672 0.421387 -0.773165 -0.262454
+0.366267 0.446298 -0.754344 -0.31246
+0.336294 0.469297 -0.732294 -0.361127
+0.30488 0.490287 -0.707107 -0.408248
+0.272161 0.509178 -0.678892 -0.453621
+0.238276 0.525887 -0.64777 -0.497052
+0.203372 0.540346 -0.613875 -0.538354
+0.167596 0.55249 -0.57735 -0.57735
+0.131103 0.562268 -0.538354 -0.613875
+0.0940477 0.569639 -0.497052 -0.64777
+0.0565902 0.57457 -0.453621 -0.678892
+0.0188903 0.577041 -0.408248 -0.707107
+-0.0188904 0.577041 -0.361127 -0.732294
+-0.0565903 0.57457 -0.31246 -0.754345
+-0.0940478 0.569639 -0.262454 -0.773165
+-0.131103 0.562268 -0.211325 -0.788675
+-0.167596 0.55249 -0.15929 -0.800808
+-0.203372 0.540346 -0.106574 -0.809511
+-0.238277 0.525887 -0.0534013 -0.814748
+-0.272161 0.509178 -9.30742e-08 -0.816497
+-0.30488 0.490287 0.0534014 -0.814748
+-0.336294 0.469297 0.106574 -0.809511
+-0.366267 0.446298 0.159291 -0.800808
+-0.394672 0.421387 0.211325 -0.788675
+-0.421387 0.394672 0.262454 -0.773165
+-0.446298 0.366267 0.31246 -0.754344
+-0.469297 0.336294 0.361127 -0.732294
+-0.490287 0.30488 0.408248 -0.707107
+-0.509177 0.272161 0.453621 -0.678892
+-0.525887 0.238277 0.497052 -0.64777
+-0.540346 0.203372 0.538354 -0.613875
+-0.55249 0.167596 0.57735 -0.57735
+-0.562268 0.131103 0.613875 -0.538354
+-0.569639 0.0940478 0.64777 -0.497052
+-0.57457 0.0565902 0.678892 -0.453621
+-0.577041 0.0188904 0.707107 -0.408248
+0.577041 0.0188904 -0.64777 0.497052
+0.57457 0.0565902 -0.678892 0.453621
+0.569639 0.0940477 -0.707107 0.408248
+0.562268 0.131103 -0.732294 0.361127
+0.55249 0.167596 -0.754344 0.31246
+0.540346 0.203372 -0.773165 0.262454
+0.525887 0.238277 -0.788675 0.211325
+0.509177 0.272161 -0.800808 0.159291
+0.490287 0.30488 -0.809511 0.106574
+0.469297 0.336294 -0.814748 0.0534014
+0.446298 0.366267 -0.816497 1.48024e-08
+0.421387 0.394672 -0.814748 -0.0534015
+0.394672 0.421387 -0.809511 -0.106574
+0.366267 0.446298 -0.800808 -0.159291
+0.336294 0.469297 -0.788675 -0.211325
+0.30488 0.490287 -0.773165 -0.262454
+0.272161 0.509178 -0.754344 -0.31246
+0.238276 0.525887 -0.732294 -0.361127
+0.203372 0.540346 -0.707107 -0.408248
+0.167596 0.55249 -0.678892 -0.453621
+0.131103 0.562268 -0.64777 -0.497052
+0.0940477 0.569639 -0.613875 -0.538354
+0.0565902 0.57457 -0.57735 -0.57735
+0.0188903 0.577041 -0.538354 -0.613875
+-0.0188904 0.577041 -0.497052 -0.64777
+-0.0565903 0.57457 -0.453621 -0.678892
+-0.0940478 0.569639 -0.408248 -0.707107
+-0.131103 0.562268 -0.361127 -0.732294
+-0.167596 0.55249 -0.31246 -0.754345
+-0.203372 0.540346 -0.262454 -0.773165
+-0.238277 0.525887 -0.211325 -0.788675
+-0.272161 0.509178 -0.159291 -0.800808
+-0.30488 0.490287 -0.106574 -0.809511
+-0.336294 0.469297 -0.0534014 -0.814748
+-0.366267 0.446298 -2.77792e-08 -0.816497
+-0.394672 0.421387 0.0534015 -0.814748
+-0.421387 0.394672 0.106574 -0.809511
+-0.446298 0.366267 0.159291 -0.800808
+-0.469297 0.336294 0.211325 -0.788675
+-0.490287 0.30488 0.262454 -0.773165
+-0.509177 0.272161 0.31246 -0.754345
+-0.525887 0.238277 0.361127 -0.732294
+-0.540346 0.203372 0.408248 -0.707107
+-0.55249 0.167596 0.453621 -0.678892
+-0.562268 0.131103 0.497052 -0.64777
+-0.569639 0.0940478 0.538354 -0.613875
+-0.57457 0.0565902 0.57735 -0.57735
+-0.577041 0.0188904 0.613875 -0.538354
+0.612045 0.0200363 -0.671353 0.417474
+0.609424 0.060023 -0.69722 0.372672
+0.604193 0.0997527 -0.720101 0.326274
+0.596375 0.139055 -0.739899 0.278478
+0.586004 0.177762 -0.756528 0.22949
+0.573123 0.215708 -0.769917 0.17952
+0.557788 0.25273 -0.78001 0.12878
+0.540064 0.28867 -0.786763 0.0774893
+0.520028 0.323374 -0.790146 0.0258667
+0.497765 0.356693 -0.790146 -0.0258667
+0.47337 0.388485 -0.786763 -0.0774893
+0.446949 0.418613 -0.78001 -0.12878
+0.418613 0.446949 -0.769917 -0.17952
+0.388485 0.47337 -0.756528 -0.22949
+0.356693 0.497765 -0.739899 -0.278478
+0.323374 0.520028 -0.720101 -0.326274
+0.28867 0.540064 -0.69722 -0.372672
+0.25273 0.557788 -0.671353 -0.417474
+0.215708 0.573123 -0.642612 -0.460489
+0.177762 0.586004 -0.611118 -0.501532
+0.139055 0.596375 -0.577008 -0.540427
+0.0997526 0.604193 -0.540427 -0.577008
+0.0600229 0.609424 -0.501532 -0.611118
+0.0200362 0.612045 -0.460489 -0.642612
+-0.0200363 0.612045 -0.417474 -0.671353
+-0.060023 0.609424 -0.372672 -0.69722
+-0.0997527 0.604193 -0.326274 -0.720101
+-0.139055 0.596375 -0.278478 -0.739899
+-0.177762 0.586004 -0.22949 -0.756528
+-0.215708 0.573123 -0.179519 -0.769917
+-0.25273 0.557788 -0.12878 -0.78001
+-0.28867 0.540064 -0.0774894 -0.786763
+-0.323374 0.520028 -0.0258667 -0.790146
+-0.356693 0.497765 0.0258668 -0.790146
+-0.388485 0.47337 0.0774893 -0.786763
+-0.418613 0.446949 0.12878 -0.78001
+-0.446949 0.418613 0.17952 -0.769917
+-0.47337 0.388485 0.22949 -0.756528
+-0.497765 0.356693 0.278478 -0.739899
+-0.520028 0.323374 0.326274 -0.720101
+-0.540064 0.28867 0.372672 -0.69722
+-0.557788 0.25273 0.417474 -0.671353
+-0.573123 0.215708 0.460489 -0.642612
+-0.586004 0.177762 0.501532 -0.611118
+-0.596375 0.139055 0.540427 -0.577008
+-0.604193 0.0997527 0.577008 -0.540427
+-0.609424 0.060023 0.611118 -0.501532
+-0.612045 0.0200363 0.642612 -0.460489
+0.539773 0.0176703 -0.490228 0.684112
+0.537461 0.0529353 -0.533922 0.650585
+0.532848 0.0879736 -0.575329 0.614272
+0.525954 0.122635 -0.614272 0.575329
+0.516807 0.156772 -0.650585 0.533922
+0.505447 0.190237 -0.684112 0.490228
+0.491923 0.222887 -0.71471 0.444435
+0.476292 0.254583 -0.742247 0.396739
+0.458622 0.285189 -0.766606 0.347345
+0.438987 0.314574 -0.787682 0.296463
+0.417473 0.342612 -0.805385 0.244311
+0.394172 0.369182 -0.81964 0.191113
+0.369182 0.394172 -0.830384 0.137097
+0.342612 0.417473 -0.837573 0.0824937
+0.314574 0.438987 -0.841175 0.0275372
+0.285189 0.458622 -0.841175 -0.0275373
+0.254583 0.476292 -0.837573 -0.0824938
+0.222887 0.491923 -0.830384 -0.137097
+0.190237 0.505447 -0.81964 -0.191113
+0.156772 0.516807 -0.805385 -0.244311
+0.122635 0.525954 -0.787682 -0.296463
+0.0879735 0.532848 -0.766606 -0.347345
+0.0529352 0.537461 -0.742247 -0.39674
+0.0176703 0.539773 -0.71471 -0.444435
+-0.0176704 0.539773 -0.684112 -0.490228
+-0.0529354 0.537461 -0.650585 -0.533922
+-0.0879736 0.532848 -0.614272 -0.575329
+-0.122635 0.525954 -0.575329 -0.614272
+-0.156772 0.516807 -0.533921 -0.650585
+-0.190237 0.505447 -0.490228 -0.684112
+-0.222887 0.491923 -0.444435 -0.71471
+-0.254583 0.476292 -0.39674 -0.742247
+-0.285189 0.458622 -0.347345 -0.766606
+-0.314574 0.438987 -0.296463 -0.787682
+-0.342612 0.417473 -0.244311 -0.805385
+-0.369182 0.394172 -0.191113 -0.81964
+-0.394172 0.369182 -0.137097 -0.830384
+-0.417473 0.342612 -0.0824937 -0.837573
+-0.438987 0.314574 -0.0275373 -0.841175
+-0.458622 0.285189 0.0275372 -0.841175
+-0.476292 0.254583 0.0824936 -0.837573
+-0.491923 0.222887 0.137097 -0.830384
+-0.505447 0.190237 0.191113 -0.81964
+-0.516807 0.156772 0.244311 -0.805385
+-0.525954 0.122635 0.296463 -0.787682
+-0.532848 0.0879736 0.347345 -0.766606
+-0.537461 0.0529353 0.39674 -0.742247
+-0.539773 0.0176704 0.444435 -0.71471
+0.577041 0.0188904 -0.538354 0.613875
+0.57457 0.0565902 -0.57735 0.57735
+0.569639 0.0940477 -0.613875 0.538354
+0.562268 0.131103 -0.64777 0.497052
+0.55249 0.167596 -0.678892 0.453621
+0.540346 0.203372 -0.707107 0.408248
+0.525887 0.238277 -0.732294 0.361127
+0.509177 0.272161 -0.754344 0.31246
+0.490287 0.30488 -0.773165 0.262454
+0.469297 0.336294 -0.788675 0.211325
+0.446298 0.366267 -0.800808 0.159291
+0.421387 0.394672 -0.809511 0.106574
+0.394672 0.421387 -0.814748 0.0534014
+0.366267 0.446298 -0.816497 -1.82562e-09
+0.336294 0.469297 -0.814748 -0.0534015
+0.30488 0.490287 -0.809511 -0.106574
+0.272161 0.509178 -0.800808 -0.159291
+0.238276 0.525887 -0.788675 -0.211325
+0.203372 0.540346 -0.773165 -0.262454
+0.167596 0.55249 -0.754344 -0.31246
+0.131103 0.562268 -0.732294 -0.361127
+0.0940477 0.569639 -0.707107 -0.408248
+0.0565902 0.57457 -0.678892 -0.453621
+0.0188903 0.577041 -0.64777 -0.497052
+-0.0188904 0.577041 -0.613875 -0.538354
+-0.0565903 0.57457 -0.57735 -0.57735
+-0.0940478 0.569639 -0.538354 -0.613875
+-0.131103 0.562268 -0.497052 -0.64777
+-0.167596 0.55249 -0.453621 -0.678892
+-0.203372 0.540346 -0.408248 -0.707107
+-0.238277 0.525887 -0.361127 -0.732294
+-0.272161 0.509178 -0.31246 -0.754344
+-0.30488 0.490287 -0.262454 -0.773165
+-0.336294 0.469297 -0.211325 -0.788675
+-0.366267 0.446298 -0.159291 -0.800808
+-0.394672 0.421387 -0.106574 -0.809511
+-0.421387 0.394672 -0.0534015 -0.814748
+-0.446298 0.366267 3.75158e-08 -0.816497
+-0.469297 0.336294 0.0534014 -0.814748
+-0.490287 0.30488 0.106574 -0.809511
+-0.509177 0.272161 0.15929 -0.800808
+-0.525887 0.238277 0.211325 -0.788675
+-0.540346 0.203372 0.262454 -0.773165
+-0.55249 0.167596 0.31246 -0.754344
+-0.562268 0.131103 0.361127 -0.732294
+-0.569639 0.0940478 0.408248 -0.707107
+-0.57457 0.0565902 0.453621 -0.678892
+-0.577041 0.0188904 0.497052 -0.64777
+0.577041 0.0188904 -0.408248 0.707107
+0.57457 0.0565902 -0.453621 0.678892
+0.569639 0.0940477 -0.497052 0.64777
+0.562268 0.131103 -0.538354 0.613875
+0.55249 0.167596 -0.57735 0.57735
+0.540346 0.203372 -0.613875 0.538354
+0.525887 0.238277 -0.64777 0.497052
+0.509177 0.272161 -0.678892 0.453621
+0.490287 0.30488 -0.707107 0.408248
+0.469297 0.336294 -0.732294 0.361127
+0.446298 0.366267 -0.754344 0.31246
+0.421387 0.394672 -0.773165 0.262454
+0.394672 0.421387 -0.788675 0.211325
+0.366267 0.446298 -0.800808 0.159291
+0.336294 0.469297 -0.809511 0.106574
+0.30488 0.490287 -0.814748 0.0534014
+0.272161 0.509178 -0.816497 -6.71206e-08
+0.238276 0.525887 -0.814748 -0.0534015
+0.203372 0.540346 -0.809511 -0.106574
+0.167596 0.55249 -0.800808 -0.159291
+0.131103 0.562268 -0.788675 -0.211325
+0.0940477 0.569639 -0.773165 -0.262454
+0.0565902 0.57457 -0.754344 -0.31246
+0.0188903 0.577041 -0.732293 -0.361127
+-0.0188904 0.577041 -0.707107 -0.408248
+-0.0565903 0.57457 -0.678892 -0.453621
+-0.0940478 0.569639 -0.64777 -0.497052
+-0.131103 0.562268 -0.613875 -0.538354
+-0.167596 0.55249 -0.57735 -0.57735
+-0.203372 0.540346 -0.538354 -0.613875
+-0.238277 0.525887 -0.497052 -0.64777
+-0.272161 0.509178 -0.453621 -0.678892
+-0.30488 0.490287 -0.408248 -0.707107
+-0.336294 0.469297 -0.361127 -0.732294
+-0.366267 0.446298 -0.31246 -0.754344
+-0.394672 0.421387 -0.262454 -0.773165
+-0.421387 0.394672 -0.211325 -0.788675
+-0.446298 0.366267 -0.159291 -0.800808
+-0.469297 0.336294 -0.106574 -0.809511
+-0.490287 0.30488 -0.0534014 -0.814748
+-0.509177 0.272161 -9.18571e-08 -0.816497
+-0.525887 0.238277 0.0534014 -0.814748
+-0.540346 0.203372 0.106574 -0.809511
+-0.55249 0.167596 0.159291 -0.800808
+-0.562268 0.131103 0.211325 -0.788675
+-0.569639 0.0940478 0.262454 -0.773165
+-0.57457 0.0565902 0.31246 -0.754344
+-0.577041 0.0188904 0.361127 -0.732294
+0.612045 0.0200363 -0.460489 0.642612
+0.609424 0.060023 -0.501532 0.611118
+0.604193 0.0997527 -0.540427 0.577008
+0.596375 0.139055 -0.577008 0.540427
+0.586004 0.177762 -0.611118 0.501532
+0.573123 0.215708 -0.642612 0.460489
+0.557788 0.25273 -0.671353 0.417474
+0.540064 0.28867 -0.69722 0.372672
+0.520028 0.323374 -0.720101 0.326274
+0.497765 0.356693 -0.739899 0.278478
+0.47337 0.388485 -0.756528 0.22949
+0.446949 0.418613 -0.769917 0.17952
+0.418613 0.446949 -0.78001 0.12878
+0.388485 0.47337 -0.786763 0.0774894
+0.356693 0.497765 -0.790146 0.0258667
+0.323374 0.520028 -0.790146 -0.0258668
+0.28867 0.540064 -0.786763 -0.0774894
+0.25273 0.557788 -0.78001 -0.12878
+0.215708 0.573123 -0.769917 -0.17952
+0.177762 0.586004 -0.756528 -0.22949
+0.139055 0.596375 -0.739899 -0.278478
+0.0997526 0.604193 -0.720101 -0.326274
+0.0600229 0.609424 -0.69722 -0.372672
+0.0200362 0.612045 -0.671353 -0.417474
+-0.0200363 0.612045 -0.642612 -0.460489
+-0.060023 0.609424 -0.611118 -0.501532
+-0.0997527 0.604193 -0.577008 -0.540427
+-0.139055 0.596375 -0.540427 -0.577008
+-0.177762 0.586004 -0.501532 -0.611119
+-0.215708 0.573123 -0.460489 -0.642612
+-0.25273 0.557788 -0.417474 -0.671353
+-0.28867 0.540064 -0.372672 -0.69722
+-0.323374 0.520028 -0.326274 -0.720101
+-0.356693 0.497765 -0.278478 -0.739899
+-0.388485 0.47337 -0.22949 -0.756528
+-0.418613 0.446949 -0.179519 -0.769917
+-0.446949 0.418613 -0.12878 -0.78001
+-0.47337 0.388485 -0.0774893 -0.786763
+-0.497765 0.356693 -0.0258668 -0.790146
+-0.520028 0.323374 0.0258667 -0.790146
+-0.540064 0.28867 0.0774893 -0.786763
+-0.557788 0.25273 0.12878 -0.78001
+-0.573123 0.215708 0.17952 -0.769917
+-0.586004 0.177762 0.22949 -0.756528
+-0.596375 0.139055 0.278478 -0.739899
+-0.604193 0.0997527 0.326274 -0.720101
+-0.609424 0.060023 0.372672 -0.69722
+-0.612045 0.0200363 0.417474 -0.671353
+0.612045 0.0200363 -0.577008 0.540427
+0.609424 0.060023 -0.611118 0.501532
+0.604193 0.0997527 -0.642612 0.460489
+0.596375 0.139055 -0.671353 0.417474
+0.586004 0.177762 -0.69722 0.372672
+0.573123 0.215708 -0.720101 0.326274
+0.557788 0.25273 -0.739899 0.278478
+0.540064 0.28867 -0.756528 0.22949
+0.520028 0.323374 -0.769917 0.17952
+0.497765 0.356693 -0.78001 0.12878
+0.47337 0.388485 -0.786763 0.0774894
+0.446949 0.418613 -0.790146 0.0258667
+0.418613 0.446949 -0.790146 -0.0258667
+0.388485 0.47337 -0.786763 -0.0774894
+0.356693 0.497765 -0.78001 -0.12878
+0.323374 0.520028 -0.769917 -0.17952
+0.28867 0.540064 -0.756528 -0.22949
+0.25273 0.557788 -0.739899 -0.278478
+0.215708 0.573123 -0.720101 -0.326274
+0.177762 0.586004 -0.69722 -0.372672
+0.139055 0.596375 -0.671353 -0.417474
+0.0997526 0.604193 -0.642612 -0.460489
+0.0600229 0.609424 -0.611118 -0.501532
+0.0200362 0.612045 -0.577008 -0.540427
+-0.0200363 0.612045 -0.540427 -0.577008
+-0.060023 0.609424 -0.501532 -0.611118
+-0.0997527 0.604193 -0.460489 -0.642612
+-0.139055 0.596375 -0.417474 -0.671353
+-0.177762 0.586004 -0.372672 -0.69722
+-0.215708 0.573123 -0.326273 -0.720101
+-0.25273 0.557788 -0.278478 -0.739899
+-0.28867 0.540064 -0.22949 -0.756528
+-0.323374 0.520028 -0.17952 -0.769917
+-0.356693 0.497765 -0.12878 -0.78001
+-0.388485 0.47337 -0.0774894 -0.786763
+-0.418613 0.446949 -0.0258666 -0.790146
+-0.446949 0.418613 0.0258667 -0.790146
+-0.47337 0.388485 0.0774894 -0.786763
+-0.497765 0.356693 0.12878 -0.78001
+-0.520028 0.323374 0.17952 -0.769917
+-0.540064 0.28867 0.22949 -0.756528
+-0.557788 0.25273 0.278478 -0.739899
+-0.573123 0.215708 0.326274 -0.720101
+-0.586004 0.177762 0.372672 -0.69722
+-0.596375 0.139055 0.417474 -0.671353
+-0.604193 0.0997527 0.460489 -0.642612
+-0.609424 0.060023 0.501532 -0.611118
+-0.612045 0.0200363 0.540427 -0.577008
+0.645152 0.0211201 -0.605934 0.464949
+0.642389 0.0632698 -0.635045 0.424324
+0.636876 0.105149 -0.661438 0.381881
+0.628635 0.146577 -0.684998 0.337804
+0.617702 0.187378 -0.705625 0.292279
+0.604125 0.227376 -0.72323 0.245503
+0.58796 0.266401 -0.737738 0.197676
+0.569278 0.304285 -0.749087 0.149003
+0.548158 0.340866 -0.757229 0.099691
+0.52469 0.375988 -0.762127 0.0499525
+0.498976 0.409499 -0.763763 1.38464e-08
+0.471125 0.441257 -0.762127 -0.0499525
+0.441257 0.471125 -0.757229 -0.099691
+0.409499 0.498976 -0.749087 -0.149003
+0.375988 0.52469 -0.737738 -0.197676
+0.340866 0.548158 -0.72323 -0.245504
+0.304285 0.569278 -0.705625 -0.292279
+0.266401 0.58796 -0.684998 -0.337804
+0.227376 0.604125 -0.661438 -0.381881
+0.187378 0.617702 -0.635045 -0.424324
+0.146577 0.628635 -0.605934 -0.464949
+0.105148 0.636876 -0.574227 -0.503584
+0.0632697 0.642389 -0.540062 -0.540062
+0.02112 0.645152 -0.503584 -0.574227
+-0.0211201 0.645152 -0.464949 -0.605934
+-0.0632698 0.642389 -0.424324 -0.635045
+-0.105149 0.636876 -0.381881 -0.661438
+-0.146577 0.628635 -0.337804 -0.684998
+-0.187378 0.617702 -0.292279 -0.705625
+-0.227377 0.604125 -0.245503 -0.72323
+-0.266401 0.58796 -0.197676 -0.737738
+-0.304285 0.569278 -0.149003 -0.749087
+-0.340866 0.548158 -0.099691 -0.757229
+-0.375988 0.52469 -0.0499524 -0.762127
+-0.409499 0.498976 -2.59851e-08 -0.763763
+-0.441257 0.471125 0.0499525 -0.762127
+-0.471125 0.441257 0.099691 -0.757229
+-0.498976 0.409499 0.149003 -0.749087
+-0.52469 0.375988 0.197676 -0.737738
+-0.548158 0.340866 0.245503 -0.72323
+-0.569278 0.304285 0.292279 -0.705625
+-0.58796 0.266401 0.337804 -0.684998
+-0.604125 0.227376 0.381881 -0.661438
+-0.617702 0.187378 0.424324 -0.635045
+-0.628635 0.146577 0.464949 -0.605934
+-0.636876 0.105149 0.503584 -0.574227
+-0.642389 0.0632698 0.540062 -0.540062
+-0.645152 0.0211201 0.574227 -0.503584
+0.645152 0.0211201 -0.503584 0.574227
+0.642389 0.0632698 -0.540062 0.540062
+0.636876 0.105149 -0.574227 0.503584
+0.628635 0.146577 -0.605934 0.464949
+0.617702 0.187378 -0.635045 0.424324
+0.604125 0.227376 -0.661438 0.381881
+0.58796 0.266401 -0.684998 0.337804
+0.569278 0.304285 -0.705625 0.292279
+0.548158 0.340866 -0.72323 0.245503
+0.52469 0.375988 -0.737738 0.197676
+0.498976 0.409499 -0.749087 0.149003
+0.471125 0.441257 -0.757229 0.099691
+0.441257 0.471125 -0.762127 0.0499525
+0.409499 0.498976 -0.763763 -1.70771e-09
+0.375988 0.52469 -0.762127 -0.0499525
+0.340866 0.548158 -0.757229 -0.0996911
+0.304285 0.569278 -0.749087 -0.149003
+0.266401 0.58796 -0.737738 -0.197676
+0.227376 0.604125 -0.72323 -0.245503
+0.187378 0.617702 -0.705625 -0.292279
+0.146577 0.628635 -0.684998 -0.337804
+0.105148 0.636876 -0.661438 -0.381881
+0.0632697 0.642389 -0.635045 -0.424324
+0.02112 0.645152 -0.605934 -0.464949
+-0.0211201 0.645152 -0.574227 -0.503584
+-0.0632698 0.642389 -0.540062 -0.540062
+-0.105149 0.636876 -0.503584 -0.574227
+-0.146577 0.628635 -0.464949 -0.605934
+-0.187378 0.617702 -0.424324 -0.635045
+-0.227377 0.604125 -0.381881 -0.661438
+-0.266401 0.58796 -0.337803 -0.684998
+-0.304285 0.569278 -0.292279 -0.705625
+-0.340866 0.548158 -0.245503 -0.72323
+-0.375988 0.52469 -0.197676 -0.737738
+-0.409499 0.498976 -0.149003 -0.749087
+-0.441257 0.471125 -0.099691 -0.757229
+-0.471125 0.441257 -0.0499525 -0.762127
+-0.498976 0.409499 3.50928e-08 -0.763763
+-0.52469 0.375988 0.0499524 -0.762127
+-0.548158 0.340866 0.099691 -0.757229
+-0.569278 0.304285 0.149003 -0.749087
+-0.58796 0.266401 0.197676 -0.737738
+-0.604125 0.227376 0.245504 -0.72323
+-0.617702 0.187378 0.292279 -0.705625
+-0.628635 0.146577 0.337804 -0.684998
+-0.636876 0.105149 0.381881 -0.661438
+-0.642389 0.0632698 0.424324 -0.635045
+-0.645152 0.0211201 0.464949 -0.605934
+0.676641 0.0221509 -0.537165 0.50311
+0.673743 0.0663579 -0.56892 0.466901
+0.667961 0.110281 -0.598239 0.428692
+0.659318 0.153731 -0.624996 0.388647
+0.647852 0.196524 -0.649076 0.346939
+0.633611 0.238474 -0.670378 0.303744
+0.616658 0.279404 -0.688808 0.259249
+0.597064 0.319137 -0.704289 0.213644
+0.574913 0.357504 -0.716754 0.167124
+0.5503 0.394339 -0.72615 0.119888
+0.523331 0.429486 -0.732436 0.0721387
+0.49412 0.462794 -0.735586 0.0240806
+0.462794 0.49412 -0.735586 -0.0240806
+0.429486 0.523331 -0.732436 -0.0721387
+0.394339 0.5503 -0.72615 -0.119888
+0.357504 0.574913 -0.716754 -0.167124
+0.319137 0.597064 -0.704289 -0.213644
+0.279404 0.616658 -0.688808 -0.259249
+0.238474 0.633611 -0.670378 -0.303744
+0.196524 0.647852 -0.649076 -0.346939
+0.153731 0.659318 -0.624996 -0.388647
+0.110281 0.667961 -0.598239 -0.428692
+0.0663578 0.673743 -0.56892 -0.466901
+0.0221508 0.676641 -0.537165 -0.50311
+-0.022151 0.676641 -0.50311 -0.537165
+-0.066358 0.673743 -0.466901 -0.56892
+-0.110281 0.667961 -0.428692 -0.598239
+-0.153731 0.659318 -0.388647 -0.624996
+-0.196524 0.647852 -0.346938 -0.649077
+-0.238475 0.633611 -0.303744 -0.670378
+-0.279404 0.616658 -0.259249 -0.688808
+-0.319137 0.597064 -0.213644 -0.704289
+-0.357504 0.574913 -0.167124 -0.716754
+-0.394339 0.5503 -0.119888 -0.72615
+-0.429486 0.523331 -0.0721387 -0.732436
+-0.462794 0.49412 -0.0240805 -0.735586
+-0.49412 0.462794 0.0240805 -0.735586
+-0.523331 0.429486 0.0721387 -0.732436
+-0.5503 0.394339 0.119888 -0.72615
+-0.574913 0.357504 0.167124 -0.716754
+-0.597063 0.319137 0.213644 -0.704289
+-0.616658 0.279404 0.259249 -0.688808
+-0.633611 0.238474 0.303744 -0.670378
+-0.647852 0.196524 0.346939 -0.649076
+-0.659318 0.153731 0.388647 -0.624996
+-0.667961 0.110281 0.428692 -0.598239
+-0.673743 0.0663579 0.466901 -0.56892
+-0.676641 0.022151 0.50311 -0.537165
+0.0510037 0.00166969 -0.682702 -0.728913
+0.0507853 0.00500192 -0.633567 -0.772003
+0.0503494 0.00831272 -0.581719 -0.811788
+0.049698 0.0115879 -0.52738 -0.848096
+0.0488337 0.0148135 -0.470783 -0.880772
+0.0477602 0.0179757 -0.412169 -0.909677
+0.0464823 0.0210609 -0.351791 -0.934687
+0.0450054 0.0240559 -0.289906 -0.955694
+0.0433357 0.0269479 -0.22678 -0.972608
+0.0414804 0.0297244 -0.162683 -0.985358
+0.0394475 0.0323737 -0.0978894 -0.993888
+0.0372457 0.0348844 -0.0326764 -0.998162
+0.0348844 0.0372457 0.0326765 -0.998162
+0.0323737 0.0394475 0.0978894 -0.993888
+0.0297244 0.0414804 0.162683 -0.985358
+0.0269478 0.0433357 0.22678 -0.972608
+0.0240559 0.0450054 0.289907 -0.955693
+0.0210609 0.0464823 0.351791 -0.934686
+0.0179757 0.0477603 0.412169 -0.909677
+0.0148135 0.0488337 0.470783 -0.880772
+0.0115879 0.049698 0.52738 -0.848096
+0.00831272 0.0503494 0.581719 -0.811788
+0.00500191 0.0507853 0.633567 -0.772003
+0.00166968 0.0510037 0.682702 -0.728913
+-0.00166969 0.0510037 0.728913 -0.682702
+-0.00500192 0.0507853 0.772003 -0.633567
+-0.00831273 0.0503494 0.811788 -0.581719
+-0.0115879 0.049698 0.848096 -0.52738
+-0.0148135 0.0488337 0.880772 -0.470782
+-0.0179757 0.0477602 0.909677 -0.412169
+-0.0210609 0.0464823 0.934687 -0.351791
+-0.0240559 0.0450054 0.955693 -0.289907
+-0.0269478 0.0433357 0.972608 -0.22678
+-0.0297244 0.0414804 0.985358 -0.162683
+-0.0323737 0.0394475 0.993888 -0.0978895
+-0.0348844 0.0372457 0.998162 -0.0326764
+-0.0372457 0.0348844 0.998162 0.0326764
+-0.0394475 0.0323737 0.993888 0.0978895
+-0.0414804 0.0297244 0.985358 0.162683
+-0.0433357 0.0269478 0.972608 0.22678
+-0.0450054 0.0240559 0.955694 0.289906
+-0.0464823 0.0210609 0.934687 0.351791
+-0.0477603 0.0179757 0.909677 0.412169
+-0.0488337 0.0148135 0.880772 0.470783
+-0.049698 0.0115879 0.848096 0.52738
+-0.0503494 0.00831273 0.811788 0.581719
+-0.0507853 0.00500191 0.772003 0.633567
+-0.0510037 0.00166969 0.728913 0.682702
+0.102007 0.00333938 -0.350411 -0.931019
+0.101571 0.0100038 -0.288769 -0.951943
+0.100699 0.0166254 -0.22589 -0.968791
+0.0993959 0.0231759 -0.162045 -0.981491
+0.0976673 0.0296271 -0.0975053 -0.989988
+0.0955205 0.0359514 -0.0325482 -0.994245
+0.0929646 0.0421217 0.0325482 -0.994245
+0.0900107 0.0481117 0.0975053 -0.989988
+0.0866713 0.0538957 0.162045 -0.981491
+0.0829608 0.0594489 0.22589 -0.968791
+0.0788951 0.0647475 0.288769 -0.951943
+0.0744914 0.0697688 0.350411 -0.931019
+0.0697688 0.0744914 0.410552 -0.906107
+0.0647475 0.078895 0.468935 -0.877316
+0.0594489 0.0829608 0.52531 -0.844768
+0.0538957 0.0866713 0.579436 -0.808602
+0.0481117 0.0900107 0.631081 -0.768974
+0.0421217 0.0929647 0.680023 -0.726053
+0.0359514 0.0955205 0.726053 -0.680023
+0.0296271 0.0976673 0.768974 -0.63108
+0.0231759 0.0993959 0.808602 -0.579436
+0.0166254 0.100699 0.844768 -0.52531
+0.0100038 0.101571 0.877316 -0.468935
+0.00333937 0.102007 0.906107 -0.410552
+-0.00333939 0.102007 0.931019 -0.350411
+-0.0100038 0.101571 0.951943 -0.288769
+-0.0166255 0.100699 0.968791 -0.22589
+-0.0231759 0.0993959 0.981491 -0.162045
+-0.0296271 0.0976673 0.989988 -0.0975051
+-0.0359514 0.0955205 0.994245 -0.0325481
+-0.0421217 0.0929646 0.994245 0.0325484
+-0.0481117 0.0900107 0.989988 0.0975052
+-0.0538957 0.0866713 0.981491 0.162045
+-0.0594489 0.0829608 0.968791 0.225891
+-0.0647475 0.0788951 0.951943 0.288769
+-0.0697689 0.0744914 0.931019 0.350411
+-0.0744914 0.0697689 0.906107 0.410552
+-0.0788951 0.0647475 0.877316 0.468935
+-0.0829608 0.0594489 0.844768 0.52531
+-0.0866713 0.0538957 0.808602 0.579436
+-0.0900107 0.0481117 0.768974 0.63108
+-0.0929646 0.0421217 0.726053 0.680023
+-0.0955205 0.0359514 0.680023 0.726053
+-0.0976673 0.0296271 0.631081 0.768974
+-0.0993959 0.0231759 0.579436 0.808602
+-0.100699 0.0166255 0.52531 0.844768
+-0.101571 0.0100038 0.468935 0.877316
+-0.102007 0.00333939 0.410552 0.906107
+0.102007 0.00333938 -0.906107 -0.410552
+0.101571 0.0100038 -0.877316 -0.468935
+0.100699 0.0166254 -0.844768 -0.52531
+0.0993959 0.0231759 -0.808602 -0.579436
+0.0976673 0.0296271 -0.768974 -0.631081
+0.0955205 0.0359514 -0.726053 -0.680023
+0.0929646 0.0421217 -0.680023 -0.726053
+0.0900107 0.0481117 -0.63108 -0.768974
+0.0866713 0.0538957 -0.579436 -0.808602
+0.0829608 0.0594489 -0.52531 -0.844768
+0.0788951 0.0647475 -0.468935 -0.877316
+0.0744914 0.0697688 -0.410552 -0.906107
+0.0697688 0.0744914 -0.350411 -0.931019
+0.0647475 0.078895 -0.288769 -0.951943
+0.0594489 0.0829608 -0.22589 -0.968791
+0.0538957 0.0866713 -0.162045 -0.981491
+0.0481117 0.0900107 -0.0975052 -0.989988
+0.0421217 0.0929647 -0.0325482 -0.994245
+0.0359514 0.0955205 0.0325483 -0.994245
+0.0296271 0.0976673 0.0975053 -0.989988
+0.0231759 0.0993959 0.162045 -0.981491
+0.0166254 0.100699 0.225891 -0.968791
+0.0100038 0.101571 0.288769 -0.951943
+0.00333937 0.102007 0.350411 -0.931019
+-0.00333939 0.102007 0.410552 -0.906107
+-0.0100038 0.101571 0.468935 -0.877316
+-0.0166255 0.100699 0.52531 -0.844768
+-0.0231759 0.0993959 0.579436 -0.808602
+-0.0296271 0.0976673 0.631081 -0.768974
+-0.0359514 0.0955205 0.680023 -0.726053
+-0.0421217 0.0929646 0.726053 -0.680023
+-0.0481117 0.0900107 0.768974 -0.631081
+-0.0538957 0.0866713 0.808602 -0.579436
+-0.0594489 0.0829608 0.844768 -0.52531
+-0.0647475 0.0788951 0.877316 -0.468935
+-0.0697689 0.0744914 0.906107 -0.410552
+-0.0744914 0.0697689 0.931019 -0.350411
+-0.0788951 0.0647475 0.951943 -0.288769
+-0.0829608 0.0594489 0.968791 -0.225891
+-0.0866713 0.0538957 0.981491 -0.162045
+-0.0900107 0.0481117 0.989988 -0.0975054
+-0.0929646 0.0421217 0.994245 -0.0325482
+-0.0955205 0.0359514 0.994245 0.0325483
+-0.0976673 0.0296271 0.989988 0.0975053
+-0.0993959 0.0231759 0.981491 0.162045
+-0.100699 0.0166255 0.968791 0.22589
+-0.101571 0.0100038 0.951943 0.288769
+-0.102007 0.00333939 0.931019 0.350411
+0.153011 0.00500907 -0.675534 -0.72126
+0.152356 0.0150057 -0.626915 -0.763898
+0.151048 0.0249382 -0.575611 -0.803265
+0.149094 0.0347638 -0.521843 -0.839192
+0.146501 0.0444406 -0.46584 -0.871525
+0.143281 0.0539271 -0.407842 -0.900126
+0.139447 0.0631826 -0.348098 -0.924873
+0.135016 0.0721676 -0.286863 -0.94566
+0.130007 0.0808436 -0.224399 -0.962397
+0.124441 0.0891733 -0.160975 -0.975013
+0.118343 0.0971212 -0.0968617 -0.983453
+0.111737 0.104653 -0.0323334 -0.987683
+0.104653 0.111737 0.0323334 -0.987683
+0.0971212 0.118343 0.0968617 -0.983453
+0.0891733 0.124441 0.160975 -0.975013
+0.0808435 0.130007 0.2244 -0.962397
+0.0721676 0.135016 0.286863 -0.94566
+0.0631826 0.139447 0.348098 -0.924873
+0.053927 0.143281 0.407842 -0.900126
+0.0444406 0.146501 0.46584 -0.871525
+0.0347638 0.149094 0.521843 -0.839192
+0.0249382 0.151048 0.575611 -0.803265
+0.0150057 0.152356 0.626915 -0.763898
+0.00500905 0.153011 0.675534 -0.72126
+-0.00500908 0.153011 0.72126 -0.675534
+-0.0150058 0.152356 0.763898 -0.626915
+-0.0249382 0.151048 0.803265 -0.575611
+-0.0347638 0.149094 0.839192 -0.521843
+-0.0444406 0.146501 0.871525 -0.46584
+-0.0539271 0.143281 0.900126 -0.407842
+-0.0631826 0.139447 0.924873 -0.348098
+-0.0721676 0.135016 0.94566 -0.286863
+-0.0808435 0.130007 0.962397 -0.224399
+-0.0891733 0.124441 0.975013 -0.160975
+-0.0971212 0.118343 0.983453 -0.0968617
+-0.104653 0.111737 0.987683 -0.0323333
+-0.111737 0.104653 0.987683 0.0323333
+-0.118343 0.0971212 0.983453 0.0968617
+-0.124441 0.0891733 0.975013 0.160975
+-0.130007 0.0808435 0.962397 0.224399
+-0.135016 0.0721676 0.94566 0.286863
+-0.139447 0.0631826 0.924873 0.348098
+-0.143281 0.053927 0.900126 0.407842
+-0.146501 0.0444406 0.871525 0.46584
+-0.149094 0.0347638 0.839192 0.521843
+-0.151048 0.0249382 0.803265 0.575611
+-0.152356 0.0150057 0.763898 0.626915
+-0.153011 0.00500908 0.72126 0.675534
+0.153011 0.00500907 -0.224399 -0.962397
+0.152356 0.0150057 -0.160975 -0.975013
+0.151048 0.0249382 -0.0968617 -0.983453
+0.149094 0.0347638 -0.0323334 -0.987683
+0.146501 0.0444406 0.0323334 -0.987683
+0.143281 0.0539271 0.0968617 -0.983453
+0.139447 0.0631826 0.160975 -0.975013
+0.135016 0.0721676 0.224399 -0.962397
+0.130007 0.0808436 0.286863 -0.94566
+0.124441 0.0891733 0.348098 -0.924873
+0.118343 0.0971212 0.407842 -0.900126
+0.111737 0.104653 0.46584 -0.871525
+0.104653 0.111737 0.521843 -0.839192
+0.0971212 0.118343 0.575611 -0.803265
+0.0891733 0.124441 0.626915 -0.763898
+0.0808435 0.130007 0.675534 -0.72126
+0.0721676 0.135016 0.72126 -0.675534
+0.0631826 0.139447 0.763898 -0.626915
+0.053927 0.143281 0.803265 -0.575611
+0.0444406 0.146501 0.839192 -0.521843
+0.0347638 0.149094 0.871525 -0.46584
+0.0249382 0.151048 0.900126 -0.407842
+0.0150057 0.152356 0.924873 -0.348098
+0.00500905 0.153011 0.94566 -0.286863
+-0.00500908 0.153011 0.962397 -0.224399
+-0.0150058 0.152356 0.975013 -0.160975
+-0.0249382 0.151048 0.983453 -0.0968616
+-0.0347638 0.149094 0.987683 -0.0323333
+-0.0444406 0.146501 0.987683 0.0323335
+-0.0539271 0.143281 0.983453 0.0968618
+-0.0631826 0.139447 0.975013 0.160975
+-0.0721676 0.135016 0.962397 0.224399
+-0.0808435 0.130007 0.94566 0.286863
+-0.0891733 0.124441 0.924873 0.348098
+-0.0971212 0.118343 0.900126 0.407842
+-0.104653 0.111737 0.871525 0.46584
+-0.111737 0.104653 0.839192 0.521843
+-0.118343 0.0971212 0.803265 0.575611
+-0.124441 0.0891733 0.763898 0.626915
+-0.130007 0.0808435 0.72126 0.675534
+-0.135016 0.0721676 0.675534 0.72126
+-0.139447 0.0631826 0.626915 0.763898
+-0.143281 0.053927 0.575611 0.803265
+-0.146501 0.0444406 0.521843 0.839192
+-0.149094 0.0347638 0.46584 0.871525
+-0.151048 0.0249382 0.407842 0.900126
+-0.152356 0.0150057 0.348098 0.924873
+-0.153011 0.00500908 0.286863 0.94566
+0.204015 0.00667875 -0.159466 -0.96587
+0.203141 0.0200077 -0.0959534 -0.974231
+0.201398 0.0332509 -0.0320302 -0.978421
+0.198792 0.0463518 0.0320302 -0.978421
+0.195335 0.0592541 0.0959534 -0.974231
+0.191041 0.0719027 0.159466 -0.96587
+0.185929 0.0842435 0.222295 -0.953372
+0.180021 0.0962235 0.284173 -0.936792
+0.173343 0.107791 0.344833 -0.9162
+0.165922 0.118898 0.404017 -0.891686
+0.15779 0.129495 0.461471 -0.863352
+0.148983 0.139538 0.516949 -0.831322
+0.139538 0.148983 0.570214 -0.795732
+0.129495 0.15779 0.621036 -0.756735
+0.118898 0.165922 0.669199 -0.714497
+0.107791 0.173343 0.714497 -0.669199
+0.0962234 0.180021 0.756735 -0.621036
+0.0842435 0.185929 0.795732 -0.570214
+0.0719027 0.191041 0.831322 -0.516949
+0.0592541 0.195335 0.863352 -0.461471
+0.0463517 0.198792 0.891686 -0.404017
+0.0332509 0.201398 0.9162 -0.344833
+0.0200076 0.203141 0.936792 -0.284173
+0.00667873 0.204015 0.953372 -0.222295
+-0.00667877 0.204015 0.96587 -0.159466
+-0.0200077 0.203141 0.974231 -0.0959533
+-0.0332509 0.201398 0.978421 -0.0320301
+-0.0463518 0.198792 0.978421 0.0320302
+-0.0592541 0.195335 0.974231 0.0959535
+-0.0719028 0.191041 0.96587 0.159466
+-0.0842435 0.185929 0.953372 0.222295
+-0.0962234 0.180021 0.936792 0.284173
+-0.107791 0.173343 0.9162 0.344833
+-0.118898 0.165922 0.891686 0.404018
+-0.129495 0.15779 0.863352 0.461471
+-0.139538 0.148983 0.831322 0.516949
+-0.148983 0.139538 0.795732 0.570214
+-0.15779 0.129495 0.756735 0.621036
+-0.165922 0.118898 0.714497 0.669199
+-0.173343 0.107791 0.669199 0.714497
+-0.180021 0.0962235 0.621036 0.756735
+-0.185929 0.0842435 0.570214 0.795732
+-0.191041 0.0719027 0.516949 0.831322
+-0.195335 0.0592541 0.461472 0.863352
+-0.198792 0.0463517 0.404017 0.891686
+-0.201398 0.0332509 0.344833 0.9162
+-0.203141 0.0200077 0.284173 0.936792
+-0.204015 0.00667877 0.222295 0.953372
+0.204015 0.00667875 -0.516949 -0.831322
+0.203141 0.0200077 -0.461471 -0.863352
+0.201398 0.0332509 -0.404017 -0.891686
+0.198792 0.0463518 -0.344833 -0.9162
+0.195335 0.0592541 -0.284173 -0.936792
+0.191041 0.0719027 -0.222295 -0.953372
+0.185929 0.0842435 -0.159466 -0.96587
+0.180021 0.0962235 -0.0959534 -0.974231
+0.173343 0.107791 -0.0320302 -0.978421
+0.165922 0.118898 0.0320302 -0.978421
+0.15779 0.129495 0.0959534 -0.974231
+0.148983 0.139538 0.159466 -0.96587
+0.139538 0.148983 0.222295 -0.953372
+0.129495 0.15779 0.284173 -0.936792
+0.118898 0.165922 0.344833 -0.9162
+0.107791 0.173343 0.404018 -0.891686
+0.0962234 0.180021 0.461472 -0.863352
+0.0842435 0.185929 0.516949 -0.831322
+0.0719027 0.191041 0.570214 -0.795732
+0.0592541 0.195335 0.621036 -0.756735
+0.0463517 0.198792 0.669199 -0.714497
+0.0332509 0.201398 0.714497 -0.669199
+0.0200076 0.203141 0.756735 -0.621036
+0.00667873 0.204015 0.795732 -0.570214
+-0.00667877 0.204015 0.831322 -0.516949
+-0.0200077 0.203141 0.863352 -0.461471
+-0.0332509 0.201398 0.891686 -0.404017
+-0.0463518 0.198792 0.9162 -0.344833
+-0.0592541 0.195335 0.936792 -0.284173
+-0.0719028 0.191041 0.953372 -0.222295
+-0.0842435 0.185929 0.96587 -0.159466
+-0.0962234 0.180021 0.974231 -0.0959535
+-0.107791 0.173343 0.978421 -0.0320302
+-0.118898 0.165922 0.978421 0.0320303
+-0.129495 0.15779 0.974231 0.0959534
+-0.139538 0.148983 0.96587 0.159466
+-0.148983 0.139538 0.953372 0.222295
+-0.15779 0.129495 0.936792 0.284173
+-0.165922 0.118898 0.9162 0.344833
+-0.173343 0.107791 0.891686 0.404018
+-0.180021 0.0962235 0.863352 0.461471
+-0.185929 0.0842435 0.831322 0.516949
+-0.191041 0.0719027 0.795732 0.570214
+-0.195335 0.0592541 0.756735 0.621036
+-0.198792 0.0463517 0.714497 0.669199
+-0.201398 0.0332509 0.669199 0.714497
+-0.203141 0.0200077 0.621036 0.756735
+-0.204015 0.00667877 0.570214 0.795732
+0.255019 0.00834844 -0.41054 -0.875416
+0.253927 0.0250096 -0.352407 -0.900392
+0.251747 0.0415636 -0.292764 -0.921513
+0.24849 0.0579397 -0.231867 -0.938687
+0.244168 0.0740676 -0.169977 -0.951842
+0.238801 0.0898784 -0.10736 -0.960921
+0.232412 0.105304 -0.0442829 -0.965886
+0.225027 0.120279 0.0189838 -0.966714
+0.216678 0.134739 0.0821693 -0.963402
+0.207402 0.148622 0.145003 -0.955965
+0.197238 0.161869 0.207216 -0.944435
+0.186229 0.174422 0.268541 -0.92886
+0.174422 0.186229 0.328716 -0.909308
+0.161869 0.197238 0.387484 -0.885862
+0.148622 0.207402 0.444593 -0.858623
+0.134739 0.216678 0.499797 -0.827707
+0.120279 0.225027 0.552862 -0.793246
+0.105304 0.232412 0.603559 -0.755389
+0.0898784 0.238801 0.651671 -0.714297
+0.0740676 0.244168 0.696993 -0.670146
+0.0579397 0.24849 0.739331 -0.623126
+0.0415636 0.251747 0.778502 -0.573437
+0.0250096 0.253927 0.81434 -0.521293
+0.00834842 0.255019 0.846691 -0.466916
+-0.00834847 0.255019 0.875416 -0.41054
+-0.0250096 0.253927 0.900392 -0.352406
+-0.0415636 0.251747 0.921513 -0.292764
+-0.0579397 0.24849 0.938687 -0.231867
+-0.0740677 0.244168 0.951842 -0.169977
+-0.0898785 0.238801 0.960921 -0.10736
+-0.105304 0.232412 0.965886 -0.0442828
+-0.120279 0.225027 0.966714 0.0189837
+-0.134739 0.216678 0.963402 0.0821693
+-0.148622 0.207402 0.955965 0.145003
+-0.161869 0.197238 0.944435 0.207216
+-0.174422 0.186229 0.92886 0.268541
+-0.186229 0.174422 0.909308 0.328716
+-0.197238 0.161869 0.885862 0.387484
+-0.207402 0.148622 0.858623 0.444593
+-0.216678 0.134739 0.827707 0.499797
+-0.225027 0.120279 0.793246 0.552862
+-0.232412 0.105304 0.755389 0.603559
+-0.238801 0.0898784 0.714297 0.651672
+-0.244168 0.0740676 0.670146 0.696993
+-0.24849 0.0579397 0.623126 0.739331
+-0.251747 0.0415636 0.573437 0.778502
+-0.253927 0.0250096 0.521293 0.81434
+-0.255019 0.00834847 0.466916 0.846691
+0.153011 0.00500907 -0.94566 -0.286863
+0.152356 0.0150057 -0.924873 -0.348098
+0.151048 0.0249382 -0.900126 -0.407842
+0.149094 0.0347638 -0.871525 -0.46584
+0.146501 0.0444406 -0.839192 -0.521843
+0.143281 0.0539271 -0.803265 -0.575611
+0.139447 0.0631826 -0.763898 -0.626915
+0.135016 0.0721676 -0.72126 -0.675534
+0.130007 0.0808436 -0.675534 -0.72126
+0.124441 0.0891733 -0.626915 -0.763898
+0.118343 0.0971212 -0.575611 -0.803265
+0.111737 0.104653 -0.521843 -0.839192
+0.104653 0.111737 -0.46584 -0.871525
+0.0971212 0.118343 -0.407842 -0.900126
+0.0891733 0.124441 -0.348098 -0.924873
+0.0808435 0.130007 -0.286863 -0.94566
+0.0721676 0.135016 -0.224399 -0.962397
+0.0631826 0.139447 -0.160975 -0.975013
+0.053927 0.143281 -0.0968616 -0.983453
+0.0444406 0.146501 -0.0323333 -0.987683
+0.0347638 0.149094 0.0323334 -0.987683
+0.0249382 0.151048 0.0968618 -0.983453
+0.0150057 0.152356 0.160975 -0.975013
+0.00500905 0.153011 0.2244 -0.962397
+-0.00500908 0.153011 0.286863 -0.94566
+-0.0150058 0.152356 0.348098 -0.924873
+-0.0249382 0.151048 0.407842 -0.900126
+-0.0347638 0.149094 0.46584 -0.871525
+-0.0444406 0.146501 0.521843 -0.839192
+-0.0539271 0.143281 0.575611 -0.803265
+-0.0631826 0.139447 0.626915 -0.763898
+-0.0721676 0.135016 0.675534 -0.72126
+-0.0808435 0.130007 0.72126 -0.675534
+-0.0891733 0.124441 0.763898 -0.626915
+-0.0971212 0.118343 0.803265 -0.575611
+-0.104653 0.111737 0.839192 -0.521843
+-0.111737 0.104653 0.871525 -0.46584
+-0.118343 0.0971212 0.900126 -0.407842
+-0.124441 0.0891733 0.924873 -0.348098
+-0.130007 0.0808435 0.94566 -0.286863
+-0.135016 0.0721676 0.962397 -0.2244
+-0.139447 0.0631826 0.975013 -0.160975
+-0.143281 0.053927 0.983453 -0.0968616
+-0.146501 0.0444406 0.987683 -0.0323334
+-0.149094 0.0347638 0.987683 0.0323335
+-0.151048 0.0249382 0.983453 0.0968616
+-0.152356 0.0150057 0.975013 0.160975
+-0.153011 0.00500908 0.962397 0.224399
+0.204015 0.00667875 -0.795732 -0.570214
+0.203141 0.0200077 -0.756735 -0.621036
+0.201398 0.0332509 -0.714497 -0.669199
+0.198792 0.0463518 -0.669199 -0.714497
+0.195335 0.0592541 -0.621036 -0.756735
+0.191041 0.0719027 -0.570214 -0.795732
+0.185929 0.0842435 -0.516949 -0.831322
+0.180021 0.0962235 -0.461471 -0.863352
+0.173343 0.107791 -0.404017 -0.891686
+0.165922 0.118898 -0.344833 -0.9162
+0.15779 0.129495 -0.284173 -0.936792
+0.148983 0.139538 -0.222295 -0.953372
+0.139538 0.148983 -0.159466 -0.96587
+0.129495 0.15779 -0.0959534 -0.974231
+0.118898 0.165922 -0.0320301 -0.978421
+0.107791 0.173343 0.0320303 -0.978421
+0.0962234 0.180021 0.0959535 -0.974231
+0.0842435 0.185929 0.159466 -0.96587
+0.0719027 0.191041 0.222295 -0.953372
+0.0592541 0.195335 0.284173 -0.936792
+0.0463517 0.198792 0.344833 -0.9162
+0.0332509 0.201398 0.404018 -0.891686
+0.0200076 0.203141 0.461472 -0.863352
+0.00667873 0.204015 0.516949 -0.831322
+-0.00667877 0.204015 0.570214 -0.795732
+-0.0200077 0.203141 0.621036 -0.756735
+-0.0332509 0.201398 0.669199 -0.714497
+-0.0463518 0.198792 0.714497 -0.669199
+-0.0592541 0.195335 0.756735 -0.621036
+-0.0719028 0.191041 0.795732 -0.570214
+-0.0842435 0.185929 0.831322 -0.516949
+-0.0962234 0.180021 0.863352 -0.461472
+-0.107791 0.173343 0.891686 -0.404017
+-0.118898 0.165922 0.9162 -0.344833
+-0.129495 0.15779 0.936792 -0.284173
+-0.139538 0.148983 0.953372 -0.222295
+-0.148983 0.139538 0.96587 -0.159466
+-0.15779 0.129495 0.974231 -0.0959533
+-0.165922 0.118898 0.978421 -0.0320303
+-0.173343 0.107791 0.978421 0.0320302
+-0.180021 0.0962235 0.974231 0.0959533
+-0.185929 0.0842435 0.96587 0.159466
+-0.191041 0.0719027 0.953372 0.222295
+-0.195335 0.0592541 0.936792 0.284173
+-0.198792 0.0463517 0.9162 0.344833
+-0.201398 0.0332509 0.891686 0.404017
+-0.203141 0.0200077 0.863352 0.461472
+-0.204015 0.00667877 0.831322 0.516949
+0.204015 0.00667875 -0.953372 -0.222295
+0.203141 0.0200077 -0.936792 -0.284173
+0.201398 0.0332509 -0.9162 -0.344833
+0.198792 0.0463518 -0.891686 -0.404017
+0.195335 0.0592541 -0.863352 -0.461471
+0.191041 0.0719027 -0.831322 -0.516949
+0.185929 0.0842435 -0.795732 -0.570214
+0.180021 0.0962235 -0.756735 -0.621036
+0.173343 0.107791 -0.714497 -0.669199
+0.165922 0.118898 -0.669199 -0.714497
+0.15779 0.129495 -0.621036 -0.756735
+0.148983 0.139538 -0.570214 -0.795732
+0.139538 0.148983 -0.516949 -0.831322
+0.129495 0.15779 -0.461471 -0.863352
+0.118898 0.165922 -0.404017 -0.891686
+0.107791 0.173343 -0.344833 -0.9162
+0.0962234 0.180021 -0.284173 -0.936792
+0.0842435 0.185929 -0.222295 -0.953372
+0.0719027 0.191041 -0.159466 -0.96587
+0.0592541 0.195335 -0.0959533 -0.974231
+0.0463517 0.198792 -0.0320302 -0.978421
+0.0332509 0.201398 0.0320303 -0.978421
+0.0200076 0.203141 0.0959535 -0.974231
+0.00667873 0.204015 0.159466 -0.96587
+-0.00667877 0.204015 0.222295 -0.953372
+-0.0200077 0.203141 0.284173 -0.936792
+-0.0332509 0.201398 0.344833 -0.9162
+-0.0463518 0.198792 0.404018 -0.891686
+-0.0592541 0.195335 0.461472 -0.863352
+-0.0719028 0.191041 0.51695 -0.831322
+-0.0842435 0.185929 0.570214 -0.795732
+-0.0962234 0.180021 0.621036 -0.756735
+-0.107791 0.173343 0.669199 -0.714497
+-0.118898 0.165922 0.714497 -0.669199
+-0.129495 0.15779 0.756735 -0.621036
+-0.139538 0.148983 0.795732 -0.570214
+-0.148983 0.139538 0.831322 -0.516949
+-0.15779 0.129495 0.863352 -0.461471
+-0.165922 0.118898 0.891686 -0.404018
+-0.173343 0.107791 0.9162 -0.344833
+-0.180021 0.0962235 0.936792 -0.284173
+-0.185929 0.0842435 0.953372 -0.222295
+-0.191041 0.0719027 0.96587 -0.159466
+-0.195335 0.0592541 0.974231 -0.0959534
+-0.198792 0.0463517 0.978421 -0.0320301
+-0.201398 0.0332509 0.978421 0.0320301
+-0.203141 0.0200077 0.974231 0.0959534
+-0.204015 0.00667877 0.96587 0.159466
+0.255019 0.00834844 -0.846691 -0.466916
+0.253927 0.0250096 -0.81434 -0.521293
+0.251747 0.0415636 -0.778502 -0.573437
+0.24849 0.0579397 -0.739331 -0.623126
+0.244168 0.0740676 -0.696993 -0.670146
+0.238801 0.0898784 -0.651671 -0.714297
+0.232412 0.105304 -0.603559 -0.755389
+0.225027 0.120279 -0.552862 -0.793246
+0.216678 0.134739 -0.499797 -0.827707
+0.207402 0.148622 -0.444593 -0.858623
+0.197238 0.161869 -0.387484 -0.885862
+0.186229 0.174422 -0.328716 -0.909308
+0.174422 0.186229 -0.268541 -0.92886
+0.161869 0.197238 -0.207216 -0.944435
+0.148622 0.207402 -0.145003 -0.955965
+0.134739 0.216678 -0.0821692 -0.963402
+0.120279 0.225027 -0.0189837 -0.966714
+0.105304 0.232412 0.044283 -0.965886
+0.0898784 0.238801 0.10736 -0.960921
+0.0740676 0.244168 0.169977 -0.951842
+0.0579397 0.24849 0.231867 -0.938687
+0.0415636 0.251747 0.292764 -0.921512
+0.0250096 0.253927 0.352407 -0.900392
+0.00834842 0.255019 0.410541 -0.875415
+-0.00834847 0.255019 0.466916 -0.846691
+-0.0250096 0.253927 0.521293 -0.81434
+-0.0415636 0.251747 0.573437 -0.778502
+-0.0579397 0.24849 0.623126 -0.739331
+-0.0740677 0.244168 0.670146 -0.696993
+-0.0898785 0.238801 0.714297 -0.651671
+-0.105304 0.232412 0.755389 -0.603559
+-0.120279 0.225027 0.793246 -0.552862
+-0.134739 0.216678 0.827707 -0.499797
+-0.148622 0.207402 0.858623 -0.444593
+-0.161869 0.197238 0.885862 -0.387484
+-0.174422 0.186229 0.909308 -0.328716
+-0.186229 0.174422 0.92886 -0.268541
+-0.197238 0.161869 0.944435 -0.207216
+-0.207402 0.148622 0.955965 -0.145003
+-0.216678 0.134739 0.963402 -0.0821693
+-0.225027 0.120279 0.966714 -0.0189839
+-0.232412 0.105304 0.965886 0.0442829
+-0.238801 0.0898784 0.960921 0.10736
+-0.244168 0.0740676 0.951842 0.169977
+-0.24849 0.0579397 0.938687 0.231867
+-0.251747 0.0415636 0.921513 0.292764
+-0.253927 0.0250096 0.900392 0.352407
+-0.255019 0.00834847 0.875416 0.41054
+0.255019 0.00834844 -0.660965 -0.705706
+0.253927 0.0250096 -0.613395 -0.747424
+0.251747 0.0415636 -0.563198 -0.785942
+0.24849 0.0579397 -0.510589 -0.821094
+0.244168 0.0740676 -0.455794 -0.85273
+0.238801 0.0898784 -0.399046 -0.880714
+0.232412 0.105304 -0.340591 -0.904928
+0.225027 0.120279 -0.280676 -0.925266
+0.216678 0.134739 -0.21956 -0.941642
+0.207402 0.148622 -0.157504 -0.953986
+0.197238 0.161869 -0.0947728 -0.962244
+0.186229 0.174422 -0.0316361 -0.966382
+0.174422 0.186229 0.0316361 -0.966382
+0.161869 0.197238 0.0947728 -0.962244
+0.148622 0.207402 0.157504 -0.953986
+0.134739 0.216678 0.21956 -0.941642
+0.120279 0.225027 0.280676 -0.925266
+0.105304 0.232412 0.340591 -0.904928
+0.0898784 0.238801 0.399047 -0.880714
+0.0740676 0.244168 0.455794 -0.85273
+0.0579397 0.24849 0.510589 -0.821094
+0.0415636 0.251747 0.563198 -0.785941
+0.0250096 0.253927 0.613395 -0.747424
+0.00834842 0.255019 0.660966 -0.705706
+-0.00834847 0.255019 0.705706 -0.660965
+-0.0250096 0.253927 0.747424 -0.613395
+-0.0415636 0.251747 0.785942 -0.563198
+-0.0579397 0.24849 0.821094 -0.510589
+-0.0740677 0.244168 0.85273 -0.455793
+-0.0898785 0.238801 0.880714 -0.399046
+-0.105304 0.232412 0.904928 -0.34059
+-0.120279 0.225027 0.925266 -0.280676
+-0.134739 0.216678 0.941642 -0.21956
+-0.148622 0.207402 0.953986 -0.157504
+-0.161869 0.197238 0.962244 -0.0947728
+-0.174422 0.186229 0.966382 -0.031636
+-0.186229 0.174422 0.966382 0.031636
+-0.197238 0.161869 0.962244 0.0947728
+-0.207402 0.148622 0.953986 0.157504
+-0.216678 0.134739 0.941642 0.21956
+-0.225027 0.120279 0.925266 0.280676
+-0.232412 0.105304 0.904928 0.340591
+-0.238801 0.0898784 0.880714 0.399047
+-0.244168 0.0740676 0.85273 0.455794
+-0.24849 0.0579397 0.821094 0.510589
+-0.251747 0.0415636 0.785942 0.563198
+-0.253927 0.0250096 0.747424 0.613395
+-0.255019 0.00834847 0.705706 0.660965
+0.306022 0.0100181 -0.554502 -0.773807
+0.304712 0.0300115 -0.502706 -0.808416
+0.302097 0.0498763 -0.448756 -0.839564
+0.298188 0.0695276 -0.392885 -0.867117
+0.293002 0.0888812 -0.335332 -0.890956
+0.286561 0.107854 -0.276343 -0.91098
+0.278894 0.126365 -0.21617 -0.927103
+0.270032 0.144335 -0.155072 -0.939256
+0.260014 0.161687 -0.0933095 -0.947388
+0.248882 0.178347 -0.0311476 -0.951462
+0.236685 0.194242 0.0311476 -0.951462
+0.223474 0.209307 0.0933096 -0.947388
+0.209307 0.223474 0.155072 -0.939256
+0.194242 0.236685 0.21617 -0.927103
+0.178347 0.248882 0.276343 -0.91098
+0.161687 0.260014 0.335332 -0.890956
+0.144335 0.270032 0.392885 -0.867116
+0.126365 0.278894 0.448756 -0.839564
+0.107854 0.286562 0.502706 -0.808416
+0.0888812 0.293002 0.554502 -0.773807
+0.0695276 0.298188 0.603924 -0.735884
+0.0498763 0.302097 0.650761 -0.69481
+0.0300115 0.304712 0.69481 -0.65076
+0.0100181 0.306022 0.735884 -0.603924
+-0.0100182 0.306022 0.773807 -0.554502
+-0.0300115 0.304712 0.808416 -0.502706
+-0.0498764 0.302097 0.839564 -0.448756
+-0.0695276 0.298188 0.867117 -0.392885
+-0.0888812 0.293002 0.890956 -0.335332
+-0.107854 0.286561 0.91098 -0.276343
+-0.126365 0.278894 0.927103 -0.21617
+-0.144335 0.270032 0.939256 -0.155072
+-0.161687 0.260014 0.947388 -0.0933095
+-0.178347 0.248882 0.951462 -0.0311475
+-0.194242 0.236685 0.951462 0.0311476
+-0.209307 0.223474 0.947388 0.0933096
+-0.223474 0.209307 0.939256 0.155072
+-0.236685 0.194242 0.927103 0.21617
+-0.248882 0.178347 0.91098 0.276343
+-0.260014 0.161687 0.890956 0.335332
+-0.270032 0.144335 0.867117 0.392885
+-0.278894 0.126365 0.839564 0.448756
+-0.286562 0.107854 0.808416 0.502706
+-0.293002 0.0888812 0.773807 0.554502
+-0.298188 0.0695276 0.735884 0.603924
+-0.302097 0.0498764 0.69481 0.65076
+-0.304712 0.0300115 0.65076 0.69481
+-0.306022 0.0100182 0.603924 0.735884
+0.306022 0.0100181 -0.735884 -0.603924
+0.304712 0.0300115 -0.69481 -0.65076
+0.302097 0.0498763 -0.65076 -0.69481
+0.298188 0.0695276 -0.603924 -0.735884
+0.293002 0.0888812 -0.554502 -0.773807
+0.286561 0.107854 -0.502706 -0.808416
+0.278894 0.126365 -0.448756 -0.839564
+0.270032 0.144335 -0.392885 -0.867117
+0.260014 0.161687 -0.335332 -0.890956
+0.248882 0.178347 -0.276343 -0.91098
+0.236685 0.194242 -0.21617 -0.927103
+0.223474 0.209307 -0.155072 -0.939256
+0.209307 0.223474 -0.0933095 -0.947388
+0.194242 0.236685 -0.0311476 -0.951462
+0.178347 0.248882 0.0311477 -0.951462
+0.161687 0.260014 0.0933096 -0.947388
+0.144335 0.270032 0.155072 -0.939256
+0.126365 0.278894 0.21617 -0.927103
+0.107854 0.286562 0.276343 -0.91098
+0.0888812 0.293002 0.335332 -0.890956
+0.0695276 0.298188 0.392885 -0.867117
+0.0498763 0.302097 0.448756 -0.839564
+0.0300115 0.304712 0.502706 -0.808416
+0.0100181 0.306022 0.554502 -0.773807
+-0.0100182 0.306022 0.603924 -0.735884
+-0.0300115 0.304712 0.650761 -0.69481
+-0.0498764 0.302097 0.69481 -0.65076
+-0.0695276 0.298188 0.735884 -0.603924
+-0.0888812 0.293002 0.773807 -0.554502
+-0.107854 0.286561 0.808416 -0.502705
+-0.126365 0.278894 0.839564 -0.448756
+-0.144335 0.270032 0.867116 -0.392885
+-0.161687 0.260014 0.890956 -0.335332
+-0.178347 0.248882 0.91098 -0.276343
+-0.194242 0.236685 0.927103 -0.21617
+-0.209307 0.223474 0.939256 -0.155072
+-0.223474 0.209307 0.947388 -0.0933096
+-0.236685 0.194242 0.951462 -0.0311476
+-0.248882 0.178347 0.951462 0.0311476
+-0.260014 0.161687 0.947388 0.0933096
+-0.270032 0.144335 0.939256 0.155072
+-0.278894 0.126365 0.927103 0.21617
+-0.286562 0.107854 0.91098 0.276343
+-0.293002 0.0888812 0.890956 0.335332
+-0.298188 0.0695276 0.867116 0.392885
+-0.302097 0.0498764 0.839564 0.448756
+-0.304712 0.0300115 0.808416 0.502706
+-0.306022 0.0100182 0.773807 0.554502
+0.357026 0.0116878 -0.63849 -0.681709
+0.355497 0.0350134 -0.592537 -0.722008
+0.352446 0.0581891 -0.544047 -0.759216
+0.347886 0.0811156 -0.493227 -0.793173
+0.341836 0.103695 -0.440295 -0.823733
+0.334322 0.12583 -0.385477 -0.850766
+0.325376 0.147426 -0.329009 -0.874156
+0.315037 0.168391 -0.271132 -0.893803
+0.30335 0.188635 -0.212094 -0.909622
+0.290363 0.208071 -0.152148 -0.921546
+0.276133 0.226616 -0.0915501 -0.929524
+0.26072 0.244191 -0.0305603 -0.933521
+0.244191 0.26072 0.0305603 -0.933521
+0.226616 0.276133 0.0915501 -0.929524
+0.208071 0.290363 0.152148 -0.921546
+0.188635 0.30335 0.212094 -0.909622
+0.168391 0.315038 0.271132 -0.893803
+0.147426 0.325376 0.329009 -0.874156
+0.12583 0.334322 0.385477 -0.850766
+0.103695 0.341836 0.440295 -0.823733
+0.0811155 0.347886 0.493227 -0.793173
+0.058189 0.352446 0.544047 -0.759216
+0.0350134 0.355497 0.592537 -0.722008
+0.0116878 0.357026 0.63849 -0.681709
+-0.0116879 0.357026 0.681709 -0.63849
+-0.0350134 0.355497 0.722008 -0.592537
+-0.0581891 0.352446 0.759216 -0.544047
+-0.0811156 0.347886 0.793173 -0.493227
+-0.103695 0.341836 0.823733 -0.440294
+-0.12583 0.334322 0.850766 -0.385477
+-0.147426 0.325376 0.874156 -0.329009
+-0.168391 0.315038 0.893803 -0.271132
+-0.188635 0.30335 0.909622 -0.212094
+-0.208071 0.290363 0.921546 -0.152148
+-0.226616 0.276133 0.929524 -0.0915501
+-0.244191 0.26072 0.933521 -0.0305603
+-0.26072 0.244191 0.933521 0.0305603
+-0.276133 0.226616 0.929524 0.0915501
+-0.290363 0.208071 0.921546 0.152148
+-0.30335 0.188635 0.909622 0.212094
+-0.315037 0.168391 0.893803 0.271132
+-0.325376 0.147426 0.874156 0.329009
+-0.334322 0.12583 0.850766 0.385477
+-0.341836 0.103695 0.823733 0.440295
+-0.347886 0.0811155 0.793173 0.493227
+-0.352446 0.0581891 0.759216 0.544047
+-0.355497 0.0350134 0.722008 0.592537
+-0.357026 0.0116879 0.681709 0.63849
+0.255019 0.00834844 -0.119929 -0.959434
+0.253927 0.0250096 -0.0569222 -0.965223
+0.251747 0.0415636 0.0063283 -0.966879
+0.24849 0.0579397 0.0695517 -0.964395
+0.244168 0.0740676 0.132477 -0.957782
+0.238801 0.0898784 0.194836 -0.947067
+0.232412 0.105304 0.256359 -0.932296
+0.225027 0.120279 0.316786 -0.913533
+0.216678 0.134739 0.375855 -0.890858
+0.207402 0.148622 0.433316 -0.864369
+0.197238 0.161869 0.48892 -0.834178
+0.186229 0.174422 0.542431 -0.800415
+0.174422 0.186229 0.593619 -0.763225
+0.161869 0.197238 0.642266 -0.722766
+0.148622 0.207402 0.688162 -0.679212
+0.134739 0.216678 0.731111 -0.63275
+0.120279 0.225027 0.770929 -0.583578
+0.105304 0.232412 0.807447 -0.531908
+0.0898784 0.238801 0.840506 -0.477959
+0.0740676 0.244168 0.869967 -0.421964
+0.0579397 0.24849 0.895702 -0.364162
+0.0415636 0.251747 0.917601 -0.304801
+0.0250096 0.253927 0.935572 -0.244134
+0.00834842 0.255019 0.949536 -0.182422
+-0.00834847 0.255019 0.959434 -0.119929
+-0.0250096 0.253927 0.965223 -0.0569221
+-0.0415636 0.251747 0.966879 0.00632837
+-0.0579397 0.24849 0.964395 0.0695517
+-0.0740677 0.244168 0.957782 0.132477
+-0.0898785 0.238801 0.947066 0.194836
+-0.105304 0.232412 0.932296 0.25636
+-0.120279 0.225027 0.913533 0.316786
+-0.134739 0.216678 0.890858 0.375855
+-0.148622 0.207402 0.864369 0.433316
+-0.161869 0.197238 0.834178 0.48892
+-0.174422 0.186229 0.800415 0.542431
+-0.186229 0.174422 0.763225 0.593619
+-0.197238 0.161869 0.722766 0.642266
+-0.207402 0.148622 0.679212 0.688162
+-0.216678 0.134739 0.63275 0.731111
+-0.225027 0.120279 0.583578 0.770929
+-0.232412 0.105304 0.531908 0.807447
+-0.238801 0.0898784 0.477959 0.840506
+-0.244168 0.0740676 0.421964 0.869967
+-0.24849 0.0579397 0.364162 0.895702
+-0.251747 0.0415636 0.304801 0.917601
+-0.253927 0.0250096 0.244134 0.935572
+-0.255019 0.00834847 0.182422 0.949536
+0.306022 0.0100181 -0.0933095 -0.947388
+0.304712 0.0300115 -0.0311476 -0.951462
+0.302097 0.0498763 0.0311476 -0.951462
+0.298188 0.0695276 0.0933096 -0.947388
+0.293002 0.0888812 0.155072 -0.939256
+0.286561 0.107854 0.21617 -0.927103
+0.278894 0.126365 0.276343 -0.91098
+0.270032 0.144335 0.335332 -0.890956
+0.260014 0.161687 0.392885 -0.867117
+0.248882 0.178347 0.448756 -0.839564
+0.236685 0.194242 0.502706 -0.808416
+0.223474 0.209307 0.554502 -0.773807
+0.209307 0.223474 0.603924 -0.735884
+0.194242 0.236685 0.65076 -0.69481
+0.178347 0.248882 0.69481 -0.65076
+0.161687 0.260014 0.735884 -0.603924
+0.144335 0.270032 0.773807 -0.554502
+0.126365 0.278894 0.808416 -0.502706
+0.107854 0.286562 0.839564 -0.448756
+0.0888812 0.293002 0.867117 -0.392885
+0.0695276 0.298188 0.890956 -0.335332
+0.0498763 0.302097 0.91098 -0.276343
+0.0300115 0.304712 0.927103 -0.21617
+0.0100181 0.306022 0.939256 -0.155072
+-0.0100182 0.306022 0.947388 -0.0933094
+-0.0300115 0.304712 0.951462 -0.0311476
+-0.0498764 0.302097 0.951462 0.0311477
+-0.0695276 0.298188 0.947388 0.0933096
+-0.0888812 0.293002 0.939256 0.155072
+-0.107854 0.286561 0.927103 0.21617
+-0.126365 0.278894 0.91098 0.276343
+-0.144335 0.270032 0.890956 0.335332
+-0.161687 0.260014 0.867117 0.392885
+-0.178347 0.248882 0.839564 0.448756
+-0.194242 0.236685 0.808416 0.502706
+-0.209307 0.223474 0.773807 0.554502
+-0.223474 0.209307 0.735884 0.603924
+-0.236685 0.194242 0.69481 0.650761
+-0.248882 0.178347 0.650761 0.69481
+-0.260014 0.161687 0.603924 0.735884
+-0.270032 0.144335 0.554502 0.773807
+-0.278894 0.126365 0.502706 0.808416
+-0.286562 0.107854 0.448756 0.839564
+-0.293002 0.0888812 0.392885 0.867117
+-0.298188 0.0695276 0.335332 0.890956
+-0.302097 0.0498764 0.276343 0.91098
+-0.304712 0.0300115 0.21617 0.927103
+-0.306022 0.0100182 0.155072 0.939256
+0.306022 0.0100181 -0.335332 -0.890956
+0.304712 0.0300115 -0.276343 -0.91098
+0.302097 0.0498763 -0.21617 -0.927103
+0.298188 0.0695276 -0.155072 -0.939256
+0.293002 0.0888812 -0.0933095 -0.947388
+0.286561 0.107854 -0.0311477 -0.951462
+0.278894 0.126365 0.0311476 -0.951462
+0.270032 0.144335 0.0933096 -0.947388
+0.260014 0.161687 0.155072 -0.939256
+0.248882 0.178347 0.21617 -0.927103
+0.236685 0.194242 0.276343 -0.91098
+0.223474 0.209307 0.335332 -0.890956
+0.209307 0.223474 0.392885 -0.867117
+0.194242 0.236685 0.448756 -0.839564
+0.178347 0.248882 0.502706 -0.808416
+0.161687 0.260014 0.554502 -0.773807
+0.144335 0.270032 0.603924 -0.735884
+0.126365 0.278894 0.650761 -0.69481
+0.107854 0.286562 0.69481 -0.65076
+0.0888812 0.293002 0.735884 -0.603924
+0.0695276 0.298188 0.773807 -0.554502
+0.0498763 0.302097 0.808416 -0.502706
+0.0300115 0.304712 0.839564 -0.448756
+0.0100181 0.306022 0.867117 -0.392885
+-0.0100182 0.306022 0.890956 -0.335332
+-0.0300115 0.304712 0.91098 -0.276343
+-0.0498764 0.302097 0.927103 -0.21617
+-0.0695276 0.298188 0.939256 -0.155072
+-0.0888812 0.293002 0.947388 -0.0933094
+-0.107854 0.286561 0.951462 -0.0311475
+-0.126365 0.278894 0.951462 0.0311478
+-0.144335 0.270032 0.947388 0.0933094
+-0.161687 0.260014 0.939256 0.155072
+-0.178347 0.248882 0.927103 0.21617
+-0.194242 0.236685 0.91098 0.276343
+-0.209307 0.223474 0.890956 0.335332
+-0.223474 0.209307 0.867117 0.392885
+-0.236685 0.194242 0.839564 0.448756
+-0.248882 0.178347 0.808416 0.502706
+-0.260014 0.161687 0.773807 0.554502
+-0.270032 0.144335 0.735884 0.603924
+-0.278894 0.126365 0.69481 0.65076
+-0.286562 0.107854 0.65076 0.69481
+-0.293002 0.0888812 0.603924 0.735884
+-0.298188 0.0695276 0.554502 0.773807
+-0.302097 0.0498764 0.502706 0.808416
+-0.304712 0.0300115 0.448756 0.839564
+-0.306022 0.0100182 0.392885 0.867116
+0.357026 0.0116878 -0.279477 -0.891229
+0.355497 0.0350134 -0.22059 -0.907599
+0.352446 0.0581891 -0.160758 -0.920083
+0.347886 0.0811156 -0.100237 -0.928627
+0.341836 0.103695 -0.0392873 -0.933195
+0.334322 0.12583 0.0218307 -0.933766
+0.325376 0.147426 0.0828552 -0.930339
+0.315037 0.168391 0.143525 -0.922928
+0.30335 0.188635 0.20358 -0.911565
+0.290363 0.208071 0.262763 -0.896299
+0.276133 0.226616 0.320821 -0.877194
+0.26072 0.244191 0.377506 -0.854333
+0.244191 0.26072 0.432574 -0.827814
+0.226616 0.276133 0.485789 -0.79775
+0.208071 0.290363 0.536924 -0.76427
+0.188635 0.30335 0.58576 -0.727517
+0.168391 0.315038 0.632088 -0.687649
+0.147426 0.325376 0.675709 -0.644836
+0.12583 0.334322 0.716437 -0.599262
+0.103695 0.341836 0.754096 -0.551121
+0.0811155 0.347886 0.788527 -0.500621
+0.058189 0.352446 0.819581 -0.447977
+0.0350134 0.355497 0.847125 -0.393415
+0.0116878 0.357026 0.871042 -0.337168
+-0.0116879 0.357026 0.891229 -0.279477
+-0.0350134 0.355497 0.907599 -0.22059
+-0.0581891 0.352446 0.920083 -0.160757
+-0.0811156 0.347886 0.928627 -0.100237
+-0.103695 0.341836 0.933195 -0.0392871
+-0.12583 0.334322 0.933766 0.0218308
+-0.147426 0.325376 0.930339 0.0828553
+-0.168391 0.315038 0.922928 0.143525
+-0.188635 0.30335 0.911565 0.20358
+-0.208071 0.290363 0.896299 0.262763
+-0.226616 0.276133 0.877194 0.320821
+-0.244191 0.26072 0.854333 0.377506
+-0.26072 0.244191 0.827814 0.432574
+-0.276133 0.226616 0.79775 0.485789
+-0.290363 0.208071 0.76427 0.536924
+-0.30335 0.188635 0.727517 0.58576
+-0.315037 0.168391 0.687649 0.632088
+-0.325376 0.147426 0.644836 0.675709
+-0.334322 0.12583 0.599262 0.716437
+-0.341836 0.103695 0.551121 0.754096
+-0.347886 0.0811155 0.500621 0.788527
+-0.352446 0.0581891 0.447977 0.819581
+-0.355497 0.0350134 0.393415 0.847125
+-0.357026 0.0116879 0.337168 0.871042
+0.357026 0.0116878 -0.0741531 -0.931073
+0.355497 0.0350134 -0.0130992 -0.933929
+0.352446 0.0581891 0.0480108 -0.932787
+0.347886 0.0811156 0.108915 -0.927649
+0.341836 0.103695 0.169353 -0.91854
+0.334322 0.12583 0.229066 -0.905497
+0.325376 0.147426 0.287798 -0.888577
+0.315037 0.168391 0.345297 -0.867851
+0.30335 0.188635 0.401318 -0.843409
+0.290363 0.208071 0.45562 -0.815356
+0.276133 0.226616 0.507972 -0.783811
+0.26072 0.244191 0.558148 -0.74891
+0.244191 0.26072 0.605934 -0.710802
+0.226616 0.276133 0.651125 -0.66965
+0.208071 0.290363 0.693528 -0.625631
+0.188635 0.30335 0.732962 -0.578932
+0.168391 0.315038 0.769256 -0.529755
+0.147426 0.325376 0.802257 -0.478309
+0.12583 0.334322 0.831822 -0.424815
+0.103695 0.341836 0.857825 -0.369501
+0.0811155 0.347886 0.880155 -0.312606
+0.058189 0.352446 0.898716 -0.254371
+0.0350134 0.355497 0.913429 -0.195048
+0.0116878 0.357026 0.92423 -0.134889
+-0.0116879 0.357026 0.931073 -0.074153
+-0.0350134 0.355497 0.933929 -0.0130991
+-0.0581891 0.352446 0.932787 0.0480108
+-0.0811156 0.347886 0.927649 0.108915
+-0.103695 0.341836 0.91854 0.169353
+-0.12583 0.334322 0.905497 0.229066
+-0.147426 0.325376 0.888577 0.287798
+-0.168391 0.315038 0.867851 0.345297
+-0.188635 0.30335 0.84341 0.401318
+-0.208071 0.290363 0.815356 0.455621
+-0.226616 0.276133 0.783812 0.507972
+-0.244191 0.26072 0.74891 0.558148
+-0.26072 0.244191 0.710802 0.605934
+-0.276133 0.226616 0.66965 0.651125
+-0.290363 0.208071 0.625631 0.693528
+-0.30335 0.188635 0.578933 0.732962
+-0.315037 0.168391 0.529755 0.769256
+-0.325376 0.147426 0.478309 0.802257
+-0.334322 0.12583 0.424815 0.831822
+-0.341836 0.103695 0.369501 0.857825
+-0.347886 0.0811155 0.312606 0.880155
+-0.352446 0.0581891 0.254372 0.898716
+-0.355497 0.0350134 0.195048 0.913429
+-0.357026 0.0116879 0.134889 0.92423
+0.40803 0.0133575 -0.0597046 -0.910916
+0.406282 0.0400153 2.49393e-09 -0.912871
+0.402795 0.0665018 0.0597046 -0.910916
+0.397584 0.0927035 0.119154 -0.905061
+0.390669 0.118508 0.178092 -0.89533
+0.382082 0.143805 0.236268 -0.881766
+0.371859 0.168487 0.293433 -0.864425
+0.360043 0.192447 0.349341 -0.843383
+0.346685 0.215583 0.403752 -0.818729
+0.331843 0.237796 0.456435 -0.790569
+0.31558 0.25899 0.507164 -0.759024
+0.297966 0.279075 0.555721 -0.724229
+0.279075 0.297966 0.601898 -0.686333
+0.25899 0.31558 0.645497 -0.645497
+0.237796 0.331843 0.686333 -0.601898
+0.215583 0.346685 0.724229 -0.555721
+0.192447 0.360043 0.759024 -0.507164
+0.168487 0.371859 0.790569 -0.456435
+0.143805 0.382082 0.818729 -0.403752
+0.118508 0.390669 0.843383 -0.349341
+0.0927035 0.397584 0.864425 -0.293433
+0.0665017 0.402795 0.881766 -0.236268
+0.0400153 0.406282 0.89533 -0.178092
+0.0133575 0.40803 0.905061 -0.119153
+-0.0133575 0.40803 0.910916 -0.0597045
+-0.0400154 0.406282 0.912871 7.64039e-08
+-0.0665018 0.402795 0.910916 0.0597047
+-0.0927035 0.397584 0.905061 0.119154
+-0.118508 0.390669 0.89533 0.178092
+-0.143806 0.382082 0.881766 0.236269
+-0.168487 0.371859 0.864425 0.293433
+-0.192447 0.360043 0.843383 0.34934
+-0.215583 0.346685 0.818729 0.403752
+-0.237796 0.331843 0.790569 0.456436
+-0.25899 0.31558 0.759024 0.507164
+-0.279075 0.297966 0.724229 0.555721
+-0.297966 0.279075 0.686333 0.601898
+-0.31558 0.25899 0.645497 0.645497
+-0.331843 0.237796 0.601898 0.686333
+-0.346685 0.215583 0.555721 0.724229
+-0.360043 0.192447 0.507164 0.759024
+-0.371859 0.168487 0.456435 0.790569
+-0.382082 0.143805 0.403752 0.818729
+-0.390669 0.118508 0.349341 0.843383
+-0.397584 0.0927035 0.293433 0.864425
+-0.402795 0.0665018 0.236268 0.881766
+-0.406282 0.0400153 0.178092 0.89533
+-0.40803 0.0133575 0.119154 0.905061
+0.40803 0.0133575 -0.236268 -0.881766
+0.406282 0.0400153 -0.178092 -0.89533
+0.402795 0.0665018 -0.119154 -0.905061
+0.397584 0.0927035 -0.0597046 -0.910916
+0.390669 0.118508 6.80367e-10 -0.912871
+0.382082 0.143805 0.0597046 -0.910916
+0.371859 0.168487 0.119154 -0.905061
+0.360043 0.192447 0.178092 -0.89533
+0.346685 0.215583 0.236268 -0.881766
+0.331843 0.237796 0.293433 -0.864425
+0.31558 0.25899 0.349341 -0.843383
+0.297966 0.279075 0.403753 -0.818729
+0.279075 0.297966 0.456435 -0.790569
+0.25899 0.31558 0.507164 -0.759024
+0.237796 0.331843 0.555721 -0.724229
+0.215583 0.346685 0.601898 -0.686333
+0.192447 0.360043 0.645497 -0.645497
+0.168487 0.371859 0.686333 -0.601898
+0.143805 0.382082 0.724229 -0.555721
+0.118508 0.390669 0.759024 -0.507164
+0.0927035 0.397584 0.790569 -0.456435
+0.0665017 0.402795 0.818729 -0.403752
+0.0400153 0.406282 0.843383 -0.34934
+0.0133575 0.40803 0.864425 -0.293433
+-0.0133575 0.40803 0.881766 -0.236268
+-0.0400154 0.406282 0.89533 -0.178092
+-0.0665018 0.402795 0.905061 -0.119154
+-0.0927035 0.397584 0.910916 -0.0597046
+-0.118508 0.390669 0.912871 1.49406e-07
+-0.143806 0.382082 0.910916 0.0597048
+-0.168487 0.371859 0.905061 0.119154
+-0.192447 0.360043 0.89533 0.178092
+-0.215583 0.346685 0.881766 0.236268
+-0.237796 0.331843 0.864425 0.293433
+-0.25899 0.31558 0.843383 0.349341
+-0.279075 0.297966 0.818729 0.403753
+-0.297966 0.279075 0.790569 0.456435
+-0.31558 0.25899 0.759024 0.507164
+-0.331843 0.237796 0.724229 0.555721
+-0.346685 0.215583 0.686333 0.601898
+-0.360043 0.192447 0.645497 0.645497
+-0.371859 0.168487 0.601898 0.686333
+-0.382082 0.143805 0.555721 0.724229
+-0.390669 0.118508 0.507164 0.759024
+-0.397584 0.0927035 0.456435 0.790569
+-0.402795 0.0665018 0.403753 0.818729
+-0.406282 0.0400153 0.349341 0.843383
+-0.40803 0.0133575 0.293433 0.864425
+0.456191 0.0149342 -0.144937 -0.877872
+0.454238 0.0447385 -0.0872114 -0.885472
+0.450339 0.0743513 -0.029112 -0.88928
+0.444512 0.103646 0.029112 -0.88928
+0.436782 0.132496 0.0872114 -0.885472
+0.427181 0.160779 0.144937 -0.877872
+0.415751 0.188374 0.202043 -0.866513
+0.40254 0.215162 0.258283 -0.851444
+0.387606 0.241029 0.313417 -0.832728
+0.371012 0.265863 0.367209 -0.810447
+0.352829 0.28956 0.419428 -0.784695
+0.333136 0.312016 0.469852 -0.755583
+0.312016 0.333136 0.518263 -0.723236
+0.28956 0.352829 0.564456 -0.687791
+0.265863 0.371012 0.608231 -0.649401
+0.241029 0.387606 0.649401 -0.608231
+0.215162 0.40254 0.687791 -0.564456
+0.188374 0.415751 0.723236 -0.518263
+0.160779 0.427181 0.755583 -0.469852
+0.132496 0.436782 0.784695 -0.419428
+0.103646 0.444512 0.810447 -0.367209
+0.0743512 0.450339 0.832728 -0.313417
+0.0447384 0.454238 0.851444 -0.258283
+0.0149341 0.456191 0.866513 -0.202042
+-0.0149342 0.456191 0.877872 -0.144937
+-0.0447385 0.454238 0.885472 -0.0872113
+-0.0743513 0.450339 0.88928 -0.029112
+-0.103646 0.444512 0.88928 0.0291121
+-0.132496 0.436781 0.885472 0.0872115
+-0.160779 0.427181 0.877872 0.144937
+-0.188374 0.415751 0.866513 0.202043
+-0.215162 0.40254 0.851444 0.258283
+-0.241029 0.387606 0.832728 0.313417
+-0.265864 0.371012 0.810447 0.367209
+-0.28956 0.352829 0.784695 0.419428
+-0.312016 0.333136 0.755583 0.469852
+-0.333136 0.312016 0.723236 0.518263
+-0.352829 0.28956 0.687791 0.564456
+-0.371012 0.265864 0.649401 0.608231
+-0.387606 0.241029 0.608231 0.649401
+-0.40254 0.215162 0.564456 0.687791
+-0.415751 0.188374 0.518263 0.723236
+-0.427181 0.160779 0.469852 0.755583
+-0.436782 0.132496 0.419428 0.784695
+-0.444512 0.103646 0.367209 0.810447
+-0.450339 0.0743513 0.313417 0.832728
+-0.454238 0.0447385 0.258283 0.851444
+-0.456191 0.0149342 0.202043 0.866513
+0.357026 0.0116878 -0.470787 -0.806694
+0.355497 0.0350134 -0.417019 -0.835758
+0.352446 0.0581891 -0.361465 -0.861243
+0.347886 0.0811156 -0.304363 -0.88304
+0.341836 0.103695 -0.245958 -0.901055
+0.334322 0.12583 -0.186499 -0.915212
+0.325376 0.147426 -0.126242 -0.925451
+0.315037 0.168391 -0.0654444 -0.931726
+0.30335 0.188635 -0.00436652 -0.934011
+0.290363 0.208071 0.0567301 -0.932297
+0.276133 0.226616 0.117584 -0.92659
+0.26072 0.244191 0.177934 -0.916916
+0.244191 0.26072 0.237522 -0.903316
+0.226616 0.276133 0.296093 -0.885847
+0.208071 0.290363 0.353396 -0.864585
+0.188635 0.30335 0.409186 -0.83962
+0.168391 0.315038 0.463224 -0.811061
+0.147426 0.325376 0.515278 -0.779028
+0.12583 0.334322 0.565126 -0.743659
+0.103695 0.341836 0.612553 -0.705106
+0.0811155 0.347886 0.657358 -0.663533
+0.058189 0.352446 0.699348 -0.619119
+0.0350134 0.355497 0.738343 -0.572054
+0.0116878 0.357026 0.774176 -0.522539
+-0.0116879 0.357026 0.806694 -0.470787
+-0.0350134 0.355497 0.835758 -0.417019
+-0.0581891 0.352446 0.861243 -0.361465
+-0.0811156 0.347886 0.88304 -0.304363
+-0.103695 0.341836 0.901055 -0.245957
+-0.12583 0.334322 0.915213 -0.186499
+-0.147426 0.325376 0.925451 -0.126242
+-0.168391 0.315038 0.931726 -0.0654445
+-0.188635 0.30335 0.934011 -0.00436653
+-0.208071 0.290363 0.932297 0.0567302
+-0.226616 0.276133 0.92659 0.117584
+-0.244191 0.26072 0.916916 0.177934
+-0.26072 0.244191 0.903316 0.237522
+-0.276133 0.226616 0.885847 0.296093
+-0.290363 0.208071 0.864585 0.353396
+-0.30335 0.188635 0.83962 0.409186
+-0.315037 0.168391 0.811061 0.463224
+-0.325376 0.147426 0.779028 0.515278
+-0.334322 0.12583 0.743659 0.565126
+-0.341836 0.103695 0.705106 0.612553
+-0.347886 0.0811155 0.663533 0.657358
+-0.352446 0.0581891 0.619119 0.699348
+-0.355497 0.0350134 0.572054 0.738343
+-0.357026 0.0116879 0.522539 0.774176
+0.40803 0.0133575 -0.403752 -0.818729
+0.406282 0.0400153 -0.349341 -0.843383
+0.402795 0.0665018 -0.293433 -0.864425
+0.397584 0.0927035 -0.236268 -0.881766
+0.390669 0.118508 -0.178092 -0.89533
+0.382082 0.143805 -0.119154 -0.905061
+0.371859 0.168487 -0.0597046 -0.910916
+0.360043 0.192447 1.92711e-08 -0.912871
+0.346685 0.215583 0.0597046 -0.910916
+0.331843 0.237796 0.119154 -0.905061
+0.31558 0.25899 0.178092 -0.89533
+0.297966 0.279075 0.236268 -0.881766
+0.279075 0.297966 0.293433 -0.864425
+0.25899 0.31558 0.349341 -0.843383
+0.237796 0.331843 0.403753 -0.818729
+0.215583 0.346685 0.456436 -0.790569
+0.192447 0.360043 0.507164 -0.759024
+0.168487 0.371859 0.555721 -0.724229
+0.143805 0.382082 0.601898 -0.686333
+0.118508 0.390669 0.645497 -0.645497
+0.0927035 0.397584 0.686333 -0.601898
+0.0665017 0.402795 0.724229 -0.555721
+0.0400153 0.406282 0.759024 -0.507164
+0.0133575 0.40803 0.790569 -0.456435
+-0.0133575 0.40803 0.818729 -0.403752
+-0.0400154 0.406282 0.843383 -0.349341
+-0.0665018 0.402795 0.864425 -0.293433
+-0.0927035 0.397584 0.881766 -0.236268
+-0.118508 0.390669 0.89533 -0.178092
+-0.143806 0.382082 0.905061 -0.119153
+-0.168487 0.371859 0.910916 -0.0597045
+-0.192447 0.360043 0.912871 -1.0406e-07
+-0.215583 0.346685 0.910916 0.0597046
+-0.237796 0.331843 0.905061 0.119154
+-0.25899 0.31558 0.89533 0.178092
+-0.279075 0.297966 0.881766 0.236268
+-0.297966 0.279075 0.864425 0.293433
+-0.31558 0.25899 0.843383 0.349341
+-0.331843 0.237796 0.818729 0.403752
+-0.346685 0.215583 0.790569 0.456435
+-0.360043 0.192447 0.759024 0.507164
+-0.371859 0.168487 0.724229 0.555721
+-0.382082 0.143805 0.686333 0.601898
+-0.390669 0.118508 0.645497 0.645497
+-0.397584 0.0927035 0.601898 0.686333
+-0.402795 0.0665018 0.555721 0.724229
+-0.406282 0.0400153 0.507164 0.759024
+-0.40803 0.0133575 0.456436 0.790569
+0.40803 0.0133575 -0.555721 -0.724229
+0.406282 0.0400153 -0.507164 -0.759024
+0.402795 0.0665018 -0.456435 -0.790569
+0.397584 0.0927035 -0.403752 -0.818729
+0.390669 0.118508 -0.349341 -0.843383
+0.382082 0.143805 -0.293433 -0.864425
+0.371859 0.168487 -0.236268 -0.881766
+0.360043 0.192447 -0.178092 -0.89533
+0.346685 0.215583 -0.119154 -0.905061
+0.331843 0.237796 -0.0597046 -0.910916
+0.31558 0.25899 -1.65496e-08 -0.912871
+0.297966 0.279075 0.0597046 -0.910916
+0.279075 0.297966 0.119154 -0.905061
+0.25899 0.31558 0.178092 -0.89533
+0.237796 0.331843 0.236268 -0.881766
+0.215583 0.346685 0.293433 -0.864425
+0.192447 0.360043 0.349341 -0.843383
+0.168487 0.371859 0.403753 -0.818729
+0.143805 0.382082 0.456436 -0.790569
+0.118508 0.390669 0.507164 -0.759024
+0.0927035 0.397584 0.555721 -0.724229
+0.0665017 0.402795 0.601898 -0.686333
+0.0400153 0.406282 0.645497 -0.645497
+0.0133575 0.40803 0.686333 -0.601898
+-0.0133575 0.40803 0.724229 -0.555721
+-0.0400154 0.406282 0.759024 -0.507164
+-0.0665018 0.402795 0.790569 -0.456435
+-0.0927035 0.397584 0.818729 -0.403752
+-0.118508 0.390669 0.843383 -0.34934
+-0.143806 0.382082 0.864425 -0.293433
+-0.168487 0.371859 0.881766 -0.236268
+-0.192447 0.360043 0.89533 -0.178092
+-0.215583 0.346685 0.905061 -0.119154
+-0.237796 0.331843 0.910916 -0.0597045
+-0.25899 0.31558 0.912871 -3.10581e-08
+-0.279075 0.297966 0.910916 0.0597047
+-0.297966 0.279075 0.905061 0.119154
+-0.31558 0.25899 0.89533 0.178092
+-0.331843 0.237796 0.881766 0.236268
+-0.346685 0.215583 0.864425 0.293433
+-0.360043 0.192447 0.843383 0.34934
+-0.371859 0.168487 0.818729 0.403752
+-0.382082 0.143805 0.790569 0.456436
+-0.390669 0.118508 0.759024 0.507164
+-0.397584 0.0927035 0.724229 0.555721
+-0.402795 0.0665018 0.686333 0.601898
+-0.406282 0.0400153 0.645497 0.645497
+-0.40803 0.0133575 0.601898 0.686333
+0.456191 0.0149342 -0.469852 -0.755583
+0.454238 0.0447385 -0.419428 -0.784695
+0.450339 0.0743513 -0.367209 -0.810447
+0.444512 0.103646 -0.313417 -0.832728
+0.436782 0.132496 -0.258283 -0.851444
+0.427181 0.160779 -0.202043 -0.866513
+0.415751 0.188374 -0.144937 -0.877872
+0.40254 0.215162 -0.0872114 -0.885472
+0.387606 0.241029 -0.029112 -0.88928
+0.371012 0.265863 0.029112 -0.88928
+0.352829 0.28956 0.0872114 -0.885472
+0.333136 0.312016 0.144937 -0.877872
+0.312016 0.333136 0.202043 -0.866513
+0.28956 0.352829 0.258283 -0.851444
+0.265863 0.371012 0.313417 -0.832728
+0.241029 0.387606 0.367209 -0.810447
+0.215162 0.40254 0.419428 -0.784695
+0.188374 0.415751 0.469852 -0.755583
+0.160779 0.427181 0.518263 -0.723236
+0.132496 0.436782 0.564456 -0.687791
+0.103646 0.444512 0.608231 -0.649401
+0.0743512 0.450339 0.649401 -0.608231
+0.0447384 0.454238 0.687791 -0.564455
+0.0149341 0.456191 0.723236 -0.518263
+-0.0149342 0.456191 0.755583 -0.469852
+-0.0447385 0.454238 0.784695 -0.419428
+-0.0743513 0.450339 0.810447 -0.367209
+-0.103646 0.444512 0.832728 -0.313417
+-0.132496 0.436781 0.851444 -0.258283
+-0.160779 0.427181 0.866513 -0.202042
+-0.188374 0.415751 0.877872 -0.144937
+-0.215162 0.40254 0.885472 -0.0872115
+-0.241029 0.387606 0.88928 -0.029112
+-0.265864 0.371012 0.88928 0.0291121
+-0.28956 0.352829 0.885472 0.0872114
+-0.312016 0.333136 0.877872 0.144937
+-0.333136 0.312016 0.866513 0.202043
+-0.352829 0.28956 0.851444 0.258283
+-0.371012 0.265864 0.832728 0.313417
+-0.387606 0.241029 0.810447 0.367209
+-0.40254 0.215162 0.784695 0.419428
+-0.415751 0.188374 0.755583 0.469852
+-0.427181 0.160779 0.723236 0.518263
+-0.436782 0.132496 0.687791 0.564456
+-0.444512 0.103646 0.649401 0.608231
+-0.450339 0.0743513 0.608231 0.649401
+-0.454238 0.0447385 0.564456 0.687791
+-0.456191 0.0149342 0.518263 0.723236
+0.456191 0.0149342 -0.313417 -0.832728
+0.454238 0.0447385 -0.258283 -0.851444
+0.450339 0.0743513 -0.202043 -0.866513
+0.444512 0.103646 -0.144937 -0.877872
+0.436782 0.132496 -0.0872114 -0.885472
+0.427181 0.160779 -0.029112 -0.88928
+0.415751 0.188374 0.029112 -0.88928
+0.40254 0.215162 0.0872114 -0.885472
+0.387606 0.241029 0.144937 -0.877872
+0.371012 0.265863 0.202043 -0.866513
+0.352829 0.28956 0.258283 -0.851444
+0.333136 0.312016 0.313417 -0.832728
+0.312016 0.333136 0.367209 -0.810447
+0.28956 0.352829 0.419428 -0.784695
+0.265863 0.371012 0.469852 -0.755583
+0.241029 0.387606 0.518263 -0.723236
+0.215162 0.40254 0.564456 -0.687791
+0.188374 0.415751 0.608231 -0.649401
+0.160779 0.427181 0.649401 -0.608231
+0.132496 0.436782 0.687791 -0.564456
+0.103646 0.444512 0.723236 -0.518263
+0.0743512 0.450339 0.755583 -0.469852
+0.0447384 0.454238 0.784695 -0.419428
+0.0149341 0.456191 0.810447 -0.367209
+-0.0149342 0.456191 0.832728 -0.313417
+-0.0447385 0.454238 0.851444 -0.258283
+-0.0743513 0.450339 0.866513 -0.202043
+-0.103646 0.444512 0.877872 -0.144937
+-0.132496 0.436781 0.885472 -0.0872112
+-0.160779 0.427181 0.88928 -0.0291119
+-0.188374 0.415751 0.88928 0.0291121
+-0.215162 0.40254 0.885472 0.0872113
+-0.241029 0.387606 0.877872 0.144937
+-0.265864 0.371012 0.866513 0.202043
+-0.28956 0.352829 0.851444 0.258283
+-0.312016 0.333136 0.832728 0.313417
+-0.333136 0.312016 0.810447 0.367209
+-0.352829 0.28956 0.784695 0.419428
+-0.371012 0.265864 0.755583 0.469852
+-0.387606 0.241029 0.723236 0.518263
+-0.40254 0.215162 0.687791 0.564455
+-0.415751 0.188374 0.649401 0.608231
+-0.427181 0.160779 0.608231 0.649401
+-0.436782 0.132496 0.564456 0.687791
+-0.444512 0.103646 0.518263 0.723236
+-0.450339 0.0743513 0.469852 0.755583
+-0.454238 0.0447385 0.419428 0.784695
+-0.456191 0.0149342 0.367209 0.810447
+0.499732 0.0163595 -0.224144 -0.836516
+0.497592 0.0490086 -0.168953 -0.849385
+0.493322 0.0814477 -0.113039 -0.858616
+0.486938 0.113538 -0.0566408 -0.864171
+0.47847 0.145142 6.45453e-10 -0.866025
+0.467953 0.176125 0.0566408 -0.864171
+0.455432 0.206354 0.113039 -0.858616
+0.440961 0.235698 0.168953 -0.849385
+0.424601 0.264034 0.224144 -0.836516
+0.406423 0.291239 0.278375 -0.820066
+0.386505 0.317197 0.331414 -0.800103
+0.364932 0.341796 0.383033 -0.776715
+0.341796 0.364932 0.433013 -0.75
+0.317197 0.386505 0.481138 -0.720074
+0.291239 0.406423 0.527203 -0.687064
+0.264034 0.424601 0.57101 -0.651112
+0.235698 0.440961 0.612372 -0.612372
+0.206353 0.455432 0.651112 -0.57101
+0.176125 0.467953 0.687064 -0.527203
+0.145142 0.47847 0.720074 -0.481138
+0.113538 0.486938 0.75 -0.433013
+0.0814477 0.493322 0.776715 -0.383033
+0.0490085 0.497592 0.800103 -0.331413
+0.0163595 0.499732 0.820066 -0.278375
+-0.0163596 0.499732 0.836516 -0.224144
+-0.0490086 0.497592 0.849385 -0.168953
+-0.0814478 0.493322 0.858616 -0.113039
+-0.113538 0.486938 0.864171 -0.0566407
+-0.145142 0.47847 0.866025 1.41739e-07
+-0.176125 0.467953 0.864171 0.0566409
+-0.206354 0.455432 0.858616 0.113039
+-0.235698 0.440961 0.849385 0.168953
+-0.264034 0.424601 0.836516 0.224144
+-0.291239 0.406423 0.820066 0.278375
+-0.317197 0.386505 0.800103 0.331414
+-0.341796 0.364932 0.776715 0.383033
+-0.364932 0.341796 0.75 0.433013
+-0.386505 0.317197 0.720074 0.481138
+-0.406423 0.291239 0.687064 0.527203
+-0.424601 0.264034 0.651112 0.57101
+-0.440961 0.235698 0.612373 0.612372
+-0.455432 0.206354 0.57101 0.651112
+-0.467953 0.176125 0.527203 0.687064
+-0.47847 0.145142 0.481138 0.720074
+-0.486938 0.113538 0.433013 0.75
+-0.493322 0.0814478 0.383033 0.776715
+-0.497592 0.0490085 0.331414 0.800103
+-0.499732 0.0163596 0.278375 0.820066
+0.499732 0.0163595 -0.383033 -0.776715
+0.497592 0.0490086 -0.331414 -0.800103
+0.493322 0.0814477 -0.278375 -0.820066
+0.486938 0.113538 -0.224144 -0.836516
+0.47847 0.145142 -0.168953 -0.849385
+0.467953 0.176125 -0.113039 -0.858616
+0.455432 0.206354 -0.0566408 -0.864171
+0.440961 0.235698 1.82821e-08 -0.866025
+0.424601 0.264034 0.0566408 -0.864171
+0.406423 0.291239 0.113039 -0.858616
+0.386505 0.317197 0.168953 -0.849385
+0.364932 0.341796 0.224144 -0.836516
+0.341796 0.364932 0.278375 -0.820066
+0.317197 0.386505 0.331414 -0.800103
+0.291239 0.406423 0.383033 -0.776715
+0.264034 0.424601 0.433013 -0.75
+0.235698 0.440961 0.481138 -0.720074
+0.206353 0.455432 0.527203 -0.687064
+0.176125 0.467953 0.57101 -0.651112
+0.145142 0.47847 0.612372 -0.612372
+0.113538 0.486938 0.651112 -0.57101
+0.0814477 0.493322 0.687064 -0.527203
+0.0490085 0.497592 0.720074 -0.481138
+0.0163595 0.499732 0.75 -0.433013
+-0.0163596 0.499732 0.776715 -0.383033
+-0.0490086 0.497592 0.800103 -0.331414
+-0.0814478 0.493322 0.820066 -0.278375
+-0.113538 0.486938 0.836516 -0.224144
+-0.145142 0.47847 0.849385 -0.168953
+-0.176125 0.467953 0.858616 -0.113039
+-0.206354 0.455432 0.864171 -0.0566407
+-0.235698 0.440961 0.866025 -9.87201e-08
+-0.264034 0.424601 0.864171 0.0566408
+-0.291239 0.406423 0.858616 0.113039
+-0.317197 0.386505 0.849385 0.168953
+-0.341796 0.364932 0.836516 0.224144
+-0.364932 0.341796 0.820066 0.278375
+-0.386505 0.317197 0.800103 0.331414
+-0.406423 0.291239 0.776715 0.383033
+-0.424601 0.264034 0.75 0.433013
+-0.440961 0.235698 0.720074 0.481138
+-0.455432 0.206354 0.687064 0.527203
+-0.467953 0.176125 0.651112 0.57101
+-0.47847 0.145142 0.612372 0.612372
+-0.486938 0.113538 0.57101 0.651112
+-0.493322 0.0814478 0.527203 0.687064
+-0.497592 0.0490085 0.481138 0.720074
+-0.499732 0.0163596 0.433013 0.75
+0.539773 0.0176703 -0.296463 -0.787682
+0.537461 0.0529353 -0.244311 -0.805385
+0.532848 0.0879736 -0.191113 -0.81964
+0.525954 0.122635 -0.137097 -0.830384
+0.516807 0.156772 -0.0824937 -0.837573
+0.505447 0.190237 -0.0275372 -0.841175
+0.491923 0.222887 0.0275372 -0.841175
+0.476292 0.254583 0.0824937 -0.837573
+0.458622 0.285189 0.137097 -0.830384
+0.438987 0.314574 0.191113 -0.81964
+0.417473 0.342612 0.244311 -0.805385
+0.394172 0.369182 0.296463 -0.787682
+0.369182 0.394172 0.347345 -0.766606
+0.342612 0.417473 0.396739 -0.742247
+0.314574 0.438987 0.444435 -0.71471
+0.285189 0.458622 0.490228 -0.684112
+0.254583 0.476292 0.533922 -0.650585
+0.222887 0.491923 0.575329 -0.614272
+0.190237 0.505447 0.614272 -0.575329
+0.156772 0.516807 0.650585 -0.533921
+0.122635 0.525954 0.684112 -0.490228
+0.0879735 0.532848 0.71471 -0.444435
+0.0529352 0.537461 0.742247 -0.396739
+0.0176703 0.539773 0.766606 -0.347345
+-0.0176704 0.539773 0.787682 -0.296463
+-0.0529354 0.537461 0.805385 -0.244311
+-0.0879736 0.532848 0.81964 -0.191113
+-0.122635 0.525954 0.830384 -0.137097
+-0.156772 0.516807 0.837573 -0.0824936
+-0.190237 0.505447 0.841175 -0.0275371
+-0.222887 0.491923 0.841175 0.0275373
+-0.254583 0.476292 0.837573 0.0824936
+-0.285189 0.458622 0.830384 0.137097
+-0.314574 0.438987 0.81964 0.191113
+-0.342612 0.417473 0.805385 0.244311
+-0.369182 0.394172 0.787682 0.296463
+-0.394172 0.369182 0.766606 0.347345
+-0.417473 0.342612 0.742247 0.39674
+-0.438987 0.314574 0.71471 0.444435
+-0.458622 0.285189 0.684112 0.490228
+-0.476292 0.254583 0.650585 0.533921
+-0.491923 0.222887 0.614272 0.575329
+-0.505447 0.190237 0.575329 0.614272
+-0.516807 0.156772 0.533922 0.650585
+-0.525954 0.122635 0.490228 0.684112
+-0.532848 0.0879736 0.444435 0.71471
+-0.537461 0.0529353 0.396739 0.742247
+-0.539773 0.0176704 0.347345 0.766606
+0.255019 0.00834844 -0.949536 -0.182422
+0.253927 0.0250096 -0.935572 -0.244134
+0.251747 0.0415636 -0.917601 -0.304801
+0.24849 0.0579397 -0.895702 -0.364162
+0.244168 0.0740676 -0.869967 -0.421964
+0.238801 0.0898784 -0.840506 -0.477959
+0.232412 0.105304 -0.807447 -0.531908
+0.225027 0.120279 -0.770929 -0.583578
+0.216678 0.134739 -0.731111 -0.63275
+0.207402 0.148622 -0.688162 -0.679212
+0.197238 0.161869 -0.642266 -0.722766
+0.186229 0.174422 -0.593619 -0.763225
+0.174422 0.186229 -0.542431 -0.800415
+0.161869 0.197238 -0.48892 -0.834178
+0.148622 0.207402 -0.433315 -0.864369
+0.134739 0.216678 -0.375855 -0.890858
+0.120279 0.225027 -0.316786 -0.913533
+0.105304 0.232412 -0.256359 -0.932296
+0.0898784 0.238801 -0.194835 -0.947067
+0.0740676 0.244168 -0.132477 -0.957782
+0.0579397 0.24849 -0.0695517 -0.964395
+0.0415636 0.251747 -0.00632817 -0.966879
+0.0250096 0.253927 0.0569223 -0.965223
+0.00834842 0.255019 0.119929 -0.959434
+-0.00834847 0.255019 0.182422 -0.949536
+-0.0250096 0.253927 0.244134 -0.935572
+-0.0415636 0.251747 0.304801 -0.917601
+-0.0579397 0.24849 0.364162 -0.895702
+-0.0740677 0.244168 0.421964 -0.869967
+-0.0898785 0.238801 0.477959 -0.840506
+-0.105304 0.232412 0.531908 -0.807447
+-0.120279 0.225027 0.583578 -0.770929
+-0.134739 0.216678 0.63275 -0.731111
+-0.148622 0.207402 0.679212 -0.688162
+-0.161869 0.197238 0.722766 -0.642266
+-0.174422 0.186229 0.763225 -0.593619
+-0.186229 0.174422 0.800415 -0.542431
+-0.197238 0.161869 0.834178 -0.48892
+-0.207402 0.148622 0.864369 -0.433316
+-0.216678 0.134739 0.890858 -0.375855
+-0.225027 0.120279 0.913533 -0.316786
+-0.232412 0.105304 0.932296 -0.256359
+-0.238801 0.0898784 0.947067 -0.194835
+-0.244168 0.0740676 0.957782 -0.132477
+-0.24849 0.0579397 0.964395 -0.0695516
+-0.251747 0.0415636 0.966879 -0.00632836
+-0.253927 0.0250096 0.965223 0.0569222
+-0.255019 0.00834847 0.959434 0.119929
+0.306022 0.0100181 -0.867117 -0.392885
+0.304712 0.0300115 -0.839564 -0.448756
+0.302097 0.0498763 -0.808416 -0.502706
+0.298188 0.0695276 -0.773807 -0.554502
+0.293002 0.0888812 -0.735884 -0.603924
+0.286561 0.107854 -0.69481 -0.65076
+0.278894 0.126365 -0.65076 -0.69481
+0.270032 0.144335 -0.603924 -0.735884
+0.260014 0.161687 -0.554502 -0.773807
+0.248882 0.178347 -0.502706 -0.808416
+0.236685 0.194242 -0.448756 -0.839564
+0.223474 0.209307 -0.392885 -0.867117
+0.209307 0.223474 -0.335332 -0.890956
+0.194242 0.236685 -0.276343 -0.91098
+0.178347 0.248882 -0.21617 -0.927103
+0.161687 0.260014 -0.155072 -0.939256
+0.144335 0.270032 -0.0933095 -0.947388
+0.126365 0.278894 -0.0311476 -0.951462
+0.107854 0.286562 0.0311477 -0.951462
+0.0888812 0.293002 0.0933096 -0.947388
+0.0695276 0.298188 0.155072 -0.939256
+0.0498763 0.302097 0.21617 -0.927103
+0.0300115 0.304712 0.276343 -0.91098
+0.0100181 0.306022 0.335332 -0.890956
+-0.0100182 0.306022 0.392885 -0.867116
+-0.0300115 0.304712 0.448756 -0.839564
+-0.0498764 0.302097 0.502706 -0.808416
+-0.0695276 0.298188 0.554502 -0.773807
+-0.0888812 0.293002 0.603925 -0.735884
+-0.107854 0.286561 0.650761 -0.69481
+-0.126365 0.278894 0.69481 -0.65076
+-0.144335 0.270032 0.735884 -0.603924
+-0.161687 0.260014 0.773807 -0.554502
+-0.178347 0.248882 0.808416 -0.502706
+-0.194242 0.236685 0.839564 -0.448756
+-0.209307 0.223474 0.867117 -0.392885
+-0.223474 0.209307 0.890956 -0.335332
+-0.236685 0.194242 0.91098 -0.276343
+-0.248882 0.178347 0.927103 -0.21617
+-0.260014 0.161687 0.939256 -0.155072
+-0.270032 0.144335 0.947388 -0.0933096
+-0.278894 0.126365 0.951462 -0.0311476
+-0.286562 0.107854 0.951462 0.0311477
+-0.293002 0.0888812 0.947388 0.0933095
+-0.298188 0.0695276 0.939256 0.155072
+-0.302097 0.0498764 0.927103 0.21617
+-0.304712 0.0300115 0.91098 0.276343
+-0.306022 0.0100182 0.890956 0.335332
+0.306022 0.0100181 -0.939256 -0.155072
+0.304712 0.0300115 -0.927103 -0.21617
+0.302097 0.0498763 -0.91098 -0.276343
+0.298188 0.0695276 -0.890956 -0.335332
+0.293002 0.0888812 -0.867117 -0.392885
+0.286561 0.107854 -0.839564 -0.448756
+0.278894 0.126365 -0.808416 -0.502706
+0.270032 0.144335 -0.773807 -0.554502
+0.260014 0.161687 -0.735884 -0.603924
+0.248882 0.178347 -0.69481 -0.65076
+0.236685 0.194242 -0.65076 -0.69481
+0.223474 0.209307 -0.603924 -0.735884
+0.209307 0.223474 -0.554502 -0.773807
+0.194242 0.236685 -0.502706 -0.808416
+0.178347 0.248882 -0.448756 -0.839564
+0.161687 0.260014 -0.392885 -0.867117
+0.144335 0.270032 -0.335332 -0.890956
+0.126365 0.278894 -0.276343 -0.91098
+0.107854 0.286562 -0.21617 -0.927103
+0.0888812 0.293002 -0.155072 -0.939256
+0.0695276 0.298188 -0.0933095 -0.947388
+0.0498763 0.302097 -0.0311475 -0.951462
+0.0300115 0.304712 0.0311478 -0.951462
+0.0100181 0.306022 0.0933096 -0.947388
+-0.0100182 0.306022 0.155072 -0.939256
+-0.0300115 0.304712 0.21617 -0.927103
+-0.0498764 0.302097 0.276343 -0.91098
+-0.0695276 0.298188 0.335332 -0.890956
+-0.0888812 0.293002 0.392886 -0.867116
+-0.107854 0.286561 0.448756 -0.839564
+-0.126365 0.278894 0.502706 -0.808416
+-0.144335 0.270032 0.554502 -0.773807
+-0.161687 0.260014 0.603924 -0.735884
+-0.178347 0.248882 0.650761 -0.69481
+-0.194242 0.236685 0.69481 -0.650761
+-0.209307 0.223474 0.735884 -0.603924
+-0.223474 0.209307 0.773807 -0.554502
+-0.236685 0.194242 0.808416 -0.502706
+-0.248882 0.178347 0.839564 -0.448756
+-0.260014 0.161687 0.867117 -0.392885
+-0.270032 0.144335 0.890956 -0.335332
+-0.278894 0.126365 0.91098 -0.276343
+-0.286562 0.107854 0.927103 -0.21617
+-0.293002 0.0888812 0.939256 -0.155072
+-0.298188 0.0695276 0.947388 -0.0933095
+-0.302097 0.0498764 0.951462 -0.0311477
+-0.304712 0.0300115 0.951462 0.0311477
+-0.306022 0.0100182 0.947388 0.0933095
+0.357026 0.0116878 -0.871042 -0.337168
+0.355497 0.0350134 -0.847125 -0.393415
+0.352446 0.0581891 -0.819581 -0.447977
+0.347886 0.0811156 -0.788527 -0.500621
+0.341836 0.103695 -0.754096 -0.551121
+0.334322 0.12583 -0.716437 -0.599262
+0.325376 0.147426 -0.675709 -0.644836
+0.315037 0.168391 -0.632088 -0.687649
+0.30335 0.188635 -0.58576 -0.727517
+0.290363 0.208071 -0.536924 -0.76427
+0.276133 0.226616 -0.485789 -0.79775
+0.26072 0.244191 -0.432574 -0.827814
+0.244191 0.26072 -0.377506 -0.854333
+0.226616 0.276133 -0.320821 -0.877194
+0.208071 0.290363 -0.262763 -0.896299
+0.188635 0.30335 -0.20358 -0.911565
+0.168391 0.315038 -0.143525 -0.922928
+0.147426 0.325376 -0.0828551 -0.930339
+0.12583 0.334322 -0.0218307 -0.933766
+0.103695 0.341836 0.0392873 -0.933195
+0.0811155 0.347886 0.100237 -0.928627
+0.058189 0.352446 0.160758 -0.920083
+0.0350134 0.355497 0.22059 -0.907599
+0.0116878 0.357026 0.279477 -0.891229
+-0.0116879 0.357026 0.337168 -0.871042
+-0.0350134 0.355497 0.393415 -0.847125
+-0.0581891 0.352446 0.447977 -0.819581
+-0.0811156 0.347886 0.500621 -0.788527
+-0.103695 0.341836 0.551121 -0.754096
+-0.12583 0.334322 0.599262 -0.716436
+-0.147426 0.325376 0.644836 -0.675709
+-0.168391 0.315038 0.687649 -0.632088
+-0.188635 0.30335 0.727517 -0.58576
+-0.208071 0.290363 0.76427 -0.536924
+-0.226616 0.276133 0.79775 -0.485789
+-0.244191 0.26072 0.827814 -0.432574
+-0.26072 0.244191 0.854333 -0.377506
+-0.276133 0.226616 0.877194 -0.320821
+-0.290363 0.208071 0.896299 -0.262763
+-0.30335 0.188635 0.911565 -0.20358
+-0.315037 0.168391 0.922928 -0.143525
+-0.325376 0.147426 0.930339 -0.0828552
+-0.334322 0.12583 0.933766 -0.0218306
+-0.341836 0.103695 0.933195 0.0392872
+-0.347886 0.0811155 0.928627 0.100237
+-0.352446 0.0581891 0.920083 0.160757
+-0.355497 0.0350134 0.907599 0.22059
+-0.357026 0.0116879 0.891229 0.279477
+0.357026 0.0116878 -0.774176 -0.522539
+0.355497 0.0350134 -0.738343 -0.572054
+0.352446 0.0581891 -0.699348 -0.619119
+0.347886 0.0811156 -0.657358 -0.663533
+0.341836 0.103695 -0.612553 -0.705106
+0.334322 0.12583 -0.565126 -0.743659
+0.325376 0.147426 -0.515278 -0.779028
+0.315037 0.168391 -0.463224 -0.811061
+0.30335 0.188635 -0.409186 -0.83962
+0.290363 0.208071 -0.353396 -0.864585
+0.276133 0.226616 -0.296093 -0.885847
+0.26072 0.244191 -0.237522 -0.903316
+0.244191 0.26072 -0.177934 -0.916916
+0.226616 0.276133 -0.117584 -0.92659
+0.208071 0.290363 -0.05673 -0.932297
+0.188635 0.30335 0.00436661 -0.934011
+0.168391 0.315038 0.0654445 -0.931726
+0.147426 0.325376 0.126242 -0.925451
+0.12583 0.334322 0.186499 -0.915212
+0.103695 0.341836 0.245958 -0.901055
+0.0811155 0.347886 0.304363 -0.88304
+0.058189 0.352446 0.361465 -0.861243
+0.0350134 0.355497 0.417019 -0.835758
+0.0116878 0.357026 0.470787 -0.806694
+-0.0116879 0.357026 0.522539 -0.774176
+-0.0350134 0.355497 0.572054 -0.738343
+-0.0581891 0.352446 0.619119 -0.699348
+-0.0811156 0.347886 0.663533 -0.657358
+-0.103695 0.341836 0.705106 -0.612553
+-0.12583 0.334322 0.743659 -0.565126
+-0.147426 0.325376 0.779028 -0.515278
+-0.168391 0.315038 0.811061 -0.463224
+-0.188635 0.30335 0.83962 -0.409186
+-0.208071 0.290363 0.864585 -0.353396
+-0.226616 0.276133 0.885847 -0.296093
+-0.244191 0.26072 0.903316 -0.237522
+-0.26072 0.244191 0.916916 -0.177934
+-0.276133 0.226616 0.92659 -0.117584
+-0.290363 0.208071 0.932297 -0.0567302
+-0.30335 0.188635 0.934011 0.00436654
+-0.315037 0.168391 0.931726 0.0654443
+-0.325376 0.147426 0.925451 0.126242
+-0.334322 0.12583 0.915212 0.186499
+-0.341836 0.103695 0.901055 0.245958
+-0.347886 0.0811155 0.88304 0.304363
+-0.352446 0.0581891 0.861243 0.361465
+-0.355497 0.0350134 0.835758 0.417019
+-0.357026 0.0116879 0.806694 0.470787
+0.40803 0.0133575 -0.686333 -0.601898
+0.406282 0.0400153 -0.645497 -0.645497
+0.402795 0.0665018 -0.601898 -0.686333
+0.397584 0.0927035 -0.555721 -0.724229
+0.390669 0.118508 -0.507164 -0.759024
+0.382082 0.143805 -0.456435 -0.790569
+0.371859 0.168487 -0.403752 -0.818729
+0.360043 0.192447 -0.349341 -0.843383
+0.346685 0.215583 -0.293433 -0.864425
+0.331843 0.237796 -0.236268 -0.881766
+0.31558 0.25899 -0.178092 -0.89533
+0.297966 0.279075 -0.119154 -0.905061
+0.279075 0.297966 -0.0597046 -0.910916
+0.25899 0.31558 2.0411e-09 -0.912871
+0.237796 0.331843 0.0597047 -0.910916
+0.215583 0.346685 0.119154 -0.905061
+0.192447 0.360043 0.178092 -0.89533
+0.168487 0.371859 0.236268 -0.881766
+0.143805 0.382082 0.293433 -0.864425
+0.118508 0.390669 0.349341 -0.843383
+0.0927035 0.397584 0.403753 -0.818729
+0.0665017 0.402795 0.456436 -0.790569
+0.0400153 0.406282 0.507164 -0.759024
+0.0133575 0.40803 0.555721 -0.724229
+-0.0133575 0.40803 0.601898 -0.686333
+-0.0400154 0.406282 0.645497 -0.645497
+-0.0665018 0.402795 0.686333 -0.601898
+-0.0927035 0.397584 0.724229 -0.555721
+-0.118508 0.390669 0.759025 -0.507164
+-0.143806 0.382082 0.790569 -0.456435
+-0.168487 0.371859 0.818729 -0.403752
+-0.192447 0.360043 0.843383 -0.349341
+-0.215583 0.346685 0.864425 -0.293433
+-0.237796 0.331843 0.881766 -0.236268
+-0.25899 0.31558 0.89533 -0.178092
+-0.279075 0.297966 0.905061 -0.119154
+-0.297966 0.279075 0.910916 -0.0597047
+-0.31558 0.25899 0.912871 4.1944e-08
+-0.331843 0.237796 0.910916 0.0597045
+-0.346685 0.215583 0.905061 0.119154
+-0.360043 0.192447 0.89533 0.178092
+-0.371859 0.168487 0.881766 0.236268
+-0.382082 0.143805 0.864425 0.293433
+-0.390669 0.118508 0.843383 0.349341
+-0.397584 0.0927035 0.818729 0.403753
+-0.402795 0.0665018 0.790569 0.456435
+-0.406282 0.0400153 0.759024 0.507164
+-0.40803 0.0133575 0.724229 0.555721
+0.40803 0.0133575 -0.790569 -0.456435
+0.406282 0.0400153 -0.759024 -0.507164
+0.402795 0.0665018 -0.724229 -0.555721
+0.397584 0.0927035 -0.686333 -0.601898
+0.390669 0.118508 -0.645497 -0.645497
+0.382082 0.143805 -0.601898 -0.686333
+0.371859 0.168487 -0.555721 -0.724229
+0.360043 0.192447 -0.507164 -0.759024
+0.346685 0.215583 -0.456435 -0.790569
+0.331843 0.237796 -0.403752 -0.818729
+0.31558 0.25899 -0.349341 -0.843383
+0.297966 0.279075 -0.293433 -0.864425
+0.279075 0.297966 -0.236268 -0.881766
+0.25899 0.31558 -0.178092 -0.89533
+0.237796 0.331843 -0.119154 -0.905061
+0.215583 0.346685 -0.0597045 -0.910916
+0.192447 0.360043 7.50431e-08 -0.912871
+0.168487 0.371859 0.0597047 -0.910916
+0.143805 0.382082 0.119154 -0.905061
+0.118508 0.390669 0.178092 -0.89533
+0.0927035 0.397584 0.236268 -0.881766
+0.0665017 0.402795 0.293433 -0.864425
+0.0400153 0.406282 0.349341 -0.843383
+0.0133575 0.40803 0.403753 -0.818729
+-0.0133575 0.40803 0.456436 -0.790569
+-0.0400154 0.406282 0.507164 -0.759024
+-0.0665018 0.402795 0.555721 -0.724229
+-0.0927035 0.397584 0.601898 -0.686333
+-0.118508 0.390669 0.645497 -0.645497
+-0.143806 0.382082 0.686333 -0.601898
+-0.168487 0.371859 0.724229 -0.555721
+-0.192447 0.360043 0.759024 -0.507164
+-0.215583 0.346685 0.790569 -0.456435
+-0.237796 0.331843 0.818729 -0.403752
+-0.25899 0.31558 0.843383 -0.349341
+-0.279075 0.297966 0.864425 -0.293433
+-0.297966 0.279075 0.881766 -0.236268
+-0.31558 0.25899 0.89533 -0.178092
+-0.331843 0.237796 0.905061 -0.119154
+-0.346685 0.215583 0.910916 -0.0597046
+-0.360043 0.192447 0.912871 -1.02699e-07
+-0.371859 0.168487 0.910916 0.0597046
+-0.382082 0.143805 0.905061 0.119154
+-0.390669 0.118508 0.89533 0.178092
+-0.397584 0.0927035 0.881766 0.236268
+-0.402795 0.0665018 0.864425 0.293433
+-0.406282 0.0400153 0.843383 0.349341
+-0.40803 0.0133575 0.818729 0.403752
+0.456191 0.0149342 -0.723236 -0.518263
+0.454238 0.0447385 -0.687791 -0.564456
+0.450339 0.0743513 -0.649401 -0.608231
+0.444512 0.103646 -0.608231 -0.649401
+0.436782 0.132496 -0.564456 -0.687791
+0.427181 0.160779 -0.518263 -0.723236
+0.415751 0.188374 -0.469852 -0.755583
+0.40254 0.215162 -0.419428 -0.784695
+0.387606 0.241029 -0.367209 -0.810447
+0.371012 0.265863 -0.313417 -0.832728
+0.352829 0.28956 -0.258283 -0.851444
+0.333136 0.312016 -0.202043 -0.866513
+0.312016 0.333136 -0.144937 -0.877872
+0.28956 0.352829 -0.0872114 -0.885472
+0.265863 0.371012 -0.029112 -0.88928
+0.241029 0.387606 0.0291121 -0.88928
+0.215162 0.40254 0.0872115 -0.885472
+0.188374 0.415751 0.144937 -0.877872
+0.160779 0.427181 0.202043 -0.866513
+0.132496 0.436782 0.258283 -0.851444
+0.103646 0.444512 0.313417 -0.832728
+0.0743512 0.450339 0.367209 -0.810447
+0.0447384 0.454238 0.419428 -0.784695
+0.0149341 0.456191 0.469852 -0.755583
+-0.0149342 0.456191 0.518263 -0.723236
+-0.0447385 0.454238 0.564456 -0.687791
+-0.0743513 0.450339 0.608231 -0.649401
+-0.103646 0.444512 0.649401 -0.608231
+-0.132496 0.436781 0.687791 -0.564455
+-0.160779 0.427181 0.723236 -0.518263
+-0.188374 0.415751 0.755583 -0.469852
+-0.215162 0.40254 0.784695 -0.419428
+-0.241029 0.387606 0.810447 -0.367209
+-0.265864 0.371012 0.832728 -0.313417
+-0.28956 0.352829 0.851444 -0.258283
+-0.312016 0.333136 0.866513 -0.202043
+-0.333136 0.312016 0.877872 -0.144937
+-0.352829 0.28956 0.885472 -0.0872113
+-0.371012 0.265864 0.88928 -0.0291121
+-0.387606 0.241029 0.88928 0.029112
+-0.40254 0.215162 0.885472 0.0872113
+-0.415751 0.188374 0.877872 0.144937
+-0.427181 0.160779 0.866513 0.202043
+-0.436782 0.132496 0.851444 0.258283
+-0.444512 0.103646 0.832728 0.313417
+-0.450339 0.0743513 0.810447 0.367209
+-0.454238 0.0447385 0.784695 0.419428
+-0.456191 0.0149342 0.755583 0.469852
+0.357026 0.0116878 -0.92423 -0.134889
+0.355497 0.0350134 -0.913429 -0.195048
+0.352446 0.0581891 -0.898716 -0.254372
+0.347886 0.0811156 -0.880155 -0.312606
+0.341836 0.103695 -0.857825 -0.369501
+0.334322 0.12583 -0.831822 -0.424815
+0.325376 0.147426 -0.802257 -0.478309
+0.315037 0.168391 -0.769256 -0.529755
+0.30335 0.188635 -0.732962 -0.578933
+0.290363 0.208071 -0.693528 -0.625631
+0.276133 0.226616 -0.651125 -0.66965
+0.26072 0.244191 -0.605934 -0.710802
+0.244191 0.26072 -0.558148 -0.74891
+0.226616 0.276133 -0.507972 -0.783811
+0.208071 0.290363 -0.45562 -0.815356
+0.188635 0.30335 -0.401318 -0.84341
+0.168391 0.315038 -0.345297 -0.867851
+0.147426 0.325376 -0.287798 -0.888577
+0.12583 0.334322 -0.229066 -0.905497
+0.103695 0.341836 -0.169353 -0.91854
+0.0811155 0.347886 -0.108915 -0.927649
+0.058189 0.352446 -0.0480106 -0.932787
+0.0350134 0.355497 0.0130993 -0.933929
+0.0116878 0.357026 0.0741532 -0.931073
+-0.0116879 0.357026 0.134889 -0.92423
+-0.0350134 0.355497 0.195048 -0.913429
+-0.0581891 0.352446 0.254372 -0.898716
+-0.0811156 0.347886 0.312606 -0.880155
+-0.103695 0.341836 0.369502 -0.857825
+-0.12583 0.334322 0.424815 -0.831822
+-0.147426 0.325376 0.478309 -0.802257
+-0.168391 0.315038 0.529755 -0.769257
+-0.188635 0.30335 0.578933 -0.732962
+-0.208071 0.290363 0.625631 -0.693528
+-0.226616 0.276133 0.66965 -0.651125
+-0.244191 0.26072 0.710802 -0.605934
+-0.26072 0.244191 0.74891 -0.558148
+-0.276133 0.226616 0.783812 -0.507972
+-0.290363 0.208071 0.815356 -0.455621
+-0.30335 0.188635 0.84341 -0.401318
+-0.315037 0.168391 0.867851 -0.345297
+-0.325376 0.147426 0.888577 -0.287798
+-0.334322 0.12583 0.905497 -0.229066
+-0.341836 0.103695 0.91854 -0.169353
+-0.347886 0.0811155 0.927649 -0.108915
+-0.352446 0.0581891 0.932787 -0.0480108
+-0.355497 0.0350134 0.933929 0.0130992
+-0.357026 0.0116879 0.931073 0.074153
+0.40803 0.0133575 -0.864425 -0.293433
+0.406282 0.0400153 -0.843383 -0.349341
+0.402795 0.0665018 -0.818729 -0.403752
+0.397584 0.0927035 -0.790569 -0.456435
+0.390669 0.118508 -0.759024 -0.507164
+0.382082 0.143805 -0.724229 -0.555721
+0.371859 0.168487 -0.686333 -0.601898
+0.360043 0.192447 -0.645497 -0.645497
+0.346685 0.215583 -0.601898 -0.686333
+0.331843 0.237796 -0.555721 -0.724229
+0.31558 0.25899 -0.507164 -0.759024
+0.297966 0.279075 -0.456435 -0.790569
+0.279075 0.297966 -0.403752 -0.818729
+0.25899 0.31558 -0.349341 -0.843383
+0.237796 0.331843 -0.293433 -0.864425
+0.215583 0.346685 -0.236268 -0.881766
+0.192447 0.360043 -0.178092 -0.89533
+0.168487 0.371859 -0.119154 -0.905061
+0.143805 0.382082 -0.0597046 -0.910916
+0.118508 0.390669 3.92225e-08 -0.912871
+0.0927035 0.397584 0.0597046 -0.910916
+0.0665017 0.402795 0.119154 -0.905061
+0.0400153 0.406282 0.178092 -0.89533
+0.0133575 0.40803 0.236268 -0.881766
+-0.0133575 0.40803 0.293433 -0.864425
+-0.0400154 0.406282 0.349341 -0.843383
+-0.0665018 0.402795 0.403753 -0.818729
+-0.0927035 0.397584 0.456436 -0.790569
+-0.118508 0.390669 0.507164 -0.759024
+-0.143806 0.382082 0.555721 -0.724229
+-0.168487 0.371859 0.601898 -0.686333
+-0.192447 0.360043 0.645497 -0.645497
+-0.215583 0.346685 0.686333 -0.601898
+-0.237796 0.331843 0.724229 -0.555721
+-0.25899 0.31558 0.759024 -0.507164
+-0.279075 0.297966 0.790569 -0.456435
+-0.297966 0.279075 0.818729 -0.403753
+-0.31558 0.25899 0.843383 -0.349341
+-0.331843 0.237796 0.864425 -0.293433
+-0.346685 0.215583 0.881766 -0.236268
+-0.360043 0.192447 0.89533 -0.178092
+-0.371859 0.168487 0.905061 -0.119154
+-0.382082 0.143805 0.910916 -0.0597045
+-0.390669 0.118508 0.912871 -2.96973e-08
+-0.397584 0.0927035 0.910916 0.0597047
+-0.402795 0.0665018 0.905061 0.119154
+-0.406282 0.0400153 0.89533 0.178092
+-0.40803 0.0133575 0.881766 0.236268
+0.40803 0.0133575 -0.905061 -0.119154
+0.406282 0.0400153 -0.89533 -0.178092
+0.402795 0.0665018 -0.881766 -0.236268
+0.397584 0.0927035 -0.864425 -0.293433
+0.390669 0.118508 -0.843383 -0.349341
+0.382082 0.143805 -0.818729 -0.403752
+0.371859 0.168487 -0.790569 -0.456435
+0.360043 0.192447 -0.759024 -0.507164
+0.346685 0.215583 -0.724229 -0.555721
+0.331843 0.237796 -0.686333 -0.601898
+0.31558 0.25899 -0.645497 -0.645497
+0.297966 0.279075 -0.601898 -0.686333
+0.279075 0.297966 -0.555721 -0.724229
+0.25899 0.31558 -0.507164 -0.759024
+0.237796 0.331843 -0.456435 -0.790569
+0.215583 0.346685 -0.403752 -0.818729
+0.192447 0.360043 -0.349341 -0.843383
+0.168487 0.371859 -0.293433 -0.864425
+0.143805 0.382082 -0.236268 -0.881766
+0.118508 0.390669 -0.178092 -0.89533
+0.0927035 0.397584 -0.119154 -0.905061
+0.0665017 0.402795 -0.0597045 -0.910916
+0.0400153 0.406282 1.12225e-07 -0.912871
+0.0133575 0.40803 0.0597047 -0.910916
+-0.0133575 0.40803 0.119154 -0.905061
+-0.0400154 0.406282 0.178092 -0.89533
+-0.0665018 0.402795 0.236268 -0.881766
+-0.0927035 0.397584 0.293433 -0.864425
+-0.118508 0.390669 0.349341 -0.843383
+-0.143806 0.382082 0.403753 -0.818729
+-0.168487 0.371859 0.456436 -0.790569
+-0.192447 0.360043 0.507164 -0.759024
+-0.215583 0.346685 0.555721 -0.724229
+-0.237796 0.331843 0.601898 -0.686333
+-0.25899 0.31558 0.645497 -0.645497
+-0.279075 0.297966 0.686333 -0.601898
+-0.297966 0.279075 0.724229 -0.555721
+-0.31558 0.25899 0.759024 -0.507164
+-0.331843 0.237796 0.790569 -0.456436
+-0.346685 0.215583 0.818729 -0.403752
+-0.360043 0.192447 0.843383 -0.349341
+-0.371859 0.168487 0.864425 -0.293433
+-0.382082 0.143805 0.881766 -0.236268
+-0.390669 0.118508 0.89533 -0.178092
+-0.397584 0.0927035 0.905061 -0.119153
+-0.402795 0.0665018 0.910916 -0.0597047
+-0.406282 0.0400153 0.912871 4.33047e-08
+-0.40803 0.0133575 0.910916 0.0597045
+0.456191 0.0149342 -0.866513 -0.202043
+0.454238 0.0447385 -0.851444 -0.258283
+0.450339 0.0743513 -0.832728 -0.313417
+0.444512 0.103646 -0.810447 -0.367209
+0.436782 0.132496 -0.784695 -0.419428
+0.427181 0.160779 -0.755583 -0.469852
+0.415751 0.188374 -0.723236 -0.518263
+0.40254 0.215162 -0.687791 -0.564456
+0.387606 0.241029 -0.649401 -0.608231
+0.371012 0.265863 -0.608231 -0.649401
+0.352829 0.28956 -0.564456 -0.687791
+0.333136 0.312016 -0.518263 -0.723236
+0.312016 0.333136 -0.469852 -0.755583
+0.28956 0.352829 -0.419428 -0.784695
+0.265863 0.371012 -0.367209 -0.810447
+0.241029 0.387606 -0.313417 -0.832728
+0.215162 0.40254 -0.258283 -0.851444
+0.188374 0.415751 -0.202043 -0.866513
+0.160779 0.427181 -0.144937 -0.877872
+0.132496 0.436782 -0.0872114 -0.885472
+0.103646 0.444512 -0.029112 -0.88928
+0.0743512 0.450339 0.0291121 -0.88928
+0.0447384 0.454238 0.0872115 -0.885472
+0.0149341 0.456191 0.144937 -0.877872
+-0.0149342 0.456191 0.202043 -0.866513
+-0.0447385 0.454238 0.258283 -0.851444
+-0.0743513 0.450339 0.313417 -0.832728
+-0.103646 0.444512 0.367209 -0.810447
+-0.132496 0.436781 0.419428 -0.784695
+-0.160779 0.427181 0.469852 -0.755583
+-0.188374 0.415751 0.518263 -0.723236
+-0.215162 0.40254 0.564455 -0.687791
+-0.241029 0.387606 0.608231 -0.649401
+-0.265864 0.371012 0.649401 -0.608231
+-0.28956 0.352829 0.687791 -0.564456
+-0.312016 0.333136 0.723236 -0.518263
+-0.333136 0.312016 0.755583 -0.469852
+-0.352829 0.28956 0.784695 -0.419428
+-0.371012 0.265864 0.810447 -0.367209
+-0.387606 0.241029 0.832728 -0.313417
+-0.40254 0.215162 0.851444 -0.258283
+-0.415751 0.188374 0.866513 -0.202043
+-0.427181 0.160779 0.877872 -0.144937
+-0.436782 0.132496 0.885472 -0.0872114
+-0.444512 0.103646 0.88928 -0.029112
+-0.450339 0.0743513 0.88928 0.029112
+-0.454238 0.0447385 0.885472 0.0872114
+-0.456191 0.0149342 0.877872 0.144937
+0.456191 0.0149342 -0.810447 -0.367209
+0.454238 0.0447385 -0.784695 -0.419428
+0.450339 0.0743513 -0.755583 -0.469852
+0.444512 0.103646 -0.723236 -0.518263
+0.436782 0.132496 -0.687791 -0.564456
+0.427181 0.160779 -0.649401 -0.608231
+0.415751 0.188374 -0.608231 -0.649401
+0.40254 0.215162 -0.564456 -0.687791
+0.387606 0.241029 -0.518263 -0.723236
+0.371012 0.265863 -0.469852 -0.755583
+0.352829 0.28956 -0.419428 -0.784695
+0.333136 0.312016 -0.367209 -0.810447
+0.312016 0.333136 -0.313417 -0.832728
+0.28956 0.352829 -0.258283 -0.851444
+0.265863 0.371012 -0.202043 -0.866513
+0.241029 0.387606 -0.144937 -0.877872
+0.215162 0.40254 -0.0872113 -0.885472
+0.188374 0.415751 -0.029112 -0.88928
+0.160779 0.427181 0.0291121 -0.88928
+0.132496 0.436782 0.0872114 -0.885472
+0.103646 0.444512 0.144937 -0.877872
+0.0743512 0.450339 0.202043 -0.866513
+0.0447384 0.454238 0.258283 -0.851444
+0.0149341 0.456191 0.313417 -0.832728
+-0.0149342 0.456191 0.367209 -0.810447
+-0.0447385 0.454238 0.419428 -0.784695
+-0.0743513 0.450339 0.469852 -0.755583
+-0.103646 0.444512 0.518263 -0.723236
+-0.132496 0.436781 0.564456 -0.687791
+-0.160779 0.427181 0.608231 -0.649401
+-0.188374 0.415751 0.649401 -0.608231
+-0.215162 0.40254 0.687791 -0.564456
+-0.241029 0.387606 0.723236 -0.518263
+-0.265864 0.371012 0.755583 -0.469852
+-0.28956 0.352829 0.784695 -0.419428
+-0.312016 0.333136 0.810447 -0.367209
+-0.333136 0.312016 0.832728 -0.313417
+-0.352829 0.28956 0.851444 -0.258283
+-0.371012 0.265864 0.866513 -0.202043
+-0.387606 0.241029 0.877872 -0.144937
+-0.40254 0.215162 0.885472 -0.0872115
+-0.415751 0.188374 0.88928 -0.029112
+-0.427181 0.160779 0.88928 0.0291121
+-0.436782 0.132496 0.885472 0.0872114
+-0.444512 0.103646 0.877872 0.144937
+-0.450339 0.0743513 0.866513 0.202043
+-0.454238 0.0447385 0.851444 0.258283
+-0.456191 0.0149342 0.832728 0.313417
+0.499732 0.0163595 -0.75 -0.433013
+0.497592 0.0490086 -0.720074 -0.481138
+0.493322 0.0814477 -0.687064 -0.527203
+0.486938 0.113538 -0.651112 -0.57101
+0.47847 0.145142 -0.612372 -0.612372
+0.467953 0.176125 -0.57101 -0.651112
+0.455432 0.206354 -0.527203 -0.687064
+0.440961 0.235698 -0.481138 -0.720074
+0.424601 0.264034 -0.433013 -0.75
+0.406423 0.291239 -0.383033 -0.776715
+0.386505 0.317197 -0.331414 -0.800103
+0.364932 0.341796 -0.278375 -0.820066
+0.341796 0.364932 -0.224144 -0.836516
+0.317197 0.386505 -0.168953 -0.849385
+0.291239 0.406423 -0.113039 -0.858616
+0.264034 0.424601 -0.0566407 -0.864171
+0.235698 0.440961 7.11922e-08 -0.866025
+0.206353 0.455432 0.0566408 -0.864171
+0.176125 0.467953 0.113039 -0.858616
+0.145142 0.47847 0.168953 -0.849385
+0.113538 0.486938 0.224144 -0.836516
+0.0814477 0.493322 0.278375 -0.820066
+0.0490085 0.497592 0.331414 -0.800103
+0.0163595 0.499732 0.383033 -0.776715
+-0.0163596 0.499732 0.433013 -0.75
+-0.0490086 0.497592 0.481138 -0.720074
+-0.0814478 0.493322 0.527203 -0.687064
+-0.113538 0.486938 0.57101 -0.651112
+-0.145142 0.47847 0.612373 -0.612372
+-0.176125 0.467953 0.651112 -0.57101
+-0.206354 0.455432 0.687064 -0.527203
+-0.235698 0.440961 0.720074 -0.481138
+-0.264034 0.424601 0.75 -0.433013
+-0.291239 0.406423 0.776715 -0.383033
+-0.317197 0.386505 0.800103 -0.331414
+-0.341796 0.364932 0.820066 -0.278375
+-0.364932 0.341796 0.836516 -0.224144
+-0.386505 0.317197 0.849385 -0.168953
+-0.406423 0.291239 0.858616 -0.113039
+-0.424601 0.264034 0.864171 -0.0566408
+-0.440961 0.235698 0.866025 -9.74292e-08
+-0.455432 0.206354 0.864171 0.0566408
+-0.467953 0.176125 0.858616 0.113039
+-0.47847 0.145142 0.849385 0.168953
+-0.486938 0.113538 0.836516 0.224144
+-0.493322 0.0814478 0.820066 0.278375
+-0.497592 0.0490085 0.800103 0.331414
+-0.499732 0.0163596 0.776715 0.383033
+0.499732 0.0163595 -0.820066 -0.278375
+0.497592 0.0490086 -0.800103 -0.331414
+0.493322 0.0814477 -0.776715 -0.383033
+0.486938 0.113538 -0.75 -0.433013
+0.47847 0.145142 -0.720074 -0.481138
+0.467953 0.176125 -0.687064 -0.527203
+0.455432 0.206354 -0.651112 -0.57101
+0.440961 0.235698 -0.612372 -0.612372
+0.424601 0.264034 -0.57101 -0.651112
+0.406423 0.291239 -0.527203 -0.687064
+0.386505 0.317197 -0.481138 -0.720074
+0.364932 0.341796 -0.433013 -0.75
+0.341796 0.364932 -0.383033 -0.776715
+0.317197 0.386505 -0.331414 -0.800103
+0.291239 0.406423 -0.278375 -0.820066
+0.264034 0.424601 -0.224144 -0.836516
+0.235698 0.440961 -0.168953 -0.849385
+0.206353 0.455432 -0.113039 -0.858616
+0.176125 0.467953 -0.0566407 -0.864171
+0.145142 0.47847 3.72097e-08 -0.866025
+0.113538 0.486938 0.0566408 -0.864171
+0.0814477 0.493322 0.113039 -0.858616
+0.0490085 0.497592 0.168953 -0.849385
+0.0163595 0.499732 0.224144 -0.836516
+-0.0163596 0.499732 0.278375 -0.820066
+-0.0490086 0.497592 0.331414 -0.800103
+-0.0814478 0.493322 0.383033 -0.776715
+-0.113538 0.486938 0.433013 -0.75
+-0.145142 0.47847 0.481138 -0.720074
+-0.176125 0.467953 0.527203 -0.687064
+-0.206354 0.455432 0.57101 -0.651112
+-0.235698 0.440961 0.612372 -0.612373
+-0.264034 0.424601 0.651112 -0.57101
+-0.291239 0.406423 0.687064 -0.527203
+-0.317197 0.386505 0.720074 -0.481138
+-0.341796 0.364932 0.75 -0.433013
+-0.364932 0.341796 0.776715 -0.383033
+-0.386505 0.317197 0.800103 -0.331414
+-0.406423 0.291239 0.820066 -0.278375
+-0.424601 0.264034 0.836516 -0.224144
+-0.440961 0.235698 0.849385 -0.168953
+-0.455432 0.206354 0.858616 -0.113039
+-0.467953 0.176125 0.864171 -0.0566407
+-0.47847 0.145142 0.866025 -2.81734e-08
+-0.486938 0.113538 0.864171 0.0566408
+-0.493322 0.0814478 0.858616 0.113039
+-0.497592 0.0490085 0.849385 0.168953
+-0.499732 0.0163596 0.836516 0.224144
+0.539773 0.0176703 -0.766606 -0.347345
+0.537461 0.0529353 -0.742247 -0.396739
+0.532848 0.0879736 -0.71471 -0.444435
+0.525954 0.122635 -0.684112 -0.490228
+0.516807 0.156772 -0.650585 -0.533922
+0.505447 0.190237 -0.614272 -0.575329
+0.491923 0.222887 -0.575329 -0.614272
+0.476292 0.254583 -0.533921 -0.650585
+0.458622 0.285189 -0.490228 -0.684112
+0.438987 0.314574 -0.444435 -0.71471
+0.417473 0.342612 -0.396739 -0.742247
+0.394172 0.369182 -0.347345 -0.766606
+0.369182 0.394172 -0.296463 -0.787682
+0.342612 0.417473 -0.244311 -0.805385
+0.314574 0.438987 -0.191113 -0.81964
+0.285189 0.458622 -0.137097 -0.830384
+0.254583 0.476292 -0.0824936 -0.837573
+0.222887 0.491923 -0.0275372 -0.841175
+0.190237 0.505447 0.0275373 -0.841175
+0.156772 0.516807 0.0824938 -0.837573
+0.122635 0.525954 0.137097 -0.830384
+0.0879735 0.532848 0.191113 -0.81964
+0.0529352 0.537461 0.244311 -0.805385
+0.0176703 0.539773 0.296463 -0.787682
+-0.0176704 0.539773 0.347345 -0.766606
+-0.0529354 0.537461 0.39674 -0.742247
+-0.0879736 0.532848 0.444435 -0.71471
+-0.122635 0.525954 0.490228 -0.684112
+-0.156772 0.516807 0.533922 -0.650585
+-0.190237 0.505447 0.575329 -0.614272
+-0.222887 0.491923 0.614272 -0.575329
+-0.254583 0.476292 0.650585 -0.533922
+-0.285189 0.458622 0.684112 -0.490228
+-0.314574 0.438987 0.71471 -0.444435
+-0.342612 0.417473 0.742247 -0.396739
+-0.369182 0.394172 0.766606 -0.347345
+-0.394172 0.369182 0.787682 -0.296463
+-0.417473 0.342612 0.805385 -0.244311
+-0.438987 0.314574 0.81964 -0.191113
+-0.458622 0.285189 0.830384 -0.137097
+-0.476292 0.254583 0.837573 -0.0824938
+-0.491923 0.222887 0.841175 -0.0275372
+-0.505447 0.190237 0.841175 0.0275373
+-0.516807 0.156772 0.837573 0.0824937
+-0.525954 0.122635 0.830384 0.137097
+-0.532848 0.0879736 0.81964 0.191113
+-0.537461 0.0529353 0.805385 0.244311
+-0.539773 0.0176704 0.787682 0.296463
+0.456191 0.0149342 -0.608231 -0.649401
+0.454238 0.0447385 -0.564456 -0.687791
+0.450339 0.0743513 -0.518263 -0.723236
+0.444512 0.103646 -0.469852 -0.755583
+0.436782 0.132496 -0.419428 -0.784695
+0.427181 0.160779 -0.367209 -0.810447
+0.415751 0.188374 -0.313417 -0.832728
+0.40254 0.215162 -0.258283 -0.851444
+0.387606 0.241029 -0.202043 -0.866513
+0.371012 0.265863 -0.144937 -0.877872
+0.352829 0.28956 -0.0872114 -0.885472
+0.333136 0.312016 -0.029112 -0.88928
+0.312016 0.333136 0.029112 -0.88928
+0.28956 0.352829 0.0872114 -0.885472
+0.265863 0.371012 0.144937 -0.877872
+0.241029 0.387606 0.202043 -0.866513
+0.215162 0.40254 0.258283 -0.851444
+0.188374 0.415751 0.313417 -0.832728
+0.160779 0.427181 0.367209 -0.810447
+0.132496 0.436782 0.419428 -0.784695
+0.103646 0.444512 0.469852 -0.755583
+0.0743512 0.450339 0.518263 -0.723236
+0.0447384 0.454238 0.564456 -0.687791
+0.0149341 0.456191 0.608231 -0.649401
+-0.0149342 0.456191 0.649401 -0.608231
+-0.0447385 0.454238 0.687791 -0.564456
+-0.0743513 0.450339 0.723236 -0.518263
+-0.103646 0.444512 0.755583 -0.469852
+-0.132496 0.436781 0.784695 -0.419428
+-0.160779 0.427181 0.810447 -0.367209
+-0.188374 0.415751 0.832728 -0.313417
+-0.215162 0.40254 0.851444 -0.258283
+-0.241029 0.387606 0.866513 -0.202043
+-0.265864 0.371012 0.877872 -0.144937
+-0.28956 0.352829 0.885472 -0.0872114
+-0.312016 0.333136 0.88928 -0.029112
+-0.333136 0.312016 0.88928 0.029112
+-0.352829 0.28956 0.885472 0.0872114
+-0.371012 0.265864 0.877872 0.144937
+-0.387606 0.241029 0.866513 0.202043
+-0.40254 0.215162 0.851444 0.258283
+-0.415751 0.188374 0.832728 0.313417
+-0.427181 0.160779 0.810447 0.367209
+-0.436782 0.132496 0.784695 0.419428
+-0.444512 0.103646 0.755583 0.469852
+-0.450339 0.0743513 0.723236 0.518263
+-0.454238 0.0447385 0.687791 0.564456
+-0.456191 0.0149342 0.649401 0.608231
+0.499732 0.0163595 -0.527203 -0.687064
+0.497592 0.0490086 -0.481138 -0.720074
+0.493322 0.0814477 -0.433013 -0.75
+0.486938 0.113538 -0.383033 -0.776715
+0.47847 0.145142 -0.331414 -0.800103
+0.467953 0.176125 -0.278375 -0.820066
+0.455432 0.206354 -0.224144 -0.836516
+0.440961 0.235698 -0.168953 -0.849385
+0.424601 0.264034 -0.113039 -0.858616
+0.406423 0.291239 -0.0566408 -0.864171
+0.386505 0.317197 -1.57003e-08 -0.866025
+0.364932 0.341796 0.0566408 -0.864171
+0.341796 0.364932 0.113039 -0.858616
+0.317197 0.386505 0.168953 -0.849385
+0.291239 0.406423 0.224144 -0.836516
+0.264034 0.424601 0.278375 -0.820066
+0.235698 0.440961 0.331414 -0.800103
+0.206353 0.455432 0.383033 -0.776715
+0.176125 0.467953 0.433013 -0.75
+0.145142 0.47847 0.481138 -0.720074
+0.113538 0.486938 0.527203 -0.687064
+0.0814477 0.493322 0.57101 -0.651112
+0.0490085 0.497592 0.612373 -0.612372
+0.0163595 0.499732 0.651112 -0.57101
+-0.0163596 0.499732 0.687064 -0.527203
+-0.0490086 0.497592 0.720074 -0.481138
+-0.0814478 0.493322 0.75 -0.433013
+-0.113538 0.486938 0.776715 -0.383033
+-0.145142 0.47847 0.800103 -0.331413
+-0.176125 0.467953 0.820066 -0.278375
+-0.206354 0.455432 0.836516 -0.224144
+-0.235698 0.440961 0.849385 -0.168953
+-0.264034 0.424601 0.858616 -0.113039
+-0.291239 0.406423 0.864171 -0.0566407
+-0.317197 0.386505 0.866025 -2.94643e-08
+-0.341796 0.364932 0.864171 0.0566408
+-0.364932 0.341796 0.858616 0.113039
+-0.386505 0.317197 0.849385 0.168953
+-0.406423 0.291239 0.836516 0.224144
+-0.424601 0.264034 0.820066 0.278375
+-0.440961 0.235698 0.800103 0.331413
+-0.455432 0.206354 0.776715 0.383033
+-0.467953 0.176125 0.75 0.433013
+-0.47847 0.145142 0.720074 0.481138
+-0.486938 0.113538 0.687064 0.527203
+-0.493322 0.0814478 0.651112 0.57101
+-0.497592 0.0490085 0.612372 0.612372
+-0.499732 0.0163596 0.57101 0.651112
+0.499732 0.0163595 -0.651112 -0.57101
+0.497592 0.0490086 -0.612372 -0.612372
+0.493322 0.0814477 -0.57101 -0.651112
+0.486938 0.113538 -0.527203 -0.687064
+0.47847 0.145142 -0.481138 -0.720074
+0.467953 0.176125 -0.433013 -0.75
+0.455432 0.206354 -0.383033 -0.776715
+0.440961 0.235698 -0.331414 -0.800103
+0.424601 0.264034 -0.278375 -0.820066
+0.406423 0.291239 -0.224144 -0.836516
+0.386505 0.317197 -0.168953 -0.849385
+0.364932 0.341796 -0.113039 -0.858616
+0.341796 0.364932 -0.0566408 -0.864171
+0.317197 0.386505 1.93636e-09 -0.866025
+0.291239 0.406423 0.0566408 -0.864171
+0.264034 0.424601 0.113039 -0.858616
+0.235698 0.440961 0.168953 -0.849385
+0.206353 0.455432 0.224144 -0.836516
+0.176125 0.467953 0.278375 -0.820066
+0.145142 0.47847 0.331414 -0.800103
+0.113538 0.486938 0.383033 -0.776715
+0.0814477 0.493322 0.433013 -0.75
+0.0490085 0.497592 0.481138 -0.720074
+0.0163595 0.499732 0.527203 -0.687064
+-0.0163596 0.499732 0.57101 -0.651112
+-0.0490086 0.497592 0.612372 -0.612372
+-0.0814478 0.493322 0.651112 -0.57101
+-0.113538 0.486938 0.687064 -0.527203
+-0.145142 0.47847 0.720074 -0.481138
+-0.176125 0.467953 0.75 -0.433013
+-0.206354 0.455432 0.776715 -0.383033
+-0.235698 0.440961 0.800103 -0.331414
+-0.264034 0.424601 0.820066 -0.278375
+-0.291239 0.406423 0.836516 -0.224144
+-0.317197 0.386505 0.849385 -0.168953
+-0.341796 0.364932 0.858616 -0.113039
+-0.364932 0.341796 0.864171 -0.0566408
+-0.386505 0.317197 0.866025 3.97915e-08
+-0.406423 0.291239 0.864171 0.0566407
+-0.424601 0.264034 0.858616 0.113039
+-0.440961 0.235698 0.849385 0.168953
+-0.455432 0.206354 0.836516 0.224144
+-0.467953 0.176125 0.820066 0.278375
+-0.47847 0.145142 0.800103 0.331414
+-0.486938 0.113538 0.776715 0.383033
+-0.493322 0.0814478 0.75 0.433013
+-0.497592 0.0490085 0.720074 0.481138
+-0.499732 0.0163596 0.687064 0.527203
+0.539773 0.0176703 -0.575329 -0.614272
+0.537461 0.0529353 -0.533922 -0.650585
+0.532848 0.0879736 -0.490228 -0.684112
+0.525954 0.122635 -0.444435 -0.71471
+0.516807 0.156772 -0.396739 -0.742247
+0.505447 0.190237 -0.347345 -0.766606
+0.491923 0.222887 -0.296463 -0.787682
+0.476292 0.254583 -0.244311 -0.805385
+0.458622 0.285189 -0.191113 -0.81964
+0.438987 0.314574 -0.137097 -0.830384
+0.417473 0.342612 -0.0824937 -0.837573
+0.394172 0.369182 -0.0275372 -0.841175
+0.369182 0.394172 0.0275372 -0.841175
+0.342612 0.417473 0.0824937 -0.837573
+0.314574 0.438987 0.137097 -0.830384
+0.285189 0.458622 0.191113 -0.81964
+0.254583 0.476292 0.244311 -0.805385
+0.222887 0.491923 0.296463 -0.787682
+0.190237 0.505447 0.347345 -0.766606
+0.156772 0.516807 0.39674 -0.742247
+0.122635 0.525954 0.444435 -0.71471
+0.0879735 0.532848 0.490228 -0.684112
+0.0529352 0.537461 0.533922 -0.650585
+0.0176703 0.539773 0.575329 -0.614272
+-0.0176704 0.539773 0.614272 -0.575329
+-0.0529354 0.537461 0.650585 -0.533921
+-0.0879736 0.532848 0.684112 -0.490228
+-0.122635 0.525954 0.71471 -0.444435
+-0.156772 0.516807 0.742247 -0.396739
+-0.190237 0.505447 0.766606 -0.347345
+-0.222887 0.491923 0.787682 -0.296462
+-0.254583 0.476292 0.805385 -0.244311
+-0.285189 0.458622 0.81964 -0.191113
+-0.314574 0.438987 0.830384 -0.137097
+-0.342612 0.417473 0.837573 -0.0824937
+-0.369182 0.394172 0.841175 -0.0275372
+-0.394172 0.369182 0.841175 0.0275372
+-0.417473 0.342612 0.837573 0.0824938
+-0.438987 0.314574 0.830384 0.137097
+-0.458622 0.285189 0.81964 0.191113
+-0.476292 0.254583 0.805385 0.244311
+-0.491923 0.222887 0.787682 0.296463
+-0.505447 0.190237 0.766606 0.347345
+-0.516807 0.156772 0.742247 0.396739
+-0.525954 0.122635 0.71471 0.444435
+-0.532848 0.0879736 0.684112 0.490228
+-0.537461 0.0529353 0.650585 0.533922
+-0.539773 0.0176704 0.614272 0.575329
+0.539773 0.0176703 -0.444435 -0.71471
+0.537461 0.0529353 -0.396739 -0.742247
+0.532848 0.0879736 -0.347345 -0.766606
+0.525954 0.122635 -0.296463 -0.787682
+0.516807 0.156772 -0.244311 -0.805385
+0.505447 0.190237 -0.191113 -0.81964
+0.491923 0.222887 -0.137097 -0.830384
+0.476292 0.254583 -0.0824937 -0.837573
+0.458622 0.285189 -0.0275372 -0.841175
+0.438987 0.314574 0.0275372 -0.841175
+0.417473 0.342612 0.0824937 -0.837573
+0.394172 0.369182 0.137097 -0.830384
+0.369182 0.394172 0.191113 -0.81964
+0.342612 0.417473 0.244311 -0.805385
+0.314574 0.438987 0.296463 -0.787682
+0.285189 0.458622 0.347345 -0.766606
+0.254583 0.476292 0.39674 -0.742247
+0.222887 0.491923 0.444435 -0.71471
+0.190237 0.505447 0.490228 -0.684112
+0.156772 0.516807 0.533922 -0.650585
+0.122635 0.525954 0.575329 -0.614272
+0.0879735 0.532848 0.614272 -0.575329
+0.0529352 0.537461 0.650585 -0.533921
+0.0176703 0.539773 0.684112 -0.490228
+-0.0176704 0.539773 0.71471 -0.444435
+-0.0529354 0.537461 0.742247 -0.396739
+-0.0879736 0.532848 0.766606 -0.347345
+-0.122635 0.525954 0.787682 -0.296463
+-0.156772 0.516807 0.805385 -0.244311
+-0.190237 0.505447 0.81964 -0.191113
+-0.222887 0.491923 0.830384 -0.137097
+-0.254583 0.476292 0.837573 -0.0824938
+-0.285189 0.458622 0.841175 -0.0275372
+-0.314574 0.438987 0.841175 0.0275373
+-0.342612 0.417473 0.837573 0.0824937
+-0.369182 0.394172 0.830384 0.137097
+-0.394172 0.369182 0.81964 0.191113
+-0.417473 0.342612 0.805385 0.244311
+-0.438987 0.314574 0.787682 0.296463
+-0.458622 0.285189 0.766606 0.347345
+-0.476292 0.254583 0.742247 0.396739
+-0.491923 0.222887 0.71471 0.444435
+-0.505447 0.190237 0.684112 0.490228
+-0.516807 0.156772 0.650585 0.533921
+-0.525954 0.122635 0.614272 0.575329
+-0.532848 0.0879736 0.575329 0.614272
+-0.537461 0.0529353 0.533921 0.650585
+-0.539773 0.0176704 0.490228 0.684112
+0.577041 0.0188904 -0.361127 -0.732294
+0.57457 0.0565902 -0.31246 -0.754344
+0.569639 0.0940477 -0.262454 -0.773165
+0.562268 0.131103 -0.211325 -0.788675
+0.55249 0.167596 -0.159291 -0.800808
+0.540346 0.203372 -0.106574 -0.809511
+0.525887 0.238277 -0.0534014 -0.814748
+0.509177 0.272161 1.72366e-08 -0.816497
+0.490287 0.30488 0.0534014 -0.814748
+0.469297 0.336294 0.106574 -0.809511
+0.446298 0.366267 0.159291 -0.800808
+0.421387 0.394672 0.211325 -0.788675
+0.394672 0.421387 0.262454 -0.773165
+0.366267 0.446298 0.31246 -0.754344
+0.336294 0.469297 0.361127 -0.732294
+0.30488 0.490287 0.408248 -0.707107
+0.272161 0.509178 0.453621 -0.678892
+0.238276 0.525887 0.497052 -0.64777
+0.203372 0.540346 0.538354 -0.613875
+0.167596 0.55249 0.57735 -0.57735
+0.131103 0.562268 0.613875 -0.538354
+0.0940477 0.569639 0.64777 -0.497052
+0.0565902 0.57457 0.678892 -0.453621
+0.0188903 0.577041 0.707107 -0.408248
+-0.0188904 0.577041 0.732294 -0.361127
+-0.0565903 0.57457 0.754345 -0.31246
+-0.0940478 0.569639 0.773165 -0.262454
+-0.131103 0.562268 0.788675 -0.211325
+-0.167596 0.55249 0.800808 -0.15929
+-0.203372 0.540346 0.809511 -0.106574
+-0.238277 0.525887 0.814748 -0.0534013
+-0.272161 0.509178 0.816497 -9.30742e-08
+-0.30488 0.490287 0.814748 0.0534014
+-0.336294 0.469297 0.809511 0.106574
+-0.366267 0.446298 0.800808 0.159291
+-0.394672 0.421387 0.788675 0.211325
+-0.421387 0.394672 0.773165 0.262454
+-0.446298 0.366267 0.754344 0.31246
+-0.469297 0.336294 0.732294 0.361127
+-0.490287 0.30488 0.707107 0.408248
+-0.509177 0.272161 0.678892 0.453621
+-0.525887 0.238277 0.64777 0.497052
+-0.540346 0.203372 0.613875 0.538354
+-0.55249 0.167596 0.57735 0.57735
+-0.562268 0.131103 0.538354 0.613875
+-0.569639 0.0940478 0.497052 0.64777
+-0.57457 0.0565902 0.453621 0.678892
+-0.577041 0.0188904 0.408248 0.707107
+0.577041 0.0188904 -0.497052 -0.64777
+0.57457 0.0565902 -0.453621 -0.678892
+0.569639 0.0940477 -0.408248 -0.707107
+0.562268 0.131103 -0.361127 -0.732294
+0.55249 0.167596 -0.31246 -0.754344
+0.540346 0.203372 -0.262454 -0.773165
+0.525887 0.238277 -0.211325 -0.788675
+0.509177 0.272161 -0.159291 -0.800808
+0.490287 0.30488 -0.106574 -0.809511
+0.469297 0.336294 -0.0534014 -0.814748
+0.446298 0.366267 -1.48024e-08 -0.816497
+0.421387 0.394672 0.0534015 -0.814748
+0.394672 0.421387 0.106574 -0.809511
+0.366267 0.446298 0.159291 -0.800808
+0.336294 0.469297 0.211325 -0.788675
+0.30488 0.490287 0.262454 -0.773165
+0.272161 0.509178 0.31246 -0.754344
+0.238276 0.525887 0.361127 -0.732294
+0.203372 0.540346 0.408248 -0.707107
+0.167596 0.55249 0.453621 -0.678892
+0.131103 0.562268 0.497052 -0.64777
+0.0940477 0.569639 0.538354 -0.613875
+0.0565902 0.57457 0.57735 -0.57735
+0.0188903 0.577041 0.613875 -0.538354
+-0.0188904 0.577041 0.64777 -0.497052
+-0.0565903 0.57457 0.678892 -0.453621
+-0.0940478 0.569639 0.707107 -0.408248
+-0.131103 0.562268 0.732294 -0.361127
+-0.167596 0.55249 0.754345 -0.31246
+-0.203372 0.540346 0.773165 -0.262454
+-0.238277 0.525887 0.788675 -0.211325
+-0.272161 0.509178 0.800808 -0.159291
+-0.30488 0.490287 0.809511 -0.106574
+-0.336294 0.469297 0.814748 -0.0534014
+-0.366267 0.446298 0.816497 -2.77792e-08
+-0.394672 0.421387 0.814748 0.0534015
+-0.421387 0.394672 0.809511 0.106574
+-0.446298 0.366267 0.800808 0.159291
+-0.469297 0.336294 0.788675 0.211325
+-0.490287 0.30488 0.773165 0.262454
+-0.509177 0.272161 0.754345 0.31246
+-0.525887 0.238277 0.732294 0.361127
+-0.540346 0.203372 0.707107 0.408248
+-0.55249 0.167596 0.678892 0.453621
+-0.562268 0.131103 0.64777 0.497052
+-0.569639 0.0940478 0.613875 0.538354
+-0.57457 0.0565902 0.57735 0.57735
+-0.577041 0.0188904 0.538354 0.613875
+0.612045 0.0200363 -0.417474 -0.671353
+0.609424 0.060023 -0.372672 -0.69722
+0.604193 0.0997527 -0.326274 -0.720101
+0.596375 0.139055 -0.278478 -0.739899
+0.586004 0.177762 -0.22949 -0.756528
+0.573123 0.215708 -0.17952 -0.769917
+0.557788 0.25273 -0.12878 -0.78001
+0.540064 0.28867 -0.0774893 -0.786763
+0.520028 0.323374 -0.0258667 -0.790146
+0.497765 0.356693 0.0258667 -0.790146
+0.47337 0.388485 0.0774893 -0.786763
+0.446949 0.418613 0.12878 -0.78001
+0.418613 0.446949 0.17952 -0.769917
+0.388485 0.47337 0.22949 -0.756528
+0.356693 0.497765 0.278478 -0.739899
+0.323374 0.520028 0.326274 -0.720101
+0.28867 0.540064 0.372672 -0.69722
+0.25273 0.557788 0.417474 -0.671353
+0.215708 0.573123 0.460489 -0.642612
+0.177762 0.586004 0.501532 -0.611118
+0.139055 0.596375 0.540427 -0.577008
+0.0997526 0.604193 0.577008 -0.540427
+0.0600229 0.609424 0.611118 -0.501532
+0.0200362 0.612045 0.642612 -0.460489
+-0.0200363 0.612045 0.671353 -0.417474
+-0.060023 0.609424 0.69722 -0.372672
+-0.0997527 0.604193 0.720101 -0.326274
+-0.139055 0.596375 0.739899 -0.278478
+-0.177762 0.586004 0.756528 -0.22949
+-0.215708 0.573123 0.769917 -0.179519
+-0.25273 0.557788 0.78001 -0.12878
+-0.28867 0.540064 0.786763 -0.0774894
+-0.323374 0.520028 0.790146 -0.0258667
+-0.356693 0.497765 0.790146 0.0258668
+-0.388485 0.47337 0.786763 0.0774893
+-0.418613 0.446949 0.78001 0.12878
+-0.446949 0.418613 0.769917 0.17952
+-0.47337 0.388485 0.756528 0.22949
+-0.497765 0.356693 0.739899 0.278478
+-0.520028 0.323374 0.720101 0.326274
+-0.540064 0.28867 0.69722 0.372672
+-0.557788 0.25273 0.671353 0.417474
+-0.573123 0.215708 0.642612 0.460489
+-0.586004 0.177762 0.611118 0.501532
+-0.596375 0.139055 0.577008 0.540427
+-0.604193 0.0997527 0.540427 0.577008
+-0.609424 0.060023 0.501532 0.611118
+-0.612045 0.0200363 0.460489 0.642612
+0.539773 0.0176703 -0.684112 -0.490228
+0.537461 0.0529353 -0.650585 -0.533922
+0.532848 0.0879736 -0.614272 -0.575329
+0.525954 0.122635 -0.575329 -0.614272
+0.516807 0.156772 -0.533922 -0.650585
+0.505447 0.190237 -0.490228 -0.684112
+0.491923 0.222887 -0.444435 -0.71471
+0.476292 0.254583 -0.396739 -0.742247
+0.458622 0.285189 -0.347345 -0.766606
+0.438987 0.314574 -0.296463 -0.787682
+0.417473 0.342612 -0.244311 -0.805385
+0.394172 0.369182 -0.191113 -0.81964
+0.369182 0.394172 -0.137097 -0.830384
+0.342612 0.417473 -0.0824937 -0.837573
+0.314574 0.438987 -0.0275372 -0.841175
+0.285189 0.458622 0.0275373 -0.841175
+0.254583 0.476292 0.0824938 -0.837573
+0.222887 0.491923 0.137097 -0.830384
+0.190237 0.505447 0.191113 -0.81964
+0.156772 0.516807 0.244311 -0.805385
+0.122635 0.525954 0.296463 -0.787682
+0.0879735 0.532848 0.347345 -0.766606
+0.0529352 0.537461 0.39674 -0.742247
+0.0176703 0.539773 0.444435 -0.71471
+-0.0176704 0.539773 0.490228 -0.684112
+-0.0529354 0.537461 0.533922 -0.650585
+-0.0879736 0.532848 0.575329 -0.614272
+-0.122635 0.525954 0.614272 -0.575329
+-0.156772 0.516807 0.650585 -0.533921
+-0.190237 0.505447 0.684112 -0.490228
+-0.222887 0.491923 0.71471 -0.444435
+-0.254583 0.476292 0.742247 -0.39674
+-0.285189 0.458622 0.766606 -0.347345
+-0.314574 0.438987 0.787682 -0.296463
+-0.342612 0.417473 0.805385 -0.244311
+-0.369182 0.394172 0.81964 -0.191113
+-0.394172 0.369182 0.830384 -0.137097
+-0.417473 0.342612 0.837573 -0.0824937
+-0.438987 0.314574 0.841175 -0.0275373
+-0.458622 0.285189 0.841175 0.0275372
+-0.476292 0.254583 0.837573 0.0824936
+-0.491923 0.222887 0.830384 0.137097
+-0.505447 0.190237 0.81964 0.191113
+-0.516807 0.156772 0.805385 0.244311
+-0.525954 0.122635 0.787682 0.296463
+-0.532848 0.0879736 0.766606 0.347345
+-0.537461 0.0529353 0.742247 0.39674
+-0.539773 0.0176704 0.71471 0.444435
+0.577041 0.0188904 -0.613875 -0.538354
+0.57457 0.0565902 -0.57735 -0.57735
+0.569639 0.0940477 -0.538354 -0.613875
+0.562268 0.131103 -0.497052 -0.64777
+0.55249 0.167596 -0.453621 -0.678892
+0.540346 0.203372 -0.408248 -0.707107
+0.525887 0.238277 -0.361127 -0.732294
+0.509177 0.272161 -0.31246 -0.754344
+0.490287 0.30488 -0.262454 -0.773165
+0.469297 0.336294 -0.211325 -0.788675
+0.446298 0.366267 -0.159291 -0.800808
+0.421387 0.394672 -0.106574 -0.809511
+0.394672 0.421387 -0.0534014 -0.814748
+0.366267 0.446298 1.82562e-09 -0.816497
+0.336294 0.469297 0.0534015 -0.814748
+0.30488 0.490287 0.106574 -0.809511
+0.272161 0.509178 0.159291 -0.800808
+0.238276 0.525887 0.211325 -0.788675
+0.203372 0.540346 0.262454 -0.773165
+0.167596 0.55249 0.31246 -0.754344
+0.131103 0.562268 0.361127 -0.732294
+0.0940477 0.569639 0.408248 -0.707107
+0.0565902 0.57457 0.453621 -0.678892
+0.0188903 0.577041 0.497052 -0.64777
+-0.0188904 0.577041 0.538354 -0.613875
+-0.0565903 0.57457 0.57735 -0.57735
+-0.0940478 0.569639 0.613875 -0.538354
+-0.131103 0.562268 0.64777 -0.497052
+-0.167596 0.55249 0.678892 -0.453621
+-0.203372 0.540346 0.707107 -0.408248
+-0.238277 0.525887 0.732294 -0.361127
+-0.272161 0.509178 0.754344 -0.31246
+-0.30488 0.490287 0.773165 -0.262454
+-0.336294 0.469297 0.788675 -0.211325
+-0.366267 0.446298 0.800808 -0.159291
+-0.394672 0.421387 0.809511 -0.106574
+-0.421387 0.394672 0.814748 -0.0534015
+-0.446298 0.366267 0.816497 3.75158e-08
+-0.469297 0.336294 0.814748 0.0534014
+-0.490287 0.30488 0.809511 0.106574
+-0.509177 0.272161 0.800808 0.15929
+-0.525887 0.238277 0.788675 0.211325
+-0.540346 0.203372 0.773165 0.262454
+-0.55249 0.167596 0.754344 0.31246
+-0.562268 0.131103 0.732294 0.361127
+-0.569639 0.0940478 0.707107 0.408248
+-0.57457 0.0565902 0.678892 0.453621
+-0.577041 0.0188904 0.64777 0.497052
+0.577041 0.0188904 -0.707107 -0.408248
+0.57457 0.0565902 -0.678892 -0.453621
+0.569639 0.0940477 -0.64777 -0.497052
+0.562268 0.131103 -0.613875 -0.538354
+0.55249 0.167596 -0.57735 -0.57735
+0.540346 0.203372 -0.538354 -0.613875
+0.525887 0.238277 -0.497052 -0.64777
+0.509177 0.272161 -0.453621 -0.678892
+0.490287 0.30488 -0.408248 -0.707107
+0.469297 0.336294 -0.361127 -0.732294
+0.446298 0.366267 -0.31246 -0.754344
+0.421387 0.394672 -0.262454 -0.773165
+0.394672 0.421387 -0.211325 -0.788675
+0.366267 0.446298 -0.159291 -0.800808
+0.336294 0.469297 -0.106574 -0.809511
+0.30488 0.490287 -0.0534014 -0.814748
+0.272161 0.509178 6.71206e-08 -0.816497
+0.238276 0.525887 0.0534015 -0.814748
+0.203372 0.540346 0.106574 -0.809511
+0.167596 0.55249 0.159291 -0.800808
+0.131103 0.562268 0.211325 -0.788675
+0.0940477 0.569639 0.262454 -0.773165
+0.0565902 0.57457 0.31246 -0.754344
+0.0188903 0.577041 0.361127 -0.732293
+-0.0188904 0.577041 0.408248 -0.707107
+-0.0565903 0.57457 0.453621 -0.678892
+-0.0940478 0.569639 0.497052 -0.64777
+-0.131103 0.562268 0.538354 -0.613875
+-0.167596 0.55249 0.57735 -0.57735
+-0.203372 0.540346 0.613875 -0.538354
+-0.238277 0.525887 0.64777 -0.497052
+-0.272161 0.509178 0.678892 -0.453621
+-0.30488 0.490287 0.707107 -0.408248
+-0.336294 0.469297 0.732294 -0.361127
+-0.366267 0.446298 0.754344 -0.31246
+-0.394672 0.421387 0.773165 -0.262454
+-0.421387 0.394672 0.788675 -0.211325
+-0.446298 0.366267 0.800808 -0.159291
+-0.469297 0.336294 0.809511 -0.106574
+-0.490287 0.30488 0.814748 -0.0534014
+-0.509177 0.272161 0.816497 -9.18571e-08
+-0.525887 0.238277 0.814748 0.0534014
+-0.540346 0.203372 0.809511 0.106574
+-0.55249 0.167596 0.800808 0.159291
+-0.562268 0.131103 0.788675 0.211325
+-0.569639 0.0940478 0.773165 0.262454
+-0.57457 0.0565902 0.754344 0.31246
+-0.577041 0.0188904 0.732294 0.361127
+0.612045 0.0200363 -0.642612 -0.460489
+0.609424 0.060023 -0.611118 -0.501532
+0.604193 0.0997527 -0.577008 -0.540427
+0.596375 0.139055 -0.540427 -0.577008
+0.586004 0.177762 -0.501532 -0.611118
+0.573123 0.215708 -0.460489 -0.642612
+0.557788 0.25273 -0.417474 -0.671353
+0.540064 0.28867 -0.372672 -0.69722
+0.520028 0.323374 -0.326274 -0.720101
+0.497765 0.356693 -0.278478 -0.739899
+0.47337 0.388485 -0.22949 -0.756528
+0.446949 0.418613 -0.17952 -0.769917
+0.418613 0.446949 -0.12878 -0.78001
+0.388485 0.47337 -0.0774894 -0.786763
+0.356693 0.497765 -0.0258667 -0.790146
+0.323374 0.520028 0.0258668 -0.790146
+0.28867 0.540064 0.0774894 -0.786763
+0.25273 0.557788 0.12878 -0.78001
+0.215708 0.573123 0.17952 -0.769917
+0.177762 0.586004 0.22949 -0.756528
+0.139055 0.596375 0.278478 -0.739899
+0.0997526 0.604193 0.326274 -0.720101
+0.0600229 0.609424 0.372672 -0.69722
+0.0200362 0.612045 0.417474 -0.671353
+-0.0200363 0.612045 0.460489 -0.642612
+-0.060023 0.609424 0.501532 -0.611118
+-0.0997527 0.604193 0.540427 -0.577008
+-0.139055 0.596375 0.577008 -0.540427
+-0.177762 0.586004 0.611119 -0.501532
+-0.215708 0.573123 0.642612 -0.460489
+-0.25273 0.557788 0.671353 -0.417474
+-0.28867 0.540064 0.69722 -0.372672
+-0.323374 0.520028 0.720101 -0.326274
+-0.356693 0.497765 0.739899 -0.278478
+-0.388485 0.47337 0.756528 -0.22949
+-0.418613 0.446949 0.769917 -0.179519
+-0.446949 0.418613 0.78001 -0.12878
+-0.47337 0.388485 0.786763 -0.0774893
+-0.497765 0.356693 0.790146 -0.0258668
+-0.520028 0.323374 0.790146 0.0258667
+-0.540064 0.28867 0.786763 0.0774893
+-0.557788 0.25273 0.78001 0.12878
+-0.573123 0.215708 0.769917 0.17952
+-0.586004 0.177762 0.756528 0.22949
+-0.596375 0.139055 0.739899 0.278478
+-0.604193 0.0997527 0.720101 0.326274
+-0.609424 0.060023 0.69722 0.372672
+-0.612045 0.0200363 0.671353 0.417474
+0.612045 0.0200363 -0.540427 -0.577008
+0.609424 0.060023 -0.501532 -0.611118
+0.604193 0.0997527 -0.460489 -0.642612
+0.596375 0.139055 -0.417474 -0.671353
+0.586004 0.177762 -0.372672 -0.69722
+0.573123 0.215708 -0.326274 -0.720101
+0.557788 0.25273 -0.278478 -0.739899
+0.540064 0.28867 -0.22949 -0.756528
+0.520028 0.323374 -0.17952 -0.769917
+0.497765 0.356693 -0.12878 -0.78001
+0.47337 0.388485 -0.0774894 -0.786763
+0.446949 0.418613 -0.0258667 -0.790146
+0.418613 0.446949 0.0258667 -0.790146
+0.388485 0.47337 0.0774894 -0.786763
+0.356693 0.497765 0.12878 -0.78001
+0.323374 0.520028 0.17952 -0.769917
+0.28867 0.540064 0.22949 -0.756528
+0.25273 0.557788 0.278478 -0.739899
+0.215708 0.573123 0.326274 -0.720101
+0.177762 0.586004 0.372672 -0.69722
+0.139055 0.596375 0.417474 -0.671353
+0.0997526 0.604193 0.460489 -0.642612
+0.0600229 0.609424 0.501532 -0.611118
+0.0200362 0.612045 0.540427 -0.577008
+-0.0200363 0.612045 0.577008 -0.540427
+-0.060023 0.609424 0.611118 -0.501532
+-0.0997527 0.604193 0.642612 -0.460489
+-0.139055 0.596375 0.671353 -0.417474
+-0.177762 0.586004 0.69722 -0.372672
+-0.215708 0.573123 0.720101 -0.326273
+-0.25273 0.557788 0.739899 -0.278478
+-0.28867 0.540064 0.756528 -0.22949
+-0.323374 0.520028 0.769917 -0.17952
+-0.356693 0.497765 0.78001 -0.12878
+-0.388485 0.47337 0.786763 -0.0774894
+-0.418613 0.446949 0.790146 -0.0258666
+-0.446949 0.418613 0.790146 0.0258667
+-0.47337 0.388485 0.786763 0.0774894
+-0.497765 0.356693 0.78001 0.12878
+-0.520028 0.323374 0.769917 0.17952
+-0.540064 0.28867 0.756528 0.22949
+-0.557788 0.25273 0.739899 0.278478
+-0.573123 0.215708 0.720101 0.326274
+-0.586004 0.177762 0.69722 0.372672
+-0.596375 0.139055 0.671353 0.417474
+-0.604193 0.0997527 0.642612 0.460489
+-0.609424 0.060023 0.611118 0.501532
+-0.612045 0.0200363 0.577008 0.540427
+0.645152 0.0211201 -0.464949 -0.605934
+0.642389 0.0632698 -0.424324 -0.635045
+0.636876 0.105149 -0.381881 -0.661438
+0.628635 0.146577 -0.337804 -0.684998
+0.617702 0.187378 -0.292279 -0.705625
+0.604125 0.227376 -0.245503 -0.72323
+0.58796 0.266401 -0.197676 -0.737738
+0.569278 0.304285 -0.149003 -0.749087
+0.548158 0.340866 -0.099691 -0.757229
+0.52469 0.375988 -0.0499525 -0.762127
+0.498976 0.409499 -1.38464e-08 -0.763763
+0.471125 0.441257 0.0499525 -0.762127
+0.441257 0.471125 0.099691 -0.757229
+0.409499 0.498976 0.149003 -0.749087
+0.375988 0.52469 0.197676 -0.737738
+0.340866 0.548158 0.245504 -0.72323
+0.304285 0.569278 0.292279 -0.705625
+0.266401 0.58796 0.337804 -0.684998
+0.227376 0.604125 0.381881 -0.661438
+0.187378 0.617702 0.424324 -0.635045
+0.146577 0.628635 0.464949 -0.605934
+0.105148 0.636876 0.503584 -0.574227
+0.0632697 0.642389 0.540062 -0.540062
+0.02112 0.645152 0.574227 -0.503584
+-0.0211201 0.645152 0.605934 -0.464949
+-0.0632698 0.642389 0.635045 -0.424324
+-0.105149 0.636876 0.661438 -0.381881
+-0.146577 0.628635 0.684998 -0.337804
+-0.187378 0.617702 0.705625 -0.292279
+-0.227377 0.604125 0.72323 -0.245503
+-0.266401 0.58796 0.737738 -0.197676
+-0.304285 0.569278 0.749087 -0.149003
+-0.340866 0.548158 0.757229 -0.099691
+-0.375988 0.52469 0.762127 -0.0499524
+-0.409499 0.498976 0.763763 -2.59851e-08
+-0.441257 0.471125 0.762127 0.0499525
+-0.471125 0.441257 0.757229 0.099691
+-0.498976 0.409499 0.749087 0.149003
+-0.52469 0.375988 0.737738 0.197676
+-0.548158 0.340866 0.72323 0.245503
+-0.569278 0.304285 0.705625 0.292279
+-0.58796 0.266401 0.684998 0.337804
+-0.604125 0.227376 0.661438 0.381881
+-0.617702 0.187378 0.635045 0.424324
+-0.628635 0.146577 0.605934 0.464949
+-0.636876 0.105149 0.574227 0.503584
+-0.642389 0.0632698 0.540062 0.540062
+-0.645152 0.0211201 0.503584 0.574227
+0.645152 0.0211201 -0.574227 -0.503584
+0.642389 0.0632698 -0.540062 -0.540062
+0.636876 0.105149 -0.503584 -0.574227
+0.628635 0.146577 -0.464949 -0.605934
+0.617702 0.187378 -0.424324 -0.635045
+0.604125 0.227376 -0.381881 -0.661438
+0.58796 0.266401 -0.337804 -0.684998
+0.569278 0.304285 -0.292279 -0.705625
+0.548158 0.340866 -0.245503 -0.72323
+0.52469 0.375988 -0.197676 -0.737738
+0.498976 0.409499 -0.149003 -0.749087
+0.471125 0.441257 -0.099691 -0.757229
+0.441257 0.471125 -0.0499525 -0.762127
+0.409499 0.498976 1.70771e-09 -0.763763
+0.375988 0.52469 0.0499525 -0.762127
+0.340866 0.548158 0.0996911 -0.757229
+0.304285 0.569278 0.149003 -0.749087
+0.266401 0.58796 0.197676 -0.737738
+0.227376 0.604125 0.245503 -0.72323
+0.187378 0.617702 0.292279 -0.705625
+0.146577 0.628635 0.337804 -0.684998
+0.105148 0.636876 0.381881 -0.661438
+0.0632697 0.642389 0.424324 -0.635045
+0.02112 0.645152 0.464949 -0.605934
+-0.0211201 0.645152 0.503584 -0.574227
+-0.0632698 0.642389 0.540062 -0.540062
+-0.105149 0.636876 0.574227 -0.503584
+-0.146577 0.628635 0.605934 -0.464949
+-0.187378 0.617702 0.635045 -0.424324
+-0.227377 0.604125 0.661438 -0.381881
+-0.266401 0.58796 0.684998 -0.337803
+-0.304285 0.569278 0.705625 -0.292279
+-0.340866 0.548158 0.72323 -0.245503
+-0.375988 0.52469 0.737738 -0.197676
+-0.409499 0.498976 0.749087 -0.149003
+-0.441257 0.471125 0.757229 -0.099691
+-0.471125 0.441257 0.762127 -0.0499525
+-0.498976 0.409499 0.763763 3.50928e-08
+-0.52469 0.375988 0.762127 0.0499524
+-0.548158 0.340866 0.757229 0.099691
+-0.569278 0.304285 0.749087 0.149003
+-0.58796 0.266401 0.737738 0.197676
+-0.604125 0.227376 0.72323 0.245504
+-0.617702 0.187378 0.705625 0.292279
+-0.628635 0.146577 0.684998 0.337804
+-0.636876 0.105149 0.661438 0.381881
+-0.642389 0.0632698 0.635045 0.424324
+-0.645152 0.0211201 0.605934 0.464949
+0.676641 0.0221509 -0.50311 -0.537165
+0.673743 0.0663579 -0.466901 -0.56892
+0.667961 0.110281 -0.428692 -0.598239
+0.659318 0.153731 -0.388647 -0.624996
+0.647852 0.196524 -0.346939 -0.649076
+0.633611 0.238474 -0.303744 -0.670378
+0.616658 0.279404 -0.259249 -0.688808
+0.597064 0.319137 -0.213644 -0.704289
+0.574913 0.357504 -0.167124 -0.716754
+0.5503 0.394339 -0.119888 -0.72615
+0.523331 0.429486 -0.0721387 -0.732436
+0.49412 0.462794 -0.0240806 -0.735586
+0.462794 0.49412 0.0240806 -0.735586
+0.429486 0.523331 0.0721387 -0.732436
+0.394339 0.5503 0.119888 -0.72615
+0.357504 0.574913 0.167124 -0.716754
+0.319137 0.597064 0.213644 -0.704289
+0.279404 0.616658 0.259249 -0.688808
+0.238474 0.633611 0.303744 -0.670378
+0.196524 0.647852 0.346939 -0.649076
+0.153731 0.659318 0.388647 -0.624996
+0.110281 0.667961 0.428692 -0.598239
+0.0663578 0.673743 0.466901 -0.56892
+0.0221508 0.676641 0.50311 -0.537165
+-0.022151 0.676641 0.537165 -0.50311
+-0.066358 0.673743 0.56892 -0.466901
+-0.110281 0.667961 0.598239 -0.428692
+-0.153731 0.659318 0.624996 -0.388647
+-0.196524 0.647852 0.649077 -0.346938
+-0.238475 0.633611 0.670378 -0.303744
+-0.279404 0.616658 0.688808 -0.259249
+-0.319137 0.597064 0.704289 -0.213644
+-0.357504 0.574913 0.716754 -0.167124
+-0.394339 0.5503 0.72615 -0.119888
+-0.429486 0.523331 0.732436 -0.0721387
+-0.462794 0.49412 0.735586 -0.0240805
+-0.49412 0.462794 0.735586 0.0240805
+-0.523331 0.429486 0.732436 0.0721387
+-0.5503 0.394339 0.72615 0.119888
+-0.574913 0.357504 0.716754 0.167124
+-0.597063 0.319137 0.704289 0.213644
+-0.616658 0.279404 0.688808 0.259249
+-0.633611 0.238474 0.670378 0.303744
+-0.647852 0.196524 0.649076 0.346939
+-0.659318 0.153731 0.624996 0.388647
+-0.667961 0.110281 0.598239 0.428692
+-0.673743 0.0663579 0.56892 0.466901
+-0.676641 0.022151 0.537165 0.50311
+0.0510037 0.00166969 0.728913 -0.682702
+0.0507853 0.00500192 0.772003 -0.633567
+0.0503494 0.00831272 0.811788 -0.581719
+0.049698 0.0115879 0.848096 -0.52738
+0.0488337 0.0148135 0.880772 -0.470783
+0.0477602 0.0179757 0.909677 -0.412169
+0.0464823 0.0210609 0.934687 -0.351791
+0.0450054 0.0240559 0.955694 -0.289906
+0.0433357 0.0269479 0.972608 -0.22678
+0.0414804 0.0297244 0.985358 -0.162683
+0.0394475 0.0323737 0.993888 -0.0978894
+0.0372457 0.0348844 0.998162 -0.0326764
+0.0348844 0.0372457 0.998162 0.0326765
+0.0323737 0.0394475 0.993888 0.0978894
+0.0297244 0.0414804 0.985358 0.162683
+0.0269478 0.0433357 0.972608 0.22678
+0.0240559 0.0450054 0.955693 0.289907
+0.0210609 0.0464823 0.934686 0.351791
+0.0179757 0.0477603 0.909677 0.412169
+0.0148135 0.0488337 0.880772 0.470783
+0.0115879 0.049698 0.848096 0.52738
+0.00831272 0.0503494 0.811788 0.581719
+0.00500191 0.0507853 0.772003 0.633567
+0.00166968 0.0510037 0.728913 0.682702
+-0.00166969 0.0510037 0.682702 0.728913
+-0.00500192 0.0507853 0.633567 0.772003
+-0.00831273 0.0503494 0.581719 0.811788
+-0.0115879 0.049698 0.52738 0.848096
+-0.0148135 0.0488337 0.470782 0.880772
+-0.0179757 0.0477602 0.412169 0.909677
+-0.0210609 0.0464823 0.351791 0.934687
+-0.0240559 0.0450054 0.289907 0.955693
+-0.0269478 0.0433357 0.22678 0.972608
+-0.0297244 0.0414804 0.162683 0.985358
+-0.0323737 0.0394475 0.0978895 0.993888
+-0.0348844 0.0372457 0.0326764 0.998162
+-0.0372457 0.0348844 -0.0326764 0.998162
+-0.0394475 0.0323737 -0.0978895 0.993888
+-0.0414804 0.0297244 -0.162683 0.985358
+-0.0433357 0.0269478 -0.22678 0.972608
+-0.0450054 0.0240559 -0.289906 0.955694
+-0.0464823 0.0210609 -0.351791 0.934687
+-0.0477603 0.0179757 -0.412169 0.909677
+-0.0488337 0.0148135 -0.470783 0.880772
+-0.049698 0.0115879 -0.52738 0.848096
+-0.0503494 0.00831273 -0.581719 0.811788
+-0.0507853 0.00500191 -0.633567 0.772003
+-0.0510037 0.00166969 -0.682702 0.728913
+0.102007 0.00333938 0.931019 -0.350411
+0.101571 0.0100038 0.951943 -0.288769
+0.100699 0.0166254 0.968791 -0.22589
+0.0993959 0.0231759 0.981491 -0.162045
+0.0976673 0.0296271 0.989988 -0.0975053
+0.0955205 0.0359514 0.994245 -0.0325482
+0.0929646 0.0421217 0.994245 0.0325482
+0.0900107 0.0481117 0.989988 0.0975053
+0.0866713 0.0538957 0.981491 0.162045
+0.0829608 0.0594489 0.968791 0.22589
+0.0788951 0.0647475 0.951943 0.288769
+0.0744914 0.0697688 0.931019 0.350411
+0.0697688 0.0744914 0.906107 0.410552
+0.0647475 0.078895 0.877316 0.468935
+0.0594489 0.0829608 0.844768 0.52531
+0.0538957 0.0866713 0.808602 0.579436
+0.0481117 0.0900107 0.768974 0.631081
+0.0421217 0.0929647 0.726053 0.680023
+0.0359514 0.0955205 0.680023 0.726053
+0.0296271 0.0976673 0.63108 0.768974
+0.0231759 0.0993959 0.579436 0.808602
+0.0166254 0.100699 0.52531 0.844768
+0.0100038 0.101571 0.468935 0.877316
+0.00333937 0.102007 0.410552 0.906107
+-0.00333939 0.102007 0.350411 0.931019
+-0.0100038 0.101571 0.288769 0.951943
+-0.0166255 0.100699 0.22589 0.968791
+-0.0231759 0.0993959 0.162045 0.981491
+-0.0296271 0.0976673 0.0975051 0.989988
+-0.0359514 0.0955205 0.0325481 0.994245
+-0.0421217 0.0929646 -0.0325484 0.994245
+-0.0481117 0.0900107 -0.0975052 0.989988
+-0.0538957 0.0866713 -0.162045 0.981491
+-0.0594489 0.0829608 -0.225891 0.968791
+-0.0647475 0.0788951 -0.288769 0.951943
+-0.0697689 0.0744914 -0.350411 0.931019
+-0.0744914 0.0697689 -0.410552 0.906107
+-0.0788951 0.0647475 -0.468935 0.877316
+-0.0829608 0.0594489 -0.52531 0.844768
+-0.0866713 0.0538957 -0.579436 0.808602
+-0.0900107 0.0481117 -0.63108 0.768974
+-0.0929646 0.0421217 -0.680023 0.726053
+-0.0955205 0.0359514 -0.726053 0.680023
+-0.0976673 0.0296271 -0.768974 0.631081
+-0.0993959 0.0231759 -0.808602 0.579436
+-0.100699 0.0166255 -0.844768 0.52531
+-0.101571 0.0100038 -0.877316 0.468935
+-0.102007 0.00333939 -0.906107 0.410552
+0.102007 0.00333938 0.410552 -0.906107
+0.101571 0.0100038 0.468935 -0.877316
+0.100699 0.0166254 0.52531 -0.844768
+0.0993959 0.0231759 0.579436 -0.808602
+0.0976673 0.0296271 0.631081 -0.768974
+0.0955205 0.0359514 0.680023 -0.726053
+0.0929646 0.0421217 0.726053 -0.680023
+0.0900107 0.0481117 0.768974 -0.63108
+0.0866713 0.0538957 0.808602 -0.579436
+0.0829608 0.0594489 0.844768 -0.52531
+0.0788951 0.0647475 0.877316 -0.468935
+0.0744914 0.0697688 0.906107 -0.410552
+0.0697688 0.0744914 0.931019 -0.350411
+0.0647475 0.078895 0.951943 -0.288769
+0.0594489 0.0829608 0.968791 -0.22589
+0.0538957 0.0866713 0.981491 -0.162045
+0.0481117 0.0900107 0.989988 -0.0975052
+0.0421217 0.0929647 0.994245 -0.0325482
+0.0359514 0.0955205 0.994245 0.0325483
+0.0296271 0.0976673 0.989988 0.0975053
+0.0231759 0.0993959 0.981491 0.162045
+0.0166254 0.100699 0.968791 0.225891
+0.0100038 0.101571 0.951943 0.288769
+0.00333937 0.102007 0.931019 0.350411
+-0.00333939 0.102007 0.906107 0.410552
+-0.0100038 0.101571 0.877316 0.468935
+-0.0166255 0.100699 0.844768 0.52531
+-0.0231759 0.0993959 0.808602 0.579436
+-0.0296271 0.0976673 0.768974 0.631081
+-0.0359514 0.0955205 0.726053 0.680023
+-0.0421217 0.0929646 0.680023 0.726053
+-0.0481117 0.0900107 0.631081 0.768974
+-0.0538957 0.0866713 0.579436 0.808602
+-0.0594489 0.0829608 0.52531 0.844768
+-0.0647475 0.0788951 0.468935 0.877316
+-0.0697689 0.0744914 0.410552 0.906107
+-0.0744914 0.0697689 0.350411 0.931019
+-0.0788951 0.0647475 0.288769 0.951943
+-0.0829608 0.0594489 0.225891 0.968791
+-0.0866713 0.0538957 0.162045 0.981491
+-0.0900107 0.0481117 0.0975054 0.989988
+-0.0929646 0.0421217 0.0325482 0.994245
+-0.0955205 0.0359514 -0.0325483 0.994245
+-0.0976673 0.0296271 -0.0975053 0.989988
+-0.0993959 0.0231759 -0.162045 0.981491
+-0.100699 0.0166255 -0.22589 0.968791
+-0.101571 0.0100038 -0.288769 0.951943
+-0.102007 0.00333939 -0.350411 0.931019
+0.153011 0.00500907 0.72126 -0.675534
+0.152356 0.0150057 0.763898 -0.626915
+0.151048 0.0249382 0.803265 -0.575611
+0.149094 0.0347638 0.839192 -0.521843
+0.146501 0.0444406 0.871525 -0.46584
+0.143281 0.0539271 0.900126 -0.407842
+0.139447 0.0631826 0.924873 -0.348098
+0.135016 0.0721676 0.94566 -0.286863
+0.130007 0.0808436 0.962397 -0.224399
+0.124441 0.0891733 0.975013 -0.160975
+0.118343 0.0971212 0.983453 -0.0968617
+0.111737 0.104653 0.987683 -0.0323334
+0.104653 0.111737 0.987683 0.0323334
+0.0971212 0.118343 0.983453 0.0968617
+0.0891733 0.124441 0.975013 0.160975
+0.0808435 0.130007 0.962397 0.2244
+0.0721676 0.135016 0.94566 0.286863
+0.0631826 0.139447 0.924873 0.348098
+0.053927 0.143281 0.900126 0.407842
+0.0444406 0.146501 0.871525 0.46584
+0.0347638 0.149094 0.839192 0.521843
+0.0249382 0.151048 0.803265 0.575611
+0.0150057 0.152356 0.763898 0.626915
+0.00500905 0.153011 0.72126 0.675534
+-0.00500908 0.153011 0.675534 0.72126
+-0.0150058 0.152356 0.626915 0.763898
+-0.0249382 0.151048 0.575611 0.803265
+-0.0347638 0.149094 0.521843 0.839192
+-0.0444406 0.146501 0.46584 0.871525
+-0.0539271 0.143281 0.407842 0.900126
+-0.0631826 0.139447 0.348098 0.924873
+-0.0721676 0.135016 0.286863 0.94566
+-0.0808435 0.130007 0.224399 0.962397
+-0.0891733 0.124441 0.160975 0.975013
+-0.0971212 0.118343 0.0968617 0.983453
+-0.104653 0.111737 0.0323333 0.987683
+-0.111737 0.104653 -0.0323333 0.987683
+-0.118343 0.0971212 -0.0968617 0.983453
+-0.124441 0.0891733 -0.160975 0.975013
+-0.130007 0.0808435 -0.224399 0.962397
+-0.135016 0.0721676 -0.286863 0.94566
+-0.139447 0.0631826 -0.348098 0.924873
+-0.143281 0.053927 -0.407842 0.900126
+-0.146501 0.0444406 -0.46584 0.871525
+-0.149094 0.0347638 -0.521843 0.839192
+-0.151048 0.0249382 -0.575611 0.803265
+-0.152356 0.0150057 -0.626915 0.763898
+-0.153011 0.00500908 -0.675534 0.72126
+0.153011 0.00500907 0.962397 -0.224399
+0.152356 0.0150057 0.975013 -0.160975
+0.151048 0.0249382 0.983453 -0.0968617
+0.149094 0.0347638 0.987683 -0.0323334
+0.146501 0.0444406 0.987683 0.0323334
+0.143281 0.0539271 0.983453 0.0968617
+0.139447 0.0631826 0.975013 0.160975
+0.135016 0.0721676 0.962397 0.224399
+0.130007 0.0808436 0.94566 0.286863
+0.124441 0.0891733 0.924873 0.348098
+0.118343 0.0971212 0.900126 0.407842
+0.111737 0.104653 0.871525 0.46584
+0.104653 0.111737 0.839192 0.521843
+0.0971212 0.118343 0.803265 0.575611
+0.0891733 0.124441 0.763898 0.626915
+0.0808435 0.130007 0.72126 0.675534
+0.0721676 0.135016 0.675534 0.72126
+0.0631826 0.139447 0.626915 0.763898
+0.053927 0.143281 0.575611 0.803265
+0.0444406 0.146501 0.521843 0.839192
+0.0347638 0.149094 0.46584 0.871525
+0.0249382 0.151048 0.407842 0.900126
+0.0150057 0.152356 0.348098 0.924873
+0.00500905 0.153011 0.286863 0.94566
+-0.00500908 0.153011 0.224399 0.962397
+-0.0150058 0.152356 0.160975 0.975013
+-0.0249382 0.151048 0.0968616 0.983453
+-0.0347638 0.149094 0.0323333 0.987683
+-0.0444406 0.146501 -0.0323335 0.987683
+-0.0539271 0.143281 -0.0968618 0.983453
+-0.0631826 0.139447 -0.160975 0.975013
+-0.0721676 0.135016 -0.224399 0.962397
+-0.0808435 0.130007 -0.286863 0.94566
+-0.0891733 0.124441 -0.348098 0.924873
+-0.0971212 0.118343 -0.407842 0.900126
+-0.104653 0.111737 -0.46584 0.871525
+-0.111737 0.104653 -0.521843 0.839192
+-0.118343 0.0971212 -0.575611 0.803265
+-0.124441 0.0891733 -0.626915 0.763898
+-0.130007 0.0808435 -0.675534 0.72126
+-0.135016 0.0721676 -0.72126 0.675534
+-0.139447 0.0631826 -0.763898 0.626915
+-0.143281 0.053927 -0.803265 0.575611
+-0.146501 0.0444406 -0.839192 0.521843
+-0.149094 0.0347638 -0.871525 0.46584
+-0.151048 0.0249382 -0.900126 0.407842
+-0.152356 0.0150057 -0.924873 0.348098
+-0.153011 0.00500908 -0.94566 0.286863
+0.204015 0.00667875 0.96587 -0.159466
+0.203141 0.0200077 0.974231 -0.0959534
+0.201398 0.0332509 0.978421 -0.0320302
+0.198792 0.0463518 0.978421 0.0320302
+0.195335 0.0592541 0.974231 0.0959534
+0.191041 0.0719027 0.96587 0.159466
+0.185929 0.0842435 0.953372 0.222295
+0.180021 0.0962235 0.936792 0.284173
+0.173343 0.107791 0.9162 0.344833
+0.165922 0.118898 0.891686 0.404017
+0.15779 0.129495 0.863352 0.461471
+0.148983 0.139538 0.831322 0.516949
+0.139538 0.148983 0.795732 0.570214
+0.129495 0.15779 0.756735 0.621036
+0.118898 0.165922 0.714497 0.669199
+0.107791 0.173343 0.669199 0.714497
+0.0962234 0.180021 0.621036 0.756735
+0.0842435 0.185929 0.570214 0.795732
+0.0719027 0.191041 0.516949 0.831322
+0.0592541 0.195335 0.461471 0.863352
+0.0463517 0.198792 0.404017 0.891686
+0.0332509 0.201398 0.344833 0.9162
+0.0200076 0.203141 0.284173 0.936792
+0.00667873 0.204015 0.222295 0.953372
+-0.00667877 0.204015 0.159466 0.96587
+-0.0200077 0.203141 0.0959533 0.974231
+-0.0332509 0.201398 0.0320301 0.978421
+-0.0463518 0.198792 -0.0320302 0.978421
+-0.0592541 0.195335 -0.0959535 0.974231
+-0.0719028 0.191041 -0.159466 0.96587
+-0.0842435 0.185929 -0.222295 0.953372
+-0.0962234 0.180021 -0.284173 0.936792
+-0.107791 0.173343 -0.344833 0.9162
+-0.118898 0.165922 -0.404018 0.891686
+-0.129495 0.15779 -0.461471 0.863352
+-0.139538 0.148983 -0.516949 0.831322
+-0.148983 0.139538 -0.570214 0.795732
+-0.15779 0.129495 -0.621036 0.756735
+-0.165922 0.118898 -0.669199 0.714497
+-0.173343 0.107791 -0.714497 0.669199
+-0.180021 0.0962235 -0.756735 0.621036
+-0.185929 0.0842435 -0.795732 0.570214
+-0.191041 0.0719027 -0.831322 0.516949
+-0.195335 0.0592541 -0.863352 0.461472
+-0.198792 0.0463517 -0.891686 0.404017
+-0.201398 0.0332509 -0.9162 0.344833
+-0.203141 0.0200077 -0.936792 0.284173
+-0.204015 0.00667877 -0.953372 0.222295
+0.204015 0.00667875 0.831322 -0.516949
+0.203141 0.0200077 0.863352 -0.461471
+0.201398 0.0332509 0.891686 -0.404017
+0.198792 0.0463518 0.9162 -0.344833
+0.195335 0.0592541 0.936792 -0.284173
+0.191041 0.0719027 0.953372 -0.222295
+0.185929 0.0842435 0.96587 -0.159466
+0.180021 0.0962235 0.974231 -0.0959534
+0.173343 0.107791 0.978421 -0.0320302
+0.165922 0.118898 0.978421 0.0320302
+0.15779 0.129495 0.974231 0.0959534
+0.148983 0.139538 0.96587 0.159466
+0.139538 0.148983 0.953372 0.222295
+0.129495 0.15779 0.936792 0.284173
+0.118898 0.165922 0.9162 0.344833
+0.107791 0.173343 0.891686 0.404018
+0.0962234 0.180021 0.863352 0.461472
+0.0842435 0.185929 0.831322 0.516949
+0.0719027 0.191041 0.795732 0.570214
+0.0592541 0.195335 0.756735 0.621036
+0.0463517 0.198792 0.714497 0.669199
+0.0332509 0.201398 0.669199 0.714497
+0.0200076 0.203141 0.621036 0.756735
+0.00667873 0.204015 0.570214 0.795732
+-0.00667877 0.204015 0.516949 0.831322
+-0.0200077 0.203141 0.461471 0.863352
+-0.0332509 0.201398 0.404017 0.891686
+-0.0463518 0.198792 0.344833 0.9162
+-0.0592541 0.195335 0.284173 0.936792
+-0.0719028 0.191041 0.222295 0.953372
+-0.0842435 0.185929 0.159466 0.96587
+-0.0962234 0.180021 0.0959535 0.974231
+-0.107791 0.173343 0.0320302 0.978421
+-0.118898 0.165922 -0.0320303 0.978421
+-0.129495 0.15779 -0.0959534 0.974231
+-0.139538 0.148983 -0.159466 0.96587
+-0.148983 0.139538 -0.222295 0.953372
+-0.15779 0.129495 -0.284173 0.936792
+-0.165922 0.118898 -0.344833 0.9162
+-0.173343 0.107791 -0.404018 0.891686
+-0.180021 0.0962235 -0.461471 0.863352
+-0.185929 0.0842435 -0.516949 0.831322
+-0.191041 0.0719027 -0.570214 0.795732
+-0.195335 0.0592541 -0.621036 0.756735
+-0.198792 0.0463517 -0.669199 0.714497
+-0.201398 0.0332509 -0.714497 0.669199
+-0.203141 0.0200077 -0.756735 0.621036
+-0.204015 0.00667877 -0.795732 0.570214
+0.255019 0.00834844 0.875416 -0.41054
+0.253927 0.0250096 0.900392 -0.352407
+0.251747 0.0415636 0.921513 -0.292764
+0.24849 0.0579397 0.938687 -0.231867
+0.244168 0.0740676 0.951842 -0.169977
+0.238801 0.0898784 0.960921 -0.10736
+0.232412 0.105304 0.965886 -0.0442829
+0.225027 0.120279 0.966714 0.0189838
+0.216678 0.134739 0.963402 0.0821693
+0.207402 0.148622 0.955965 0.145003
+0.197238 0.161869 0.944435 0.207216
+0.186229 0.174422 0.92886 0.268541
+0.174422 0.186229 0.909308 0.328716
+0.161869 0.197238 0.885862 0.387484
+0.148622 0.207402 0.858623 0.444593
+0.134739 0.216678 0.827707 0.499797
+0.120279 0.225027 0.793246 0.552862
+0.105304 0.232412 0.755389 0.603559
+0.0898784 0.238801 0.714297 0.651671
+0.0740676 0.244168 0.670146 0.696993
+0.0579397 0.24849 0.623126 0.739331
+0.0415636 0.251747 0.573437 0.778502
+0.0250096 0.253927 0.521293 0.81434
+0.00834842 0.255019 0.466916 0.846691
+-0.00834847 0.255019 0.41054 0.875416
+-0.0250096 0.253927 0.352406 0.900392
+-0.0415636 0.251747 0.292764 0.921513
+-0.0579397 0.24849 0.231867 0.938687
+-0.0740677 0.244168 0.169977 0.951842
+-0.0898785 0.238801 0.10736 0.960921
+-0.105304 0.232412 0.0442828 0.965886
+-0.120279 0.225027 -0.0189837 0.966714
+-0.134739 0.216678 -0.0821693 0.963402
+-0.148622 0.207402 -0.145003 0.955965
+-0.161869 0.197238 -0.207216 0.944435
+-0.174422 0.186229 -0.268541 0.92886
+-0.186229 0.174422 -0.328716 0.909308
+-0.197238 0.161869 -0.387484 0.885862
+-0.207402 0.148622 -0.444593 0.858623
+-0.216678 0.134739 -0.499797 0.827707
+-0.225027 0.120279 -0.552862 0.793246
+-0.232412 0.105304 -0.603559 0.755389
+-0.238801 0.0898784 -0.651672 0.714297
+-0.244168 0.0740676 -0.696993 0.670146
+-0.24849 0.0579397 -0.739331 0.623126
+-0.251747 0.0415636 -0.778502 0.573437
+-0.253927 0.0250096 -0.81434 0.521293
+-0.255019 0.00834847 -0.846691 0.466916
+0.153011 0.00500907 0.286863 -0.94566
+0.152356 0.0150057 0.348098 -0.924873
+0.151048 0.0249382 0.407842 -0.900126
+0.149094 0.0347638 0.46584 -0.871525
+0.146501 0.0444406 0.521843 -0.839192
+0.143281 0.0539271 0.575611 -0.803265
+0.139447 0.0631826 0.626915 -0.763898
+0.135016 0.0721676 0.675534 -0.72126
+0.130007 0.0808436 0.72126 -0.675534
+0.124441 0.0891733 0.763898 -0.626915
+0.118343 0.0971212 0.803265 -0.575611
+0.111737 0.104653 0.839192 -0.521843
+0.104653 0.111737 0.871525 -0.46584
+0.0971212 0.118343 0.900126 -0.407842
+0.0891733 0.124441 0.924873 -0.348098
+0.0808435 0.130007 0.94566 -0.286863
+0.0721676 0.135016 0.962397 -0.224399
+0.0631826 0.139447 0.975013 -0.160975
+0.053927 0.143281 0.983453 -0.0968616
+0.0444406 0.146501 0.987683 -0.0323333
+0.0347638 0.149094 0.987683 0.0323334
+0.0249382 0.151048 0.983453 0.0968618
+0.0150057 0.152356 0.975013 0.160975
+0.00500905 0.153011 0.962397 0.2244
+-0.00500908 0.153011 0.94566 0.286863
+-0.0150058 0.152356 0.924873 0.348098
+-0.0249382 0.151048 0.900126 0.407842
+-0.0347638 0.149094 0.871525 0.46584
+-0.0444406 0.146501 0.839192 0.521843
+-0.0539271 0.143281 0.803265 0.575611
+-0.0631826 0.139447 0.763898 0.626915
+-0.0721676 0.135016 0.72126 0.675534
+-0.0808435 0.130007 0.675534 0.72126
+-0.0891733 0.124441 0.626915 0.763898
+-0.0971212 0.118343 0.575611 0.803265
+-0.104653 0.111737 0.521843 0.839192
+-0.111737 0.104653 0.46584 0.871525
+-0.118343 0.0971212 0.407842 0.900126
+-0.124441 0.0891733 0.348098 0.924873
+-0.130007 0.0808435 0.286863 0.94566
+-0.135016 0.0721676 0.2244 0.962397
+-0.139447 0.0631826 0.160975 0.975013
+-0.143281 0.053927 0.0968616 0.983453
+-0.146501 0.0444406 0.0323334 0.987683
+-0.149094 0.0347638 -0.0323335 0.987683
+-0.151048 0.0249382 -0.0968616 0.983453
+-0.152356 0.0150057 -0.160975 0.975013
+-0.153011 0.00500908 -0.224399 0.962397
+0.204015 0.00667875 0.570214 -0.795732
+0.203141 0.0200077 0.621036 -0.756735
+0.201398 0.0332509 0.669199 -0.714497
+0.198792 0.0463518 0.714497 -0.669199
+0.195335 0.0592541 0.756735 -0.621036
+0.191041 0.0719027 0.795732 -0.570214
+0.185929 0.0842435 0.831322 -0.516949
+0.180021 0.0962235 0.863352 -0.461471
+0.173343 0.107791 0.891686 -0.404017
+0.165922 0.118898 0.9162 -0.344833
+0.15779 0.129495 0.936792 -0.284173
+0.148983 0.139538 0.953372 -0.222295
+0.139538 0.148983 0.96587 -0.159466
+0.129495 0.15779 0.974231 -0.0959534
+0.118898 0.165922 0.978421 -0.0320301
+0.107791 0.173343 0.978421 0.0320303
+0.0962234 0.180021 0.974231 0.0959535
+0.0842435 0.185929 0.96587 0.159466
+0.0719027 0.191041 0.953372 0.222295
+0.0592541 0.195335 0.936792 0.284173
+0.0463517 0.198792 0.9162 0.344833
+0.0332509 0.201398 0.891686 0.404018
+0.0200076 0.203141 0.863352 0.461472
+0.00667873 0.204015 0.831322 0.516949
+-0.00667877 0.204015 0.795732 0.570214
+-0.0200077 0.203141 0.756735 0.621036
+-0.0332509 0.201398 0.714497 0.669199
+-0.0463518 0.198792 0.669199 0.714497
+-0.0592541 0.195335 0.621036 0.756735
+-0.0719028 0.191041 0.570214 0.795732
+-0.0842435 0.185929 0.516949 0.831322
+-0.0962234 0.180021 0.461472 0.863352
+-0.107791 0.173343 0.404017 0.891686
+-0.118898 0.165922 0.344833 0.9162
+-0.129495 0.15779 0.284173 0.936792
+-0.139538 0.148983 0.222295 0.953372
+-0.148983 0.139538 0.159466 0.96587
+-0.15779 0.129495 0.0959533 0.974231
+-0.165922 0.118898 0.0320303 0.978421
+-0.173343 0.107791 -0.0320302 0.978421
+-0.180021 0.0962235 -0.0959533 0.974231
+-0.185929 0.0842435 -0.159466 0.96587
+-0.191041 0.0719027 -0.222295 0.953372
+-0.195335 0.0592541 -0.284173 0.936792
+-0.198792 0.0463517 -0.344833 0.9162
+-0.201398 0.0332509 -0.404017 0.891686
+-0.203141 0.0200077 -0.461472 0.863352
+-0.204015 0.00667877 -0.516949 0.831322
+0.204015 0.00667875 0.222295 -0.953372
+0.203141 0.0200077 0.284173 -0.936792
+0.201398 0.0332509 0.344833 -0.9162
+0.198792 0.0463518 0.404017 -0.891686
+0.195335 0.0592541 0.461471 -0.863352
+0.191041 0.0719027 0.516949 -0.831322
+0.185929 0.0842435 0.570214 -0.795732
+0.180021 0.0962235 0.621036 -0.756735
+0.173343 0.107791 0.669199 -0.714497
+0.165922 0.118898 0.714497 -0.669199
+0.15779 0.129495 0.756735 -0.621036
+0.148983 0.139538 0.795732 -0.570214
+0.139538 0.148983 0.831322 -0.516949
+0.129495 0.15779 0.863352 -0.461471
+0.118898 0.165922 0.891686 -0.404017
+0.107791 0.173343 0.9162 -0.344833
+0.0962234 0.180021 0.936792 -0.284173
+0.0842435 0.185929 0.953372 -0.222295
+0.0719027 0.191041 0.96587 -0.159466
+0.0592541 0.195335 0.974231 -0.0959533
+0.0463517 0.198792 0.978421 -0.0320302
+0.0332509 0.201398 0.978421 0.0320303
+0.0200076 0.203141 0.974231 0.0959535
+0.00667873 0.204015 0.96587 0.159466
+-0.00667877 0.204015 0.953372 0.222295
+-0.0200077 0.203141 0.936792 0.284173
+-0.0332509 0.201398 0.9162 0.344833
+-0.0463518 0.198792 0.891686 0.404018
+-0.0592541 0.195335 0.863352 0.461472
+-0.0719028 0.191041 0.831322 0.51695
+-0.0842435 0.185929 0.795732 0.570214
+-0.0962234 0.180021 0.756735 0.621036
+-0.107791 0.173343 0.714497 0.669199
+-0.118898 0.165922 0.669199 0.714497
+-0.129495 0.15779 0.621036 0.756735
+-0.139538 0.148983 0.570214 0.795732
+-0.148983 0.139538 0.516949 0.831322
+-0.15779 0.129495 0.461471 0.863352
+-0.165922 0.118898 0.404018 0.891686
+-0.173343 0.107791 0.344833 0.9162
+-0.180021 0.0962235 0.284173 0.936792
+-0.185929 0.0842435 0.222295 0.953372
+-0.191041 0.0719027 0.159466 0.96587
+-0.195335 0.0592541 0.0959534 0.974231
+-0.198792 0.0463517 0.0320301 0.978421
+-0.201398 0.0332509 -0.0320301 0.978421
+-0.203141 0.0200077 -0.0959534 0.974231
+-0.204015 0.00667877 -0.159466 0.96587
+0.255019 0.00834844 0.466916 -0.846691
+0.253927 0.0250096 0.521293 -0.81434
+0.251747 0.0415636 0.573437 -0.778502
+0.24849 0.0579397 0.623126 -0.739331
+0.244168 0.0740676 0.670146 -0.696993
+0.238801 0.0898784 0.714297 -0.651671
+0.232412 0.105304 0.755389 -0.603559
+0.225027 0.120279 0.793246 -0.552862
+0.216678 0.134739 0.827707 -0.499797
+0.207402 0.148622 0.858623 -0.444593
+0.197238 0.161869 0.885862 -0.387484
+0.186229 0.174422 0.909308 -0.328716
+0.174422 0.186229 0.92886 -0.268541
+0.161869 0.197238 0.944435 -0.207216
+0.148622 0.207402 0.955965 -0.145003
+0.134739 0.216678 0.963402 -0.0821692
+0.120279 0.225027 0.966714 -0.0189837
+0.105304 0.232412 0.965886 0.044283
+0.0898784 0.238801 0.960921 0.10736
+0.0740676 0.244168 0.951842 0.169977
+0.0579397 0.24849 0.938687 0.231867
+0.0415636 0.251747 0.921512 0.292764
+0.0250096 0.253927 0.900392 0.352407
+0.00834842 0.255019 0.875415 0.410541
+-0.00834847 0.255019 0.846691 0.466916
+-0.0250096 0.253927 0.81434 0.521293
+-0.0415636 0.251747 0.778502 0.573437
+-0.0579397 0.24849 0.739331 0.623126
+-0.0740677 0.244168 0.696993 0.670146
+-0.0898785 0.238801 0.651671 0.714297
+-0.105304 0.232412 0.603559 0.755389
+-0.120279 0.225027 0.552862 0.793246
+-0.134739 0.216678 0.499797 0.827707
+-0.148622 0.207402 0.444593 0.858623
+-0.161869 0.197238 0.387484 0.885862
+-0.174422 0.186229 0.328716 0.909308
+-0.186229 0.174422 0.268541 0.92886
+-0.197238 0.161869 0.207216 0.944435
+-0.207402 0.148622 0.145003 0.955965
+-0.216678 0.134739 0.0821693 0.963402
+-0.225027 0.120279 0.0189839 0.966714
+-0.232412 0.105304 -0.0442829 0.965886
+-0.238801 0.0898784 -0.10736 0.960921
+-0.244168 0.0740676 -0.169977 0.951842
+-0.24849 0.0579397 -0.231867 0.938687
+-0.251747 0.0415636 -0.292764 0.921513
+-0.253927 0.0250096 -0.352407 0.900392
+-0.255019 0.00834847 -0.41054 0.875416
+0.255019 0.00834844 0.705706 -0.660965
+0.253927 0.0250096 0.747424 -0.613395
+0.251747 0.0415636 0.785942 -0.563198
+0.24849 0.0579397 0.821094 -0.510589
+0.244168 0.0740676 0.85273 -0.455794
+0.238801 0.0898784 0.880714 -0.399046
+0.232412 0.105304 0.904928 -0.340591
+0.225027 0.120279 0.925266 -0.280676
+0.216678 0.134739 0.941642 -0.21956
+0.207402 0.148622 0.953986 -0.157504
+0.197238 0.161869 0.962244 -0.0947728
+0.186229 0.174422 0.966382 -0.0316361
+0.174422 0.186229 0.966382 0.0316361
+0.161869 0.197238 0.962244 0.0947728
+0.148622 0.207402 0.953986 0.157504
+0.134739 0.216678 0.941642 0.21956
+0.120279 0.225027 0.925266 0.280676
+0.105304 0.232412 0.904928 0.340591
+0.0898784 0.238801 0.880714 0.399047
+0.0740676 0.244168 0.85273 0.455794
+0.0579397 0.24849 0.821094 0.510589
+0.0415636 0.251747 0.785941 0.563198
+0.0250096 0.253927 0.747424 0.613395
+0.00834842 0.255019 0.705706 0.660966
+-0.00834847 0.255019 0.660965 0.705706
+-0.0250096 0.253927 0.613395 0.747424
+-0.0415636 0.251747 0.563198 0.785942
+-0.0579397 0.24849 0.510589 0.821094
+-0.0740677 0.244168 0.455793 0.85273
+-0.0898785 0.238801 0.399046 0.880714
+-0.105304 0.232412 0.34059 0.904928
+-0.120279 0.225027 0.280676 0.925266
+-0.134739 0.216678 0.21956 0.941642
+-0.148622 0.207402 0.157504 0.953986
+-0.161869 0.197238 0.0947728 0.962244
+-0.174422 0.186229 0.031636 0.966382
+-0.186229 0.174422 -0.031636 0.966382
+-0.197238 0.161869 -0.0947728 0.962244
+-0.207402 0.148622 -0.157504 0.953986
+-0.216678 0.134739 -0.21956 0.941642
+-0.225027 0.120279 -0.280676 0.925266
+-0.232412 0.105304 -0.340591 0.904928
+-0.238801 0.0898784 -0.399047 0.880714
+-0.244168 0.0740676 -0.455794 0.85273
+-0.24849 0.0579397 -0.510589 0.821094
+-0.251747 0.0415636 -0.563198 0.785942
+-0.253927 0.0250096 -0.613395 0.747424
+-0.255019 0.00834847 -0.660965 0.705706
+0.306022 0.0100181 0.773807 -0.554502
+0.304712 0.0300115 0.808416 -0.502706
+0.302097 0.0498763 0.839564 -0.448756
+0.298188 0.0695276 0.867117 -0.392885
+0.293002 0.0888812 0.890956 -0.335332
+0.286561 0.107854 0.91098 -0.276343
+0.278894 0.126365 0.927103 -0.21617
+0.270032 0.144335 0.939256 -0.155072
+0.260014 0.161687 0.947388 -0.0933095
+0.248882 0.178347 0.951462 -0.0311476
+0.236685 0.194242 0.951462 0.0311476
+0.223474 0.209307 0.947388 0.0933096
+0.209307 0.223474 0.939256 0.155072
+0.194242 0.236685 0.927103 0.21617
+0.178347 0.248882 0.91098 0.276343
+0.161687 0.260014 0.890956 0.335332
+0.144335 0.270032 0.867116 0.392885
+0.126365 0.278894 0.839564 0.448756
+0.107854 0.286562 0.808416 0.502706
+0.0888812 0.293002 0.773807 0.554502
+0.0695276 0.298188 0.735884 0.603924
+0.0498763 0.302097 0.69481 0.650761
+0.0300115 0.304712 0.65076 0.69481
+0.0100181 0.306022 0.603924 0.735884
+-0.0100182 0.306022 0.554502 0.773807
+-0.0300115 0.304712 0.502706 0.808416
+-0.0498764 0.302097 0.448756 0.839564
+-0.0695276 0.298188 0.392885 0.867117
+-0.0888812 0.293002 0.335332 0.890956
+-0.107854 0.286561 0.276343 0.91098
+-0.126365 0.278894 0.21617 0.927103
+-0.144335 0.270032 0.155072 0.939256
+-0.161687 0.260014 0.0933095 0.947388
+-0.178347 0.248882 0.0311475 0.951462
+-0.194242 0.236685 -0.0311476 0.951462
+-0.209307 0.223474 -0.0933096 0.947388
+-0.223474 0.209307 -0.155072 0.939256
+-0.236685 0.194242 -0.21617 0.927103
+-0.248882 0.178347 -0.276343 0.91098
+-0.260014 0.161687 -0.335332 0.890956
+-0.270032 0.144335 -0.392885 0.867117
+-0.278894 0.126365 -0.448756 0.839564
+-0.286562 0.107854 -0.502706 0.808416
+-0.293002 0.0888812 -0.554502 0.773807
+-0.298188 0.0695276 -0.603924 0.735884
+-0.302097 0.0498764 -0.65076 0.69481
+-0.304712 0.0300115 -0.69481 0.65076
+-0.306022 0.0100182 -0.735884 0.603924
+0.306022 0.0100181 0.603924 -0.735884
+0.304712 0.0300115 0.65076 -0.69481
+0.302097 0.0498763 0.69481 -0.65076
+0.298188 0.0695276 0.735884 -0.603924
+0.293002 0.0888812 0.773807 -0.554502
+0.286561 0.107854 0.808416 -0.502706
+0.278894 0.126365 0.839564 -0.448756
+0.270032 0.144335 0.867117 -0.392885
+0.260014 0.161687 0.890956 -0.335332
+0.248882 0.178347 0.91098 -0.276343
+0.236685 0.194242 0.927103 -0.21617
+0.223474 0.209307 0.939256 -0.155072
+0.209307 0.223474 0.947388 -0.0933095
+0.194242 0.236685 0.951462 -0.0311476
+0.178347 0.248882 0.951462 0.0311477
+0.161687 0.260014 0.947388 0.0933096
+0.144335 0.270032 0.939256 0.155072
+0.126365 0.278894 0.927103 0.21617
+0.107854 0.286562 0.91098 0.276343
+0.0888812 0.293002 0.890956 0.335332
+0.0695276 0.298188 0.867117 0.392885
+0.0498763 0.302097 0.839564 0.448756
+0.0300115 0.304712 0.808416 0.502706
+0.0100181 0.306022 0.773807 0.554502
+-0.0100182 0.306022 0.735884 0.603924
+-0.0300115 0.304712 0.69481 0.650761
+-0.0498764 0.302097 0.65076 0.69481
+-0.0695276 0.298188 0.603924 0.735884
+-0.0888812 0.293002 0.554502 0.773807
+-0.107854 0.286561 0.502705 0.808416
+-0.126365 0.278894 0.448756 0.839564
+-0.144335 0.270032 0.392885 0.867116
+-0.161687 0.260014 0.335332 0.890956
+-0.178347 0.248882 0.276343 0.91098
+-0.194242 0.236685 0.21617 0.927103
+-0.209307 0.223474 0.155072 0.939256
+-0.223474 0.209307 0.0933096 0.947388
+-0.236685 0.194242 0.0311476 0.951462
+-0.248882 0.178347 -0.0311476 0.951462
+-0.260014 0.161687 -0.0933096 0.947388
+-0.270032 0.144335 -0.155072 0.939256
+-0.278894 0.126365 -0.21617 0.927103
+-0.286562 0.107854 -0.276343 0.91098
+-0.293002 0.0888812 -0.335332 0.890956
+-0.298188 0.0695276 -0.392885 0.867116
+-0.302097 0.0498764 -0.448756 0.839564
+-0.304712 0.0300115 -0.502706 0.808416
+-0.306022 0.0100182 -0.554502 0.773807
+0.357026 0.0116878 0.681709 -0.63849
+0.355497 0.0350134 0.722008 -0.592537
+0.352446 0.0581891 0.759216 -0.544047
+0.347886 0.0811156 0.793173 -0.493227
+0.341836 0.103695 0.823733 -0.440295
+0.334322 0.12583 0.850766 -0.385477
+0.325376 0.147426 0.874156 -0.329009
+0.315037 0.168391 0.893803 -0.271132
+0.30335 0.188635 0.909622 -0.212094
+0.290363 0.208071 0.921546 -0.152148
+0.276133 0.226616 0.929524 -0.0915501
+0.26072 0.244191 0.933521 -0.0305603
+0.244191 0.26072 0.933521 0.0305603
+0.226616 0.276133 0.929524 0.0915501
+0.208071 0.290363 0.921546 0.152148
+0.188635 0.30335 0.909622 0.212094
+0.168391 0.315038 0.893803 0.271132
+0.147426 0.325376 0.874156 0.329009
+0.12583 0.334322 0.850766 0.385477
+0.103695 0.341836 0.823733 0.440295
+0.0811155 0.347886 0.793173 0.493227
+0.058189 0.352446 0.759216 0.544047
+0.0350134 0.355497 0.722008 0.592537
+0.0116878 0.357026 0.681709 0.63849
+-0.0116879 0.357026 0.63849 0.681709
+-0.0350134 0.355497 0.592537 0.722008
+-0.0581891 0.352446 0.544047 0.759216
+-0.0811156 0.347886 0.493227 0.793173
+-0.103695 0.341836 0.440294 0.823733
+-0.12583 0.334322 0.385477 0.850766
+-0.147426 0.325376 0.329009 0.874156
+-0.168391 0.315038 0.271132 0.893803
+-0.188635 0.30335 0.212094 0.909622
+-0.208071 0.290363 0.152148 0.921546
+-0.226616 0.276133 0.0915501 0.929524
+-0.244191 0.26072 0.0305603 0.933521
+-0.26072 0.244191 -0.0305603 0.933521
+-0.276133 0.226616 -0.0915501 0.929524
+-0.290363 0.208071 -0.152148 0.921546
+-0.30335 0.188635 -0.212094 0.909622
+-0.315037 0.168391 -0.271132 0.893803
+-0.325376 0.147426 -0.329009 0.874156
+-0.334322 0.12583 -0.385477 0.850766
+-0.341836 0.103695 -0.440295 0.823733
+-0.347886 0.0811155 -0.493227 0.793173
+-0.352446 0.0581891 -0.544047 0.759216
+-0.355497 0.0350134 -0.592537 0.722008
+-0.357026 0.0116879 -0.63849 0.681709
+0.255019 0.00834844 0.959434 -0.119929
+0.253927 0.0250096 0.965223 -0.0569222
+0.251747 0.0415636 0.966879 0.0063283
+0.24849 0.0579397 0.964395 0.0695517
+0.244168 0.0740676 0.957782 0.132477
+0.238801 0.0898784 0.947067 0.194836
+0.232412 0.105304 0.932296 0.256359
+0.225027 0.120279 0.913533 0.316786
+0.216678 0.134739 0.890858 0.375855
+0.207402 0.148622 0.864369 0.433316
+0.197238 0.161869 0.834178 0.48892
+0.186229 0.174422 0.800415 0.542431
+0.174422 0.186229 0.763225 0.593619
+0.161869 0.197238 0.722766 0.642266
+0.148622 0.207402 0.679212 0.688162
+0.134739 0.216678 0.63275 0.731111
+0.120279 0.225027 0.583578 0.770929
+0.105304 0.232412 0.531908 0.807447
+0.0898784 0.238801 0.477959 0.840506
+0.0740676 0.244168 0.421964 0.869967
+0.0579397 0.24849 0.364162 0.895702
+0.0415636 0.251747 0.304801 0.917601
+0.0250096 0.253927 0.244134 0.935572
+0.00834842 0.255019 0.182422 0.949536
+-0.00834847 0.255019 0.119929 0.959434
+-0.0250096 0.253927 0.0569221 0.965223
+-0.0415636 0.251747 -0.00632837 0.966879
+-0.0579397 0.24849 -0.0695517 0.964395
+-0.0740677 0.244168 -0.132477 0.957782
+-0.0898785 0.238801 -0.194836 0.947066
+-0.105304 0.232412 -0.25636 0.932296
+-0.120279 0.225027 -0.316786 0.913533
+-0.134739 0.216678 -0.375855 0.890858
+-0.148622 0.207402 -0.433316 0.864369
+-0.161869 0.197238 -0.48892 0.834178
+-0.174422 0.186229 -0.542431 0.800415
+-0.186229 0.174422 -0.593619 0.763225
+-0.197238 0.161869 -0.642266 0.722766
+-0.207402 0.148622 -0.688162 0.679212
+-0.216678 0.134739 -0.731111 0.63275
+-0.225027 0.120279 -0.770929 0.583578
+-0.232412 0.105304 -0.807447 0.531908
+-0.238801 0.0898784 -0.840506 0.477959
+-0.244168 0.0740676 -0.869967 0.421964
+-0.24849 0.0579397 -0.895702 0.364162
+-0.251747 0.0415636 -0.917601 0.304801
+-0.253927 0.0250096 -0.935572 0.244134
+-0.255019 0.00834847 -0.949536 0.182422
+0.306022 0.0100181 0.947388 -0.0933095
+0.304712 0.0300115 0.951462 -0.0311476
+0.302097 0.0498763 0.951462 0.0311476
+0.298188 0.0695276 0.947388 0.0933096
+0.293002 0.0888812 0.939256 0.155072
+0.286561 0.107854 0.927103 0.21617
+0.278894 0.126365 0.91098 0.276343
+0.270032 0.144335 0.890956 0.335332
+0.260014 0.161687 0.867117 0.392885
+0.248882 0.178347 0.839564 0.448756
+0.236685 0.194242 0.808416 0.502706
+0.223474 0.209307 0.773807 0.554502
+0.209307 0.223474 0.735884 0.603924
+0.194242 0.236685 0.69481 0.65076
+0.178347 0.248882 0.65076 0.69481
+0.161687 0.260014 0.603924 0.735884
+0.144335 0.270032 0.554502 0.773807
+0.126365 0.278894 0.502706 0.808416
+0.107854 0.286562 0.448756 0.839564
+0.0888812 0.293002 0.392885 0.867117
+0.0695276 0.298188 0.335332 0.890956
+0.0498763 0.302097 0.276343 0.91098
+0.0300115 0.304712 0.21617 0.927103
+0.0100181 0.306022 0.155072 0.939256
+-0.0100182 0.306022 0.0933094 0.947388
+-0.0300115 0.304712 0.0311476 0.951462
+-0.0498764 0.302097 -0.0311477 0.951462
+-0.0695276 0.298188 -0.0933096 0.947388
+-0.0888812 0.293002 -0.155072 0.939256
+-0.107854 0.286561 -0.21617 0.927103
+-0.126365 0.278894 -0.276343 0.91098
+-0.144335 0.270032 -0.335332 0.890956
+-0.161687 0.260014 -0.392885 0.867117
+-0.178347 0.248882 -0.448756 0.839564
+-0.194242 0.236685 -0.502706 0.808416
+-0.209307 0.223474 -0.554502 0.773807
+-0.223474 0.209307 -0.603924 0.735884
+-0.236685 0.194242 -0.650761 0.69481
+-0.248882 0.178347 -0.69481 0.650761
+-0.260014 0.161687 -0.735884 0.603924
+-0.270032 0.144335 -0.773807 0.554502
+-0.278894 0.126365 -0.808416 0.502706
+-0.286562 0.107854 -0.839564 0.448756
+-0.293002 0.0888812 -0.867117 0.392885
+-0.298188 0.0695276 -0.890956 0.335332
+-0.302097 0.0498764 -0.91098 0.276343
+-0.304712 0.0300115 -0.927103 0.21617
+-0.306022 0.0100182 -0.939256 0.155072
+0.306022 0.0100181 0.890956 -0.335332
+0.304712 0.0300115 0.91098 -0.276343
+0.302097 0.0498763 0.927103 -0.21617
+0.298188 0.0695276 0.939256 -0.155072
+0.293002 0.0888812 0.947388 -0.0933095
+0.286561 0.107854 0.951462 -0.0311477
+0.278894 0.126365 0.951462 0.0311476
+0.270032 0.144335 0.947388 0.0933096
+0.260014 0.161687 0.939256 0.155072
+0.248882 0.178347 0.927103 0.21617
+0.236685 0.194242 0.91098 0.276343
+0.223474 0.209307 0.890956 0.335332
+0.209307 0.223474 0.867117 0.392885
+0.194242 0.236685 0.839564 0.448756
+0.178347 0.248882 0.808416 0.502706
+0.161687 0.260014 0.773807 0.554502
+0.144335 0.270032 0.735884 0.603924
+0.126365 0.278894 0.69481 0.650761
+0.107854 0.286562 0.65076 0.69481
+0.0888812 0.293002 0.603924 0.735884
+0.0695276 0.298188 0.554502 0.773807
+0.0498763 0.302097 0.502706 0.808416
+0.0300115 0.304712 0.448756 0.839564
+0.0100181 0.306022 0.392885 0.867117
+-0.0100182 0.306022 0.335332 0.890956
+-0.0300115 0.304712 0.276343 0.91098
+-0.0498764 0.302097 0.21617 0.927103
+-0.0695276 0.298188 0.155072 0.939256
+-0.0888812 0.293002 0.0933094 0.947388
+-0.107854 0.286561 0.0311475 0.951462
+-0.126365 0.278894 -0.0311478 0.951462
+-0.144335 0.270032 -0.0933094 0.947388
+-0.161687 0.260014 -0.155072 0.939256
+-0.178347 0.248882 -0.21617 0.927103
+-0.194242 0.236685 -0.276343 0.91098
+-0.209307 0.223474 -0.335332 0.890956
+-0.223474 0.209307 -0.392885 0.867117
+-0.236685 0.194242 -0.448756 0.839564
+-0.248882 0.178347 -0.502706 0.808416
+-0.260014 0.161687 -0.554502 0.773807
+-0.270032 0.144335 -0.603924 0.735884
+-0.278894 0.126365 -0.65076 0.69481
+-0.286562 0.107854 -0.69481 0.65076
+-0.293002 0.0888812 -0.735884 0.603924
+-0.298188 0.0695276 -0.773807 0.554502
+-0.302097 0.0498764 -0.808416 0.502706
+-0.304712 0.0300115 -0.839564 0.448756
+-0.306022 0.0100182 -0.867116 0.392885
+0.357026 0.0116878 0.891229 -0.279477
+0.355497 0.0350134 0.907599 -0.22059
+0.352446 0.0581891 0.920083 -0.160758
+0.347886 0.0811156 0.928627 -0.100237
+0.341836 0.103695 0.933195 -0.0392873
+0.334322 0.12583 0.933766 0.0218307
+0.325376 0.147426 0.930339 0.0828552
+0.315037 0.168391 0.922928 0.143525
+0.30335 0.188635 0.911565 0.20358
+0.290363 0.208071 0.896299 0.262763
+0.276133 0.226616 0.877194 0.320821
+0.26072 0.244191 0.854333 0.377506
+0.244191 0.26072 0.827814 0.432574
+0.226616 0.276133 0.79775 0.485789
+0.208071 0.290363 0.76427 0.536924
+0.188635 0.30335 0.727517 0.58576
+0.168391 0.315038 0.687649 0.632088
+0.147426 0.325376 0.644836 0.675709
+0.12583 0.334322 0.599262 0.716437
+0.103695 0.341836 0.551121 0.754096
+0.0811155 0.347886 0.500621 0.788527
+0.058189 0.352446 0.447977 0.819581
+0.0350134 0.355497 0.393415 0.847125
+0.0116878 0.357026 0.337168 0.871042
+-0.0116879 0.357026 0.279477 0.891229
+-0.0350134 0.355497 0.22059 0.907599
+-0.0581891 0.352446 0.160757 0.920083
+-0.0811156 0.347886 0.100237 0.928627
+-0.103695 0.341836 0.0392871 0.933195
+-0.12583 0.334322 -0.0218308 0.933766
+-0.147426 0.325376 -0.0828553 0.930339
+-0.168391 0.315038 -0.143525 0.922928
+-0.188635 0.30335 -0.20358 0.911565
+-0.208071 0.290363 -0.262763 0.896299
+-0.226616 0.276133 -0.320821 0.877194
+-0.244191 0.26072 -0.377506 0.854333
+-0.26072 0.244191 -0.432574 0.827814
+-0.276133 0.226616 -0.485789 0.79775
+-0.290363 0.208071 -0.536924 0.76427
+-0.30335 0.188635 -0.58576 0.727517
+-0.315037 0.168391 -0.632088 0.687649
+-0.325376 0.147426 -0.675709 0.644836
+-0.334322 0.12583 -0.716437 0.599262
+-0.341836 0.103695 -0.754096 0.551121
+-0.347886 0.0811155 -0.788527 0.500621
+-0.352446 0.0581891 -0.819581 0.447977
+-0.355497 0.0350134 -0.847125 0.393415
+-0.357026 0.0116879 -0.871042 0.337168
+0.357026 0.0116878 0.931073 -0.0741531
+0.355497 0.0350134 0.933929 -0.0130992
+0.352446 0.0581891 0.932787 0.0480108
+0.347886 0.0811156 0.927649 0.108915
+0.341836 0.103695 0.91854 0.169353
+0.334322 0.12583 0.905497 0.229066
+0.325376 0.147426 0.888577 0.287798
+0.315037 0.168391 0.867851 0.345297
+0.30335 0.188635 0.843409 0.401318
+0.290363 0.208071 0.815356 0.45562
+0.276133 0.226616 0.783811 0.507972
+0.26072 0.244191 0.74891 0.558148
+0.244191 0.26072 0.710802 0.605934
+0.226616 0.276133 0.66965 0.651125
+0.208071 0.290363 0.625631 0.693528
+0.188635 0.30335 0.578932 0.732962
+0.168391 0.315038 0.529755 0.769256
+0.147426 0.325376 0.478309 0.802257
+0.12583 0.334322 0.424815 0.831822
+0.103695 0.341836 0.369501 0.857825
+0.0811155 0.347886 0.312606 0.880155
+0.058189 0.352446 0.254371 0.898716
+0.0350134 0.355497 0.195048 0.913429
+0.0116878 0.357026 0.134889 0.92423
+-0.0116879 0.357026 0.074153 0.931073
+-0.0350134 0.355497 0.0130991 0.933929
+-0.0581891 0.352446 -0.0480108 0.932787
+-0.0811156 0.347886 -0.108915 0.927649
+-0.103695 0.341836 -0.169353 0.91854
+-0.12583 0.334322 -0.229066 0.905497
+-0.147426 0.325376 -0.287798 0.888577
+-0.168391 0.315038 -0.345297 0.867851
+-0.188635 0.30335 -0.401318 0.84341
+-0.208071 0.290363 -0.455621 0.815356
+-0.226616 0.276133 -0.507972 0.783812
+-0.244191 0.26072 -0.558148 0.74891
+-0.26072 0.244191 -0.605934 0.710802
+-0.276133 0.226616 -0.651125 0.66965
+-0.290363 0.208071 -0.693528 0.625631
+-0.30335 0.188635 -0.732962 0.578933
+-0.315037 0.168391 -0.769256 0.529755
+-0.325376 0.147426 -0.802257 0.478309
+-0.334322 0.12583 -0.831822 0.424815
+-0.341836 0.103695 -0.857825 0.369501
+-0.347886 0.0811155 -0.880155 0.312606
+-0.352446 0.0581891 -0.898716 0.254372
+-0.355497 0.0350134 -0.913429 0.195048
+-0.357026 0.0116879 -0.92423 0.134889
+0.40803 0.0133575 0.910916 -0.0597046
+0.406282 0.0400153 0.912871 2.49393e-09
+0.402795 0.0665018 0.910916 0.0597046
+0.397584 0.0927035 0.905061 0.119154
+0.390669 0.118508 0.89533 0.178092
+0.382082 0.143805 0.881766 0.236268
+0.371859 0.168487 0.864425 0.293433
+0.360043 0.192447 0.843383 0.349341
+0.346685 0.215583 0.818729 0.403752
+0.331843 0.237796 0.790569 0.456435
+0.31558 0.25899 0.759024 0.507164
+0.297966 0.279075 0.724229 0.555721
+0.279075 0.297966 0.686333 0.601898
+0.25899 0.31558 0.645497 0.645497
+0.237796 0.331843 0.601898 0.686333
+0.215583 0.346685 0.555721 0.724229
+0.192447 0.360043 0.507164 0.759024
+0.168487 0.371859 0.456435 0.790569
+0.143805 0.382082 0.403752 0.818729
+0.118508 0.390669 0.349341 0.843383
+0.0927035 0.397584 0.293433 0.864425
+0.0665017 0.402795 0.236268 0.881766
+0.0400153 0.406282 0.178092 0.89533
+0.0133575 0.40803 0.119153 0.905061
+-0.0133575 0.40803 0.0597045 0.910916
+-0.0400154 0.406282 -7.64039e-08 0.912871
+-0.0665018 0.402795 -0.0597047 0.910916
+-0.0927035 0.397584 -0.119154 0.905061
+-0.118508 0.390669 -0.178092 0.89533
+-0.143806 0.382082 -0.236269 0.881766
+-0.168487 0.371859 -0.293433 0.864425
+-0.192447 0.360043 -0.34934 0.843383
+-0.215583 0.346685 -0.403752 0.818729
+-0.237796 0.331843 -0.456436 0.790569
+-0.25899 0.31558 -0.507164 0.759024
+-0.279075 0.297966 -0.555721 0.724229
+-0.297966 0.279075 -0.601898 0.686333
+-0.31558 0.25899 -0.645497 0.645497
+-0.331843 0.237796 -0.686333 0.601898
+-0.346685 0.215583 -0.724229 0.555721
+-0.360043 0.192447 -0.759024 0.507164
+-0.371859 0.168487 -0.790569 0.456435
+-0.382082 0.143805 -0.818729 0.403752
+-0.390669 0.118508 -0.843383 0.349341
+-0.397584 0.0927035 -0.864425 0.293433
+-0.402795 0.0665018 -0.881766 0.236268
+-0.406282 0.0400153 -0.89533 0.178092
+-0.40803 0.0133575 -0.905061 0.119154
+0.40803 0.0133575 0.881766 -0.236268
+0.406282 0.0400153 0.89533 -0.178092
+0.402795 0.0665018 0.905061 -0.119154
+0.397584 0.0927035 0.910916 -0.0597046
+0.390669 0.118508 0.912871 6.80367e-10
+0.382082 0.143805 0.910916 0.0597046
+0.371859 0.168487 0.905061 0.119154
+0.360043 0.192447 0.89533 0.178092
+0.346685 0.215583 0.881766 0.236268
+0.331843 0.237796 0.864425 0.293433
+0.31558 0.25899 0.843383 0.349341
+0.297966 0.279075 0.818729 0.403753
+0.279075 0.297966 0.790569 0.456435
+0.25899 0.31558 0.759024 0.507164
+0.237796 0.331843 0.724229 0.555721
+0.215583 0.346685 0.686333 0.601898
+0.192447 0.360043 0.645497 0.645497
+0.168487 0.371859 0.601898 0.686333
+0.143805 0.382082 0.555721 0.724229
+0.118508 0.390669 0.507164 0.759024
+0.0927035 0.397584 0.456435 0.790569
+0.0665017 0.402795 0.403752 0.818729
+0.0400153 0.406282 0.34934 0.843383
+0.0133575 0.40803 0.293433 0.864425
+-0.0133575 0.40803 0.236268 0.881766
+-0.0400154 0.406282 0.178092 0.89533
+-0.0665018 0.402795 0.119154 0.905061
+-0.0927035 0.397584 0.0597046 0.910916
+-0.118508 0.390669 -1.49406e-07 0.912871
+-0.143806 0.382082 -0.0597048 0.910916
+-0.168487 0.371859 -0.119154 0.905061
+-0.192447 0.360043 -0.178092 0.89533
+-0.215583 0.346685 -0.236268 0.881766
+-0.237796 0.331843 -0.293433 0.864425
+-0.25899 0.31558 -0.349341 0.843383
+-0.279075 0.297966 -0.403753 0.818729
+-0.297966 0.279075 -0.456435 0.790569
+-0.31558 0.25899 -0.507164 0.759024
+-0.331843 0.237796 -0.555721 0.724229
+-0.346685 0.215583 -0.601898 0.686333
+-0.360043 0.192447 -0.645497 0.645497
+-0.371859 0.168487 -0.686333 0.601898
+-0.382082 0.143805 -0.724229 0.555721
+-0.390669 0.118508 -0.759024 0.507164
+-0.397584 0.0927035 -0.790569 0.456435
+-0.402795 0.0665018 -0.818729 0.403753
+-0.406282 0.0400153 -0.843383 0.349341
+-0.40803 0.0133575 -0.864425 0.293433
+0.456191 0.0149342 0.877872 -0.144937
+0.454238 0.0447385 0.885472 -0.0872114
+0.450339 0.0743513 0.88928 -0.029112
+0.444512 0.103646 0.88928 0.029112
+0.436782 0.132496 0.885472 0.0872114
+0.427181 0.160779 0.877872 0.144937
+0.415751 0.188374 0.866513 0.202043
+0.40254 0.215162 0.851444 0.258283
+0.387606 0.241029 0.832728 0.313417
+0.371012 0.265863 0.810447 0.367209
+0.352829 0.28956 0.784695 0.419428
+0.333136 0.312016 0.755583 0.469852
+0.312016 0.333136 0.723236 0.518263
+0.28956 0.352829 0.687791 0.564456
+0.265863 0.371012 0.649401 0.608231
+0.241029 0.387606 0.608231 0.649401
+0.215162 0.40254 0.564456 0.687791
+0.188374 0.415751 0.518263 0.723236
+0.160779 0.427181 0.469852 0.755583
+0.132496 0.436782 0.419428 0.784695
+0.103646 0.444512 0.367209 0.810447
+0.0743512 0.450339 0.313417 0.832728
+0.0447384 0.454238 0.258283 0.851444
+0.0149341 0.456191 0.202042 0.866513
+-0.0149342 0.456191 0.144937 0.877872
+-0.0447385 0.454238 0.0872113 0.885472
+-0.0743513 0.450339 0.029112 0.88928
+-0.103646 0.444512 -0.0291121 0.88928
+-0.132496 0.436781 -0.0872115 0.885472
+-0.160779 0.427181 -0.144937 0.877872
+-0.188374 0.415751 -0.202043 0.866513
+-0.215162 0.40254 -0.258283 0.851444
+-0.241029 0.387606 -0.313417 0.832728
+-0.265864 0.371012 -0.367209 0.810447
+-0.28956 0.352829 -0.419428 0.784695
+-0.312016 0.333136 -0.469852 0.755583
+-0.333136 0.312016 -0.518263 0.723236
+-0.352829 0.28956 -0.564456 0.687791
+-0.371012 0.265864 -0.608231 0.649401
+-0.387606 0.241029 -0.649401 0.608231
+-0.40254 0.215162 -0.687791 0.564456
+-0.415751 0.188374 -0.723236 0.518263
+-0.427181 0.160779 -0.755583 0.469852
+-0.436782 0.132496 -0.784695 0.419428
+-0.444512 0.103646 -0.810447 0.367209
+-0.450339 0.0743513 -0.832728 0.313417
+-0.454238 0.0447385 -0.851444 0.258283
+-0.456191 0.0149342 -0.866513 0.202043
+0.357026 0.0116878 0.806694 -0.470787
+0.355497 0.0350134 0.835758 -0.417019
+0.352446 0.0581891 0.861243 -0.361465
+0.347886 0.0811156 0.88304 -0.304363
+0.341836 0.103695 0.901055 -0.245958
+0.334322 0.12583 0.915212 -0.186499
+0.325376 0.147426 0.925451 -0.126242
+0.315037 0.168391 0.931726 -0.0654444
+0.30335 0.188635 0.934011 -0.00436652
+0.290363 0.208071 0.932297 0.0567301
+0.276133 0.226616 0.92659 0.117584
+0.26072 0.244191 0.916916 0.177934
+0.244191 0.26072 0.903316 0.237522
+0.226616 0.276133 0.885847 0.296093
+0.208071 0.290363 0.864585 0.353396
+0.188635 0.30335 0.83962 0.409186
+0.168391 0.315038 0.811061 0.463224
+0.147426 0.325376 0.779028 0.515278
+0.12583 0.334322 0.743659 0.565126
+0.103695 0.341836 0.705106 0.612553
+0.0811155 0.347886 0.663533 0.657358
+0.058189 0.352446 0.619119 0.699348
+0.0350134 0.355497 0.572054 0.738343
+0.0116878 0.357026 0.522539 0.774176
+-0.0116879 0.357026 0.470787 0.806694
+-0.0350134 0.355497 0.417019 0.835758
+-0.0581891 0.352446 0.361465 0.861243
+-0.0811156 0.347886 0.304363 0.88304
+-0.103695 0.341836 0.245957 0.901055
+-0.12583 0.334322 0.186499 0.915213
+-0.147426 0.325376 0.126242 0.925451
+-0.168391 0.315038 0.0654445 0.931726
+-0.188635 0.30335 0.00436653 0.934011
+-0.208071 0.290363 -0.0567302 0.932297
+-0.226616 0.276133 -0.117584 0.92659
+-0.244191 0.26072 -0.177934 0.916916
+-0.26072 0.244191 -0.237522 0.903316
+-0.276133 0.226616 -0.296093 0.885847
+-0.290363 0.208071 -0.353396 0.864585
+-0.30335 0.188635 -0.409186 0.83962
+-0.315037 0.168391 -0.463224 0.811061
+-0.325376 0.147426 -0.515278 0.779028
+-0.334322 0.12583 -0.565126 0.743659
+-0.341836 0.103695 -0.612553 0.705106
+-0.347886 0.0811155 -0.657358 0.663533
+-0.352446 0.0581891 -0.699348 0.619119
+-0.355497 0.0350134 -0.738343 0.572054
+-0.357026 0.0116879 -0.774176 0.522539
+0.40803 0.0133575 0.818729 -0.403752
+0.406282 0.0400153 0.843383 -0.349341
+0.402795 0.0665018 0.864425 -0.293433
+0.397584 0.0927035 0.881766 -0.236268
+0.390669 0.118508 0.89533 -0.178092
+0.382082 0.143805 0.905061 -0.119154
+0.371859 0.168487 0.910916 -0.0597046
+0.360043 0.192447 0.912871 1.92711e-08
+0.346685 0.215583 0.910916 0.0597046
+0.331843 0.237796 0.905061 0.119154
+0.31558 0.25899 0.89533 0.178092
+0.297966 0.279075 0.881766 0.236268
+0.279075 0.297966 0.864425 0.293433
+0.25899 0.31558 0.843383 0.349341
+0.237796 0.331843 0.818729 0.403753
+0.215583 0.346685 0.790569 0.456436
+0.192447 0.360043 0.759024 0.507164
+0.168487 0.371859 0.724229 0.555721
+0.143805 0.382082 0.686333 0.601898
+0.118508 0.390669 0.645497 0.645497
+0.0927035 0.397584 0.601898 0.686333
+0.0665017 0.402795 0.555721 0.724229
+0.0400153 0.406282 0.507164 0.759024
+0.0133575 0.40803 0.456435 0.790569
+-0.0133575 0.40803 0.403752 0.818729
+-0.0400154 0.406282 0.349341 0.843383
+-0.0665018 0.402795 0.293433 0.864425
+-0.0927035 0.397584 0.236268 0.881766
+-0.118508 0.390669 0.178092 0.89533
+-0.143806 0.382082 0.119153 0.905061
+-0.168487 0.371859 0.0597045 0.910916
+-0.192447 0.360043 1.0406e-07 0.912871
+-0.215583 0.346685 -0.0597046 0.910916
+-0.237796 0.331843 -0.119154 0.905061
+-0.25899 0.31558 -0.178092 0.89533
+-0.279075 0.297966 -0.236268 0.881766
+-0.297966 0.279075 -0.293433 0.864425
+-0.31558 0.25899 -0.349341 0.843383
+-0.331843 0.237796 -0.403752 0.818729
+-0.346685 0.215583 -0.456435 0.790569
+-0.360043 0.192447 -0.507164 0.759024
+-0.371859 0.168487 -0.555721 0.724229
+-0.382082 0.143805 -0.601898 0.686333
+-0.390669 0.118508 -0.645497 0.645497
+-0.397584 0.0927035 -0.686333 0.601898
+-0.402795 0.0665018 -0.724229 0.555721
+-0.406282 0.0400153 -0.759024 0.507164
+-0.40803 0.0133575 -0.790569 0.456436
+0.40803 0.0133575 0.724229 -0.555721
+0.406282 0.0400153 0.759024 -0.507164
+0.402795 0.0665018 0.790569 -0.456435
+0.397584 0.0927035 0.818729 -0.403752
+0.390669 0.118508 0.843383 -0.349341
+0.382082 0.143805 0.864425 -0.293433
+0.371859 0.168487 0.881766 -0.236268
+0.360043 0.192447 0.89533 -0.178092
+0.346685 0.215583 0.905061 -0.119154
+0.331843 0.237796 0.910916 -0.0597046
+0.31558 0.25899 0.912871 -1.65496e-08
+0.297966 0.279075 0.910916 0.0597046
+0.279075 0.297966 0.905061 0.119154
+0.25899 0.31558 0.89533 0.178092
+0.237796 0.331843 0.881766 0.236268
+0.215583 0.346685 0.864425 0.293433
+0.192447 0.360043 0.843383 0.349341
+0.168487 0.371859 0.818729 0.403753
+0.143805 0.382082 0.790569 0.456436
+0.118508 0.390669 0.759024 0.507164
+0.0927035 0.397584 0.724229 0.555721
+0.0665017 0.402795 0.686333 0.601898
+0.0400153 0.406282 0.645497 0.645497
+0.0133575 0.40803 0.601898 0.686333
+-0.0133575 0.40803 0.555721 0.724229
+-0.0400154 0.406282 0.507164 0.759024
+-0.0665018 0.402795 0.456435 0.790569
+-0.0927035 0.397584 0.403752 0.818729
+-0.118508 0.390669 0.34934 0.843383
+-0.143806 0.382082 0.293433 0.864425
+-0.168487 0.371859 0.236268 0.881766
+-0.192447 0.360043 0.178092 0.89533
+-0.215583 0.346685 0.119154 0.905061
+-0.237796 0.331843 0.0597045 0.910916
+-0.25899 0.31558 3.10581e-08 0.912871
+-0.279075 0.297966 -0.0597047 0.910916
+-0.297966 0.279075 -0.119154 0.905061
+-0.31558 0.25899 -0.178092 0.89533
+-0.331843 0.237796 -0.236268 0.881766
+-0.346685 0.215583 -0.293433 0.864425
+-0.360043 0.192447 -0.34934 0.843383
+-0.371859 0.168487 -0.403752 0.818729
+-0.382082 0.143805 -0.456436 0.790569
+-0.390669 0.118508 -0.507164 0.759024
+-0.397584 0.0927035 -0.555721 0.724229
+-0.402795 0.0665018 -0.601898 0.686333
+-0.406282 0.0400153 -0.645497 0.645497
+-0.40803 0.0133575 -0.686333 0.601898
+0.456191 0.0149342 0.755583 -0.469852
+0.454238 0.0447385 0.784695 -0.419428
+0.450339 0.0743513 0.810447 -0.367209
+0.444512 0.103646 0.832728 -0.313417
+0.436782 0.132496 0.851444 -0.258283
+0.427181 0.160779 0.866513 -0.202043
+0.415751 0.188374 0.877872 -0.144937
+0.40254 0.215162 0.885472 -0.0872114
+0.387606 0.241029 0.88928 -0.029112
+0.371012 0.265863 0.88928 0.029112
+0.352829 0.28956 0.885472 0.0872114
+0.333136 0.312016 0.877872 0.144937
+0.312016 0.333136 0.866513 0.202043
+0.28956 0.352829 0.851444 0.258283
+0.265863 0.371012 0.832728 0.313417
+0.241029 0.387606 0.810447 0.367209
+0.215162 0.40254 0.784695 0.419428
+0.188374 0.415751 0.755583 0.469852
+0.160779 0.427181 0.723236 0.518263
+0.132496 0.436782 0.687791 0.564456
+0.103646 0.444512 0.649401 0.608231
+0.0743512 0.450339 0.608231 0.649401
+0.0447384 0.454238 0.564455 0.687791
+0.0149341 0.456191 0.518263 0.723236
+-0.0149342 0.456191 0.469852 0.755583
+-0.0447385 0.454238 0.419428 0.784695
+-0.0743513 0.450339 0.367209 0.810447
+-0.103646 0.444512 0.313417 0.832728
+-0.132496 0.436781 0.258283 0.851444
+-0.160779 0.427181 0.202042 0.866513
+-0.188374 0.415751 0.144937 0.877872
+-0.215162 0.40254 0.0872115 0.885472
+-0.241029 0.387606 0.029112 0.88928
+-0.265864 0.371012 -0.0291121 0.88928
+-0.28956 0.352829 -0.0872114 0.885472
+-0.312016 0.333136 -0.144937 0.877872
+-0.333136 0.312016 -0.202043 0.866513
+-0.352829 0.28956 -0.258283 0.851444
+-0.371012 0.265864 -0.313417 0.832728
+-0.387606 0.241029 -0.367209 0.810447
+-0.40254 0.215162 -0.419428 0.784695
+-0.415751 0.188374 -0.469852 0.755583
+-0.427181 0.160779 -0.518263 0.723236
+-0.436782 0.132496 -0.564456 0.687791
+-0.444512 0.103646 -0.608231 0.649401
+-0.450339 0.0743513 -0.649401 0.608231
+-0.454238 0.0447385 -0.687791 0.564456
+-0.456191 0.0149342 -0.723236 0.518263
+0.456191 0.0149342 0.832728 -0.313417
+0.454238 0.0447385 0.851444 -0.258283
+0.450339 0.0743513 0.866513 -0.202043
+0.444512 0.103646 0.877872 -0.144937
+0.436782 0.132496 0.885472 -0.0872114
+0.427181 0.160779 0.88928 -0.029112
+0.415751 0.188374 0.88928 0.029112
+0.40254 0.215162 0.885472 0.0872114
+0.387606 0.241029 0.877872 0.144937
+0.371012 0.265863 0.866513 0.202043
+0.352829 0.28956 0.851444 0.258283
+0.333136 0.312016 0.832728 0.313417
+0.312016 0.333136 0.810447 0.367209
+0.28956 0.352829 0.784695 0.419428
+0.265863 0.371012 0.755583 0.469852
+0.241029 0.387606 0.723236 0.518263
+0.215162 0.40254 0.687791 0.564456
+0.188374 0.415751 0.649401 0.608231
+0.160779 0.427181 0.608231 0.649401
+0.132496 0.436782 0.564456 0.687791
+0.103646 0.444512 0.518263 0.723236
+0.0743512 0.450339 0.469852 0.755583
+0.0447384 0.454238 0.419428 0.784695
+0.0149341 0.456191 0.367209 0.810447
+-0.0149342 0.456191 0.313417 0.832728
+-0.0447385 0.454238 0.258283 0.851444
+-0.0743513 0.450339 0.202043 0.866513
+-0.103646 0.444512 0.144937 0.877872
+-0.132496 0.436781 0.0872112 0.885472
+-0.160779 0.427181 0.0291119 0.88928
+-0.188374 0.415751 -0.0291121 0.88928
+-0.215162 0.40254 -0.0872113 0.885472
+-0.241029 0.387606 -0.144937 0.877872
+-0.265864 0.371012 -0.202043 0.866513
+-0.28956 0.352829 -0.258283 0.851444
+-0.312016 0.333136 -0.313417 0.832728
+-0.333136 0.312016 -0.367209 0.810447
+-0.352829 0.28956 -0.419428 0.784695
+-0.371012 0.265864 -0.469852 0.755583
+-0.387606 0.241029 -0.518263 0.723236
+-0.40254 0.215162 -0.564455 0.687791
+-0.415751 0.188374 -0.608231 0.649401
+-0.427181 0.160779 -0.649401 0.608231
+-0.436782 0.132496 -0.687791 0.564456
+-0.444512 0.103646 -0.723236 0.518263
+-0.450339 0.0743513 -0.755583 0.469852
+-0.454238 0.0447385 -0.784695 0.419428
+-0.456191 0.0149342 -0.810447 0.367209
+0.499732 0.0163595 0.836516 -0.224144
+0.497592 0.0490086 0.849385 -0.168953
+0.493322 0.0814477 0.858616 -0.113039
+0.486938 0.113538 0.864171 -0.0566408
+0.47847 0.145142 0.866025 6.45453e-10
+0.467953 0.176125 0.864171 0.0566408
+0.455432 0.206354 0.858616 0.113039
+0.440961 0.235698 0.849385 0.168953
+0.424601 0.264034 0.836516 0.224144
+0.406423 0.291239 0.820066 0.278375
+0.386505 0.317197 0.800103 0.331414
+0.364932 0.341796 0.776715 0.383033
+0.341796 0.364932 0.75 0.433013
+0.317197 0.386505 0.720074 0.481138
+0.291239 0.406423 0.687064 0.527203
+0.264034 0.424601 0.651112 0.57101
+0.235698 0.440961 0.612372 0.612372
+0.206353 0.455432 0.57101 0.651112
+0.176125 0.467953 0.527203 0.687064
+0.145142 0.47847 0.481138 0.720074
+0.113538 0.486938 0.433013 0.75
+0.0814477 0.493322 0.383033 0.776715
+0.0490085 0.497592 0.331413 0.800103
+0.0163595 0.499732 0.278375 0.820066
+-0.0163596 0.499732 0.224144 0.836516
+-0.0490086 0.497592 0.168953 0.849385
+-0.0814478 0.493322 0.113039 0.858616
+-0.113538 0.486938 0.0566407 0.864171
+-0.145142 0.47847 -1.41739e-07 0.866025
+-0.176125 0.467953 -0.0566409 0.864171
+-0.206354 0.455432 -0.113039 0.858616
+-0.235698 0.440961 -0.168953 0.849385
+-0.264034 0.424601 -0.224144 0.836516
+-0.291239 0.406423 -0.278375 0.820066
+-0.317197 0.386505 -0.331414 0.800103
+-0.341796 0.364932 -0.383033 0.776715
+-0.364932 0.341796 -0.433013 0.75
+-0.386505 0.317197 -0.481138 0.720074
+-0.406423 0.291239 -0.527203 0.687064
+-0.424601 0.264034 -0.57101 0.651112
+-0.440961 0.235698 -0.612372 0.612373
+-0.455432 0.206354 -0.651112 0.57101
+-0.467953 0.176125 -0.687064 0.527203
+-0.47847 0.145142 -0.720074 0.481138
+-0.486938 0.113538 -0.75 0.433013
+-0.493322 0.0814478 -0.776715 0.383033
+-0.497592 0.0490085 -0.800103 0.331414
+-0.499732 0.0163596 -0.820066 0.278375
+0.499732 0.0163595 0.776715 -0.383033
+0.497592 0.0490086 0.800103 -0.331414
+0.493322 0.0814477 0.820066 -0.278375
+0.486938 0.113538 0.836516 -0.224144
+0.47847 0.145142 0.849385 -0.168953
+0.467953 0.176125 0.858616 -0.113039
+0.455432 0.206354 0.864171 -0.0566408
+0.440961 0.235698 0.866025 1.82821e-08
+0.424601 0.264034 0.864171 0.0566408
+0.406423 0.291239 0.858616 0.113039
+0.386505 0.317197 0.849385 0.168953
+0.364932 0.341796 0.836516 0.224144
+0.341796 0.364932 0.820066 0.278375
+0.317197 0.386505 0.800103 0.331414
+0.291239 0.406423 0.776715 0.383033
+0.264034 0.424601 0.75 0.433013
+0.235698 0.440961 0.720074 0.481138
+0.206353 0.455432 0.687064 0.527203
+0.176125 0.467953 0.651112 0.57101
+0.145142 0.47847 0.612372 0.612372
+0.113538 0.486938 0.57101 0.651112
+0.0814477 0.493322 0.527203 0.687064
+0.0490085 0.497592 0.481138 0.720074
+0.0163595 0.499732 0.433013 0.75
+-0.0163596 0.499732 0.383033 0.776715
+-0.0490086 0.497592 0.331414 0.800103
+-0.0814478 0.493322 0.278375 0.820066
+-0.113538 0.486938 0.224144 0.836516
+-0.145142 0.47847 0.168953 0.849385
+-0.176125 0.467953 0.113039 0.858616
+-0.206354 0.455432 0.0566407 0.864171
+-0.235698 0.440961 9.87201e-08 0.866025
+-0.264034 0.424601 -0.0566408 0.864171
+-0.291239 0.406423 -0.113039 0.858616
+-0.317197 0.386505 -0.168953 0.849385
+-0.341796 0.364932 -0.224144 0.836516
+-0.364932 0.341796 -0.278375 0.820066
+-0.386505 0.317197 -0.331414 0.800103
+-0.406423 0.291239 -0.383033 0.776715
+-0.424601 0.264034 -0.433013 0.75
+-0.440961 0.235698 -0.481138 0.720074
+-0.455432 0.206354 -0.527203 0.687064
+-0.467953 0.176125 -0.57101 0.651112
+-0.47847 0.145142 -0.612372 0.612372
+-0.486938 0.113538 -0.651112 0.57101
+-0.493322 0.0814478 -0.687064 0.527203
+-0.497592 0.0490085 -0.720074 0.481138
+-0.499732 0.0163596 -0.75 0.433013
+0.539773 0.0176703 0.787682 -0.296463
+0.537461 0.0529353 0.805385 -0.244311
+0.532848 0.0879736 0.81964 -0.191113
+0.525954 0.122635 0.830384 -0.137097
+0.516807 0.156772 0.837573 -0.0824937
+0.505447 0.190237 0.841175 -0.0275372
+0.491923 0.222887 0.841175 0.0275372
+0.476292 0.254583 0.837573 0.0824937
+0.458622 0.285189 0.830384 0.137097
+0.438987 0.314574 0.81964 0.191113
+0.417473 0.342612 0.805385 0.244311
+0.394172 0.369182 0.787682 0.296463
+0.369182 0.394172 0.766606 0.347345
+0.342612 0.417473 0.742247 0.396739
+0.314574 0.438987 0.71471 0.444435
+0.285189 0.458622 0.684112 0.490228
+0.254583 0.476292 0.650585 0.533922
+0.222887 0.491923 0.614272 0.575329
+0.190237 0.505447 0.575329 0.614272
+0.156772 0.516807 0.533921 0.650585
+0.122635 0.525954 0.490228 0.684112
+0.0879735 0.532848 0.444435 0.71471
+0.0529352 0.537461 0.396739 0.742247
+0.0176703 0.539773 0.347345 0.766606
+-0.0176704 0.539773 0.296463 0.787682
+-0.0529354 0.537461 0.244311 0.805385
+-0.0879736 0.532848 0.191113 0.81964
+-0.122635 0.525954 0.137097 0.830384
+-0.156772 0.516807 0.0824936 0.837573
+-0.190237 0.505447 0.0275371 0.841175
+-0.222887 0.491923 -0.0275373 0.841175
+-0.254583 0.476292 -0.0824936 0.837573
+-0.285189 0.458622 -0.137097 0.830384
+-0.314574 0.438987 -0.191113 0.81964
+-0.342612 0.417473 -0.244311 0.805385
+-0.369182 0.394172 -0.296463 0.787682
+-0.394172 0.369182 -0.347345 0.766606
+-0.417473 0.342612 -0.39674 0.742247
+-0.438987 0.314574 -0.444435 0.71471
+-0.458622 0.285189 -0.490228 0.684112
+-0.476292 0.254583 -0.533921 0.650585
+-0.491923 0.222887 -0.575329 0.614272
+-0.505447 0.190237 -0.614272 0.575329
+-0.516807 0.156772 -0.650585 0.533922
+-0.525954 0.122635 -0.684112 0.490228
+-0.532848 0.0879736 -0.71471 0.444435
+-0.537461 0.0529353 -0.742247 0.396739
+-0.539773 0.0176704 -0.766606 0.347345
+0.255019 0.00834844 0.182422 -0.949536
+0.253927 0.0250096 0.244134 -0.935572
+0.251747 0.0415636 0.304801 -0.917601
+0.24849 0.0579397 0.364162 -0.895702
+0.244168 0.0740676 0.421964 -0.869967
+0.238801 0.0898784 0.477959 -0.840506
+0.232412 0.105304 0.531908 -0.807447
+0.225027 0.120279 0.583578 -0.770929
+0.216678 0.134739 0.63275 -0.731111
+0.207402 0.148622 0.679212 -0.688162
+0.197238 0.161869 0.722766 -0.642266
+0.186229 0.174422 0.763225 -0.593619
+0.174422 0.186229 0.800415 -0.542431
+0.161869 0.197238 0.834178 -0.48892
+0.148622 0.207402 0.864369 -0.433315
+0.134739 0.216678 0.890858 -0.375855
+0.120279 0.225027 0.913533 -0.316786
+0.105304 0.232412 0.932296 -0.256359
+0.0898784 0.238801 0.947067 -0.194835
+0.0740676 0.244168 0.957782 -0.132477
+0.0579397 0.24849 0.964395 -0.0695517
+0.0415636 0.251747 0.966879 -0.00632817
+0.0250096 0.253927 0.965223 0.0569223
+0.00834842 0.255019 0.959434 0.119929
+-0.00834847 0.255019 0.949536 0.182422
+-0.0250096 0.253927 0.935572 0.244134
+-0.0415636 0.251747 0.917601 0.304801
+-0.0579397 0.24849 0.895702 0.364162
+-0.0740677 0.244168 0.869967 0.421964
+-0.0898785 0.238801 0.840506 0.477959
+-0.105304 0.232412 0.807447 0.531908
+-0.120279 0.225027 0.770929 0.583578
+-0.134739 0.216678 0.731111 0.63275
+-0.148622 0.207402 0.688162 0.679212
+-0.161869 0.197238 0.642266 0.722766
+-0.174422 0.186229 0.593619 0.763225
+-0.186229 0.174422 0.542431 0.800415
+-0.197238 0.161869 0.48892 0.834178
+-0.207402 0.148622 0.433316 0.864369
+-0.216678 0.134739 0.375855 0.890858
+-0.225027 0.120279 0.316786 0.913533
+-0.232412 0.105304 0.256359 0.932296
+-0.238801 0.0898784 0.194835 0.947067
+-0.244168 0.0740676 0.132477 0.957782
+-0.24849 0.0579397 0.0695516 0.964395
+-0.251747 0.0415636 0.00632836 0.966879
+-0.253927 0.0250096 -0.0569222 0.965223
+-0.255019 0.00834847 -0.119929 0.959434
+0.306022 0.0100181 0.392885 -0.867117
+0.304712 0.0300115 0.448756 -0.839564
+0.302097 0.0498763 0.502706 -0.808416
+0.298188 0.0695276 0.554502 -0.773807
+0.293002 0.0888812 0.603924 -0.735884
+0.286561 0.107854 0.65076 -0.69481
+0.278894 0.126365 0.69481 -0.65076
+0.270032 0.144335 0.735884 -0.603924
+0.260014 0.161687 0.773807 -0.554502
+0.248882 0.178347 0.808416 -0.502706
+0.236685 0.194242 0.839564 -0.448756
+0.223474 0.209307 0.867117 -0.392885
+0.209307 0.223474 0.890956 -0.335332
+0.194242 0.236685 0.91098 -0.276343
+0.178347 0.248882 0.927103 -0.21617
+0.161687 0.260014 0.939256 -0.155072
+0.144335 0.270032 0.947388 -0.0933095
+0.126365 0.278894 0.951462 -0.0311476
+0.107854 0.286562 0.951462 0.0311477
+0.0888812 0.293002 0.947388 0.0933096
+0.0695276 0.298188 0.939256 0.155072
+0.0498763 0.302097 0.927103 0.21617
+0.0300115 0.304712 0.91098 0.276343
+0.0100181 0.306022 0.890956 0.335332
+-0.0100182 0.306022 0.867116 0.392885
+-0.0300115 0.304712 0.839564 0.448756
+-0.0498764 0.302097 0.808416 0.502706
+-0.0695276 0.298188 0.773807 0.554502
+-0.0888812 0.293002 0.735884 0.603925
+-0.107854 0.286561 0.69481 0.650761
+-0.126365 0.278894 0.65076 0.69481
+-0.144335 0.270032 0.603924 0.735884
+-0.161687 0.260014 0.554502 0.773807
+-0.178347 0.248882 0.502706 0.808416
+-0.194242 0.236685 0.448756 0.839564
+-0.209307 0.223474 0.392885 0.867117
+-0.223474 0.209307 0.335332 0.890956
+-0.236685 0.194242 0.276343 0.91098
+-0.248882 0.178347 0.21617 0.927103
+-0.260014 0.161687 0.155072 0.939256
+-0.270032 0.144335 0.0933096 0.947388
+-0.278894 0.126365 0.0311476 0.951462
+-0.286562 0.107854 -0.0311477 0.951462
+-0.293002 0.0888812 -0.0933095 0.947388
+-0.298188 0.0695276 -0.155072 0.939256
+-0.302097 0.0498764 -0.21617 0.927103
+-0.304712 0.0300115 -0.276343 0.91098
+-0.306022 0.0100182 -0.335332 0.890956
+0.306022 0.0100181 0.155072 -0.939256
+0.304712 0.0300115 0.21617 -0.927103
+0.302097 0.0498763 0.276343 -0.91098
+0.298188 0.0695276 0.335332 -0.890956
+0.293002 0.0888812 0.392885 -0.867117
+0.286561 0.107854 0.448756 -0.839564
+0.278894 0.126365 0.502706 -0.808416
+0.270032 0.144335 0.554502 -0.773807
+0.260014 0.161687 0.603924 -0.735884
+0.248882 0.178347 0.65076 -0.69481
+0.236685 0.194242 0.69481 -0.65076
+0.223474 0.209307 0.735884 -0.603924
+0.209307 0.223474 0.773807 -0.554502
+0.194242 0.236685 0.808416 -0.502706
+0.178347 0.248882 0.839564 -0.448756
+0.161687 0.260014 0.867117 -0.392885
+0.144335 0.270032 0.890956 -0.335332
+0.126365 0.278894 0.91098 -0.276343
+0.107854 0.286562 0.927103 -0.21617
+0.0888812 0.293002 0.939256 -0.155072
+0.0695276 0.298188 0.947388 -0.0933095
+0.0498763 0.302097 0.951462 -0.0311475
+0.0300115 0.304712 0.951462 0.0311478
+0.0100181 0.306022 0.947388 0.0933096
+-0.0100182 0.306022 0.939256 0.155072
+-0.0300115 0.304712 0.927103 0.21617
+-0.0498764 0.302097 0.91098 0.276343
+-0.0695276 0.298188 0.890956 0.335332
+-0.0888812 0.293002 0.867116 0.392886
+-0.107854 0.286561 0.839564 0.448756
+-0.126365 0.278894 0.808416 0.502706
+-0.144335 0.270032 0.773807 0.554502
+-0.161687 0.260014 0.735884 0.603924
+-0.178347 0.248882 0.69481 0.650761
+-0.194242 0.236685 0.650761 0.69481
+-0.209307 0.223474 0.603924 0.735884
+-0.223474 0.209307 0.554502 0.773807
+-0.236685 0.194242 0.502706 0.808416
+-0.248882 0.178347 0.448756 0.839564
+-0.260014 0.161687 0.392885 0.867117
+-0.270032 0.144335 0.335332 0.890956
+-0.278894 0.126365 0.276343 0.91098
+-0.286562 0.107854 0.21617 0.927103
+-0.293002 0.0888812 0.155072 0.939256
+-0.298188 0.0695276 0.0933095 0.947388
+-0.302097 0.0498764 0.0311477 0.951462
+-0.304712 0.0300115 -0.0311477 0.951462
+-0.306022 0.0100182 -0.0933095 0.947388
+0.357026 0.0116878 0.337168 -0.871042
+0.355497 0.0350134 0.393415 -0.847125
+0.352446 0.0581891 0.447977 -0.819581
+0.347886 0.0811156 0.500621 -0.788527
+0.341836 0.103695 0.551121 -0.754096
+0.334322 0.12583 0.599262 -0.716437
+0.325376 0.147426 0.644836 -0.675709
+0.315037 0.168391 0.687649 -0.632088
+0.30335 0.188635 0.727517 -0.58576
+0.290363 0.208071 0.76427 -0.536924
+0.276133 0.226616 0.79775 -0.485789
+0.26072 0.244191 0.827814 -0.432574
+0.244191 0.26072 0.854333 -0.377506
+0.226616 0.276133 0.877194 -0.320821
+0.208071 0.290363 0.896299 -0.262763
+0.188635 0.30335 0.911565 -0.20358
+0.168391 0.315038 0.922928 -0.143525
+0.147426 0.325376 0.930339 -0.0828551
+0.12583 0.334322 0.933766 -0.0218307
+0.103695 0.341836 0.933195 0.0392873
+0.0811155 0.347886 0.928627 0.100237
+0.058189 0.352446 0.920083 0.160758
+0.0350134 0.355497 0.907599 0.22059
+0.0116878 0.357026 0.891229 0.279477
+-0.0116879 0.357026 0.871042 0.337168
+-0.0350134 0.355497 0.847125 0.393415
+-0.0581891 0.352446 0.819581 0.447977
+-0.0811156 0.347886 0.788527 0.500621
+-0.103695 0.341836 0.754096 0.551121
+-0.12583 0.334322 0.716436 0.599262
+-0.147426 0.325376 0.675709 0.644836
+-0.168391 0.315038 0.632088 0.687649
+-0.188635 0.30335 0.58576 0.727517
+-0.208071 0.290363 0.536924 0.76427
+-0.226616 0.276133 0.485789 0.79775
+-0.244191 0.26072 0.432574 0.827814
+-0.26072 0.244191 0.377506 0.854333
+-0.276133 0.226616 0.320821 0.877194
+-0.290363 0.208071 0.262763 0.896299
+-0.30335 0.188635 0.20358 0.911565
+-0.315037 0.168391 0.143525 0.922928
+-0.325376 0.147426 0.0828552 0.930339
+-0.334322 0.12583 0.0218306 0.933766
+-0.341836 0.103695 -0.0392872 0.933195
+-0.347886 0.0811155 -0.100237 0.928627
+-0.352446 0.0581891 -0.160757 0.920083
+-0.355497 0.0350134 -0.22059 0.907599
+-0.357026 0.0116879 -0.279477 0.891229
+0.357026 0.0116878 0.522539 -0.774176
+0.355497 0.0350134 0.572054 -0.738343
+0.352446 0.0581891 0.619119 -0.699348
+0.347886 0.0811156 0.663533 -0.657358
+0.341836 0.103695 0.705106 -0.612553
+0.334322 0.12583 0.743659 -0.565126
+0.325376 0.147426 0.779028 -0.515278
+0.315037 0.168391 0.811061 -0.463224
+0.30335 0.188635 0.83962 -0.409186
+0.290363 0.208071 0.864585 -0.353396
+0.276133 0.226616 0.885847 -0.296093
+0.26072 0.244191 0.903316 -0.237522
+0.244191 0.26072 0.916916 -0.177934
+0.226616 0.276133 0.92659 -0.117584
+0.208071 0.290363 0.932297 -0.05673
+0.188635 0.30335 0.934011 0.00436661
+0.168391 0.315038 0.931726 0.0654445
+0.147426 0.325376 0.925451 0.126242
+0.12583 0.334322 0.915212 0.186499
+0.103695 0.341836 0.901055 0.245958
+0.0811155 0.347886 0.88304 0.304363
+0.058189 0.352446 0.861243 0.361465
+0.0350134 0.355497 0.835758 0.417019
+0.0116878 0.357026 0.806694 0.470787
+-0.0116879 0.357026 0.774176 0.522539
+-0.0350134 0.355497 0.738343 0.572054
+-0.0581891 0.352446 0.699348 0.619119
+-0.0811156 0.347886 0.657358 0.663533
+-0.103695 0.341836 0.612553 0.705106
+-0.12583 0.334322 0.565126 0.743659
+-0.147426 0.325376 0.515278 0.779028
+-0.168391 0.315038 0.463224 0.811061
+-0.188635 0.30335 0.409186 0.83962
+-0.208071 0.290363 0.353396 0.864585
+-0.226616 0.276133 0.296093 0.885847
+-0.244191 0.26072 0.237522 0.903316
+-0.26072 0.244191 0.177934 0.916916
+-0.276133 0.226616 0.117584 0.92659
+-0.290363 0.208071 0.0567302 0.932297
+-0.30335 0.188635 -0.00436654 0.934011
+-0.315037 0.168391 -0.0654443 0.931726
+-0.325376 0.147426 -0.126242 0.925451
+-0.334322 0.12583 -0.186499 0.915212
+-0.341836 0.103695 -0.245958 0.901055
+-0.347886 0.0811155 -0.304363 0.88304
+-0.352446 0.0581891 -0.361465 0.861243
+-0.355497 0.0350134 -0.417019 0.835758
+-0.357026 0.0116879 -0.470787 0.806694
+0.40803 0.0133575 0.601898 -0.686333
+0.406282 0.0400153 0.645497 -0.645497
+0.402795 0.0665018 0.686333 -0.601898
+0.397584 0.0927035 0.724229 -0.555721
+0.390669 0.118508 0.759024 -0.507164
+0.382082 0.143805 0.790569 -0.456435
+0.371859 0.168487 0.818729 -0.403752
+0.360043 0.192447 0.843383 -0.349341
+0.346685 0.215583 0.864425 -0.293433
+0.331843 0.237796 0.881766 -0.236268
+0.31558 0.25899 0.89533 -0.178092
+0.297966 0.279075 0.905061 -0.119154
+0.279075 0.297966 0.910916 -0.0597046
+0.25899 0.31558 0.912871 2.0411e-09
+0.237796 0.331843 0.910916 0.0597047
+0.215583 0.346685 0.905061 0.119154
+0.192447 0.360043 0.89533 0.178092
+0.168487 0.371859 0.881766 0.236268
+0.143805 0.382082 0.864425 0.293433
+0.118508 0.390669 0.843383 0.349341
+0.0927035 0.397584 0.818729 0.403753
+0.0665017 0.402795 0.790569 0.456436
+0.0400153 0.406282 0.759024 0.507164
+0.0133575 0.40803 0.724229 0.555721
+-0.0133575 0.40803 0.686333 0.601898
+-0.0400154 0.406282 0.645497 0.645497
+-0.0665018 0.402795 0.601898 0.686333
+-0.0927035 0.397584 0.555721 0.724229
+-0.118508 0.390669 0.507164 0.759025
+-0.143806 0.382082 0.456435 0.790569
+-0.168487 0.371859 0.403752 0.818729
+-0.192447 0.360043 0.349341 0.843383
+-0.215583 0.346685 0.293433 0.864425
+-0.237796 0.331843 0.236268 0.881766
+-0.25899 0.31558 0.178092 0.89533
+-0.279075 0.297966 0.119154 0.905061
+-0.297966 0.279075 0.0597047 0.910916
+-0.31558 0.25899 -4.1944e-08 0.912871
+-0.331843 0.237796 -0.0597045 0.910916
+-0.346685 0.215583 -0.119154 0.905061
+-0.360043 0.192447 -0.178092 0.89533
+-0.371859 0.168487 -0.236268 0.881766
+-0.382082 0.143805 -0.293433 0.864425
+-0.390669 0.118508 -0.349341 0.843383
+-0.397584 0.0927035 -0.403753 0.818729
+-0.402795 0.0665018 -0.456435 0.790569
+-0.406282 0.0400153 -0.507164 0.759024
+-0.40803 0.0133575 -0.555721 0.724229
+0.40803 0.0133575 0.456435 -0.790569
+0.406282 0.0400153 0.507164 -0.759024
+0.402795 0.0665018 0.555721 -0.724229
+0.397584 0.0927035 0.601898 -0.686333
+0.390669 0.118508 0.645497 -0.645497
+0.382082 0.143805 0.686333 -0.601898
+0.371859 0.168487 0.724229 -0.555721
+0.360043 0.192447 0.759024 -0.507164
+0.346685 0.215583 0.790569 -0.456435
+0.331843 0.237796 0.818729 -0.403752
+0.31558 0.25899 0.843383 -0.349341
+0.297966 0.279075 0.864425 -0.293433
+0.279075 0.297966 0.881766 -0.236268
+0.25899 0.31558 0.89533 -0.178092
+0.237796 0.331843 0.905061 -0.119154
+0.215583 0.346685 0.910916 -0.0597045
+0.192447 0.360043 0.912871 7.50431e-08
+0.168487 0.371859 0.910916 0.0597047
+0.143805 0.382082 0.905061 0.119154
+0.118508 0.390669 0.89533 0.178092
+0.0927035 0.397584 0.881766 0.236268
+0.0665017 0.402795 0.864425 0.293433
+0.0400153 0.406282 0.843383 0.349341
+0.0133575 0.40803 0.818729 0.403753
+-0.0133575 0.40803 0.790569 0.456436
+-0.0400154 0.406282 0.759024 0.507164
+-0.0665018 0.402795 0.724229 0.555721
+-0.0927035 0.397584 0.686333 0.601898
+-0.118508 0.390669 0.645497 0.645497
+-0.143806 0.382082 0.601898 0.686333
+-0.168487 0.371859 0.555721 0.724229
+-0.192447 0.360043 0.507164 0.759024
+-0.215583 0.346685 0.456435 0.790569
+-0.237796 0.331843 0.403752 0.818729
+-0.25899 0.31558 0.349341 0.843383
+-0.279075 0.297966 0.293433 0.864425
+-0.297966 0.279075 0.236268 0.881766
+-0.31558 0.25899 0.178092 0.89533
+-0.331843 0.237796 0.119154 0.905061
+-0.346685 0.215583 0.0597046 0.910916
+-0.360043 0.192447 1.02699e-07 0.912871
+-0.371859 0.168487 -0.0597046 0.910916
+-0.382082 0.143805 -0.119154 0.905061
+-0.390669 0.118508 -0.178092 0.89533
+-0.397584 0.0927035 -0.236268 0.881766
+-0.402795 0.0665018 -0.293433 0.864425
+-0.406282 0.0400153 -0.349341 0.843383
+-0.40803 0.0133575 -0.403752 0.818729
+0.456191 0.0149342 0.518263 -0.723236
+0.454238 0.0447385 0.564456 -0.687791
+0.450339 0.0743513 0.608231 -0.649401
+0.444512 0.103646 0.649401 -0.608231
+0.436782 0.132496 0.687791 -0.564456
+0.427181 0.160779 0.723236 -0.518263
+0.415751 0.188374 0.755583 -0.469852
+0.40254 0.215162 0.784695 -0.419428
+0.387606 0.241029 0.810447 -0.367209
+0.371012 0.265863 0.832728 -0.313417
+0.352829 0.28956 0.851444 -0.258283
+0.333136 0.312016 0.866513 -0.202043
+0.312016 0.333136 0.877872 -0.144937
+0.28956 0.352829 0.885472 -0.0872114
+0.265863 0.371012 0.88928 -0.029112
+0.241029 0.387606 0.88928 0.0291121
+0.215162 0.40254 0.885472 0.0872115
+0.188374 0.415751 0.877872 0.144937
+0.160779 0.427181 0.866513 0.202043
+0.132496 0.436782 0.851444 0.258283
+0.103646 0.444512 0.832728 0.313417
+0.0743512 0.450339 0.810447 0.367209
+0.0447384 0.454238 0.784695 0.419428
+0.0149341 0.456191 0.755583 0.469852
+-0.0149342 0.456191 0.723236 0.518263
+-0.0447385 0.454238 0.687791 0.564456
+-0.0743513 0.450339 0.649401 0.608231
+-0.103646 0.444512 0.608231 0.649401
+-0.132496 0.436781 0.564455 0.687791
+-0.160779 0.427181 0.518263 0.723236
+-0.188374 0.415751 0.469852 0.755583
+-0.215162 0.40254 0.419428 0.784695
+-0.241029 0.387606 0.367209 0.810447
+-0.265864 0.371012 0.313417 0.832728
+-0.28956 0.352829 0.258283 0.851444
+-0.312016 0.333136 0.202043 0.866513
+-0.333136 0.312016 0.144937 0.877872
+-0.352829 0.28956 0.0872113 0.885472
+-0.371012 0.265864 0.0291121 0.88928
+-0.387606 0.241029 -0.029112 0.88928
+-0.40254 0.215162 -0.0872113 0.885472
+-0.415751 0.188374 -0.144937 0.877872
+-0.427181 0.160779 -0.202043 0.866513
+-0.436782 0.132496 -0.258283 0.851444
+-0.444512 0.103646 -0.313417 0.832728
+-0.450339 0.0743513 -0.367209 0.810447
+-0.454238 0.0447385 -0.419428 0.784695
+-0.456191 0.0149342 -0.469852 0.755583
+0.357026 0.0116878 0.134889 -0.92423
+0.355497 0.0350134 0.195048 -0.913429
+0.352446 0.0581891 0.254372 -0.898716
+0.347886 0.0811156 0.312606 -0.880155
+0.341836 0.103695 0.369501 -0.857825
+0.334322 0.12583 0.424815 -0.831822
+0.325376 0.147426 0.478309 -0.802257
+0.315037 0.168391 0.529755 -0.769256
+0.30335 0.188635 0.578933 -0.732962
+0.290363 0.208071 0.625631 -0.693528
+0.276133 0.226616 0.66965 -0.651125
+0.26072 0.244191 0.710802 -0.605934
+0.244191 0.26072 0.74891 -0.558148
+0.226616 0.276133 0.783811 -0.507972
+0.208071 0.290363 0.815356 -0.45562
+0.188635 0.30335 0.84341 -0.401318
+0.168391 0.315038 0.867851 -0.345297
+0.147426 0.325376 0.888577 -0.287798
+0.12583 0.334322 0.905497 -0.229066
+0.103695 0.341836 0.91854 -0.169353
+0.0811155 0.347886 0.927649 -0.108915
+0.058189 0.352446 0.932787 -0.0480106
+0.0350134 0.355497 0.933929 0.0130993
+0.0116878 0.357026 0.931073 0.0741532
+-0.0116879 0.357026 0.92423 0.134889
+-0.0350134 0.355497 0.913429 0.195048
+-0.0581891 0.352446 0.898716 0.254372
+-0.0811156 0.347886 0.880155 0.312606
+-0.103695 0.341836 0.857825 0.369502
+-0.12583 0.334322 0.831822 0.424815
+-0.147426 0.325376 0.802257 0.478309
+-0.168391 0.315038 0.769257 0.529755
+-0.188635 0.30335 0.732962 0.578933
+-0.208071 0.290363 0.693528 0.625631
+-0.226616 0.276133 0.651125 0.66965
+-0.244191 0.26072 0.605934 0.710802
+-0.26072 0.244191 0.558148 0.74891
+-0.276133 0.226616 0.507972 0.783812
+-0.290363 0.208071 0.455621 0.815356
+-0.30335 0.188635 0.401318 0.84341
+-0.315037 0.168391 0.345297 0.867851
+-0.325376 0.147426 0.287798 0.888577
+-0.334322 0.12583 0.229066 0.905497
+-0.341836 0.103695 0.169353 0.91854
+-0.347886 0.0811155 0.108915 0.927649
+-0.352446 0.0581891 0.0480108 0.932787
+-0.355497 0.0350134 -0.0130992 0.933929
+-0.357026 0.0116879 -0.074153 0.931073
+0.40803 0.0133575 0.293433 -0.864425
+0.406282 0.0400153 0.349341 -0.843383
+0.402795 0.0665018 0.403752 -0.818729
+0.397584 0.0927035 0.456435 -0.790569
+0.390669 0.118508 0.507164 -0.759024
+0.382082 0.143805 0.555721 -0.724229
+0.371859 0.168487 0.601898 -0.686333
+0.360043 0.192447 0.645497 -0.645497
+0.346685 0.215583 0.686333 -0.601898
+0.331843 0.237796 0.724229 -0.555721
+0.31558 0.25899 0.759024 -0.507164
+0.297966 0.279075 0.790569 -0.456435
+0.279075 0.297966 0.818729 -0.403752
+0.25899 0.31558 0.843383 -0.349341
+0.237796 0.331843 0.864425 -0.293433
+0.215583 0.346685 0.881766 -0.236268
+0.192447 0.360043 0.89533 -0.178092
+0.168487 0.371859 0.905061 -0.119154
+0.143805 0.382082 0.910916 -0.0597046
+0.118508 0.390669 0.912871 3.92225e-08
+0.0927035 0.397584 0.910916 0.0597046
+0.0665017 0.402795 0.905061 0.119154
+0.0400153 0.406282 0.89533 0.178092
+0.0133575 0.40803 0.881766 0.236268
+-0.0133575 0.40803 0.864425 0.293433
+-0.0400154 0.406282 0.843383 0.349341
+-0.0665018 0.402795 0.818729 0.403753
+-0.0927035 0.397584 0.790569 0.456436
+-0.118508 0.390669 0.759024 0.507164
+-0.143806 0.382082 0.724229 0.555721
+-0.168487 0.371859 0.686333 0.601898
+-0.192447 0.360043 0.645497 0.645497
+-0.215583 0.346685 0.601898 0.686333
+-0.237796 0.331843 0.555721 0.724229
+-0.25899 0.31558 0.507164 0.759024
+-0.279075 0.297966 0.456435 0.790569
+-0.297966 0.279075 0.403753 0.818729
+-0.31558 0.25899 0.349341 0.843383
+-0.331843 0.237796 0.293433 0.864425
+-0.346685 0.215583 0.236268 0.881766
+-0.360043 0.192447 0.178092 0.89533
+-0.371859 0.168487 0.119154 0.905061
+-0.382082 0.143805 0.0597045 0.910916
+-0.390669 0.118508 2.96973e-08 0.912871
+-0.397584 0.0927035 -0.0597047 0.910916
+-0.402795 0.0665018 -0.119154 0.905061
+-0.406282 0.0400153 -0.178092 0.89533
+-0.40803 0.0133575 -0.236268 0.881766
+0.40803 0.0133575 0.119154 -0.905061
+0.406282 0.0400153 0.178092 -0.89533
+0.402795 0.0665018 0.236268 -0.881766
+0.397584 0.0927035 0.293433 -0.864425
+0.390669 0.118508 0.349341 -0.843383
+0.382082 0.143805 0.403752 -0.818729
+0.371859 0.168487 0.456435 -0.790569
+0.360043 0.192447 0.507164 -0.759024
+0.346685 0.215583 0.555721 -0.724229
+0.331843 0.237796 0.601898 -0.686333
+0.31558 0.25899 0.645497 -0.645497
+0.297966 0.279075 0.686333 -0.601898
+0.279075 0.297966 0.724229 -0.555721
+0.25899 0.31558 0.759024 -0.507164
+0.237796 0.331843 0.790569 -0.456435
+0.215583 0.346685 0.818729 -0.403752
+0.192447 0.360043 0.843383 -0.349341
+0.168487 0.371859 0.864425 -0.293433
+0.143805 0.382082 0.881766 -0.236268
+0.118508 0.390669 0.89533 -0.178092
+0.0927035 0.397584 0.905061 -0.119154
+0.0665017 0.402795 0.910916 -0.0597045
+0.0400153 0.406282 0.912871 1.12225e-07
+0.0133575 0.40803 0.910916 0.0597047
+-0.0133575 0.40803 0.905061 0.119154
+-0.0400154 0.406282 0.89533 0.178092
+-0.0665018 0.402795 0.881766 0.236268
+-0.0927035 0.397584 0.864425 0.293433
+-0.118508 0.390669 0.843383 0.349341
+-0.143806 0.382082 0.818729 0.403753
+-0.168487 0.371859 0.790569 0.456436
+-0.192447 0.360043 0.759024 0.507164
+-0.215583 0.346685 0.724229 0.555721
+-0.237796 0.331843 0.686333 0.601898
+-0.25899 0.31558 0.645497 0.645497
+-0.279075 0.297966 0.601898 0.686333
+-0.297966 0.279075 0.555721 0.724229
+-0.31558 0.25899 0.507164 0.759024
+-0.331843 0.237796 0.456436 0.790569
+-0.346685 0.215583 0.403752 0.818729
+-0.360043 0.192447 0.349341 0.843383
+-0.371859 0.168487 0.293433 0.864425
+-0.382082 0.143805 0.236268 0.881766
+-0.390669 0.118508 0.178092 0.89533
+-0.397584 0.0927035 0.119153 0.905061
+-0.402795 0.0665018 0.0597047 0.910916
+-0.406282 0.0400153 -4.33047e-08 0.912871
+-0.40803 0.0133575 -0.0597045 0.910916
+0.456191 0.0149342 0.202043 -0.866513
+0.454238 0.0447385 0.258283 -0.851444
+0.450339 0.0743513 0.313417 -0.832728
+0.444512 0.103646 0.367209 -0.810447
+0.436782 0.132496 0.419428 -0.784695
+0.427181 0.160779 0.469852 -0.755583
+0.415751 0.188374 0.518263 -0.723236
+0.40254 0.215162 0.564456 -0.687791
+0.387606 0.241029 0.608231 -0.649401
+0.371012 0.265863 0.649401 -0.608231
+0.352829 0.28956 0.687791 -0.564456
+0.333136 0.312016 0.723236 -0.518263
+0.312016 0.333136 0.755583 -0.469852
+0.28956 0.352829 0.784695 -0.419428
+0.265863 0.371012 0.810447 -0.367209
+0.241029 0.387606 0.832728 -0.313417
+0.215162 0.40254 0.851444 -0.258283
+0.188374 0.415751 0.866513 -0.202043
+0.160779 0.427181 0.877872 -0.144937
+0.132496 0.436782 0.885472 -0.0872114
+0.103646 0.444512 0.88928 -0.029112
+0.0743512 0.450339 0.88928 0.0291121
+0.0447384 0.454238 0.885472 0.0872115
+0.0149341 0.456191 0.877872 0.144937
+-0.0149342 0.456191 0.866513 0.202043
+-0.0447385 0.454238 0.851444 0.258283
+-0.0743513 0.450339 0.832728 0.313417
+-0.103646 0.444512 0.810447 0.367209
+-0.132496 0.436781 0.784695 0.419428
+-0.160779 0.427181 0.755583 0.469852
+-0.188374 0.415751 0.723236 0.518263
+-0.215162 0.40254 0.687791 0.564455
+-0.241029 0.387606 0.649401 0.608231
+-0.265864 0.371012 0.608231 0.649401
+-0.28956 0.352829 0.564456 0.687791
+-0.312016 0.333136 0.518263 0.723236
+-0.333136 0.312016 0.469852 0.755583
+-0.352829 0.28956 0.419428 0.784695
+-0.371012 0.265864 0.367209 0.810447
+-0.387606 0.241029 0.313417 0.832728
+-0.40254 0.215162 0.258283 0.851444
+-0.415751 0.188374 0.202043 0.866513
+-0.427181 0.160779 0.144937 0.877872
+-0.436782 0.132496 0.0872114 0.885472
+-0.444512 0.103646 0.029112 0.88928
+-0.450339 0.0743513 -0.029112 0.88928
+-0.454238 0.0447385 -0.0872114 0.885472
+-0.456191 0.0149342 -0.144937 0.877872
+0.456191 0.0149342 0.367209 -0.810447
+0.454238 0.0447385 0.419428 -0.784695
+0.450339 0.0743513 0.469852 -0.755583
+0.444512 0.103646 0.518263 -0.723236
+0.436782 0.132496 0.564456 -0.687791
+0.427181 0.160779 0.608231 -0.649401
+0.415751 0.188374 0.649401 -0.608231
+0.40254 0.215162 0.687791 -0.564456
+0.387606 0.241029 0.723236 -0.518263
+0.371012 0.265863 0.755583 -0.469852
+0.352829 0.28956 0.784695 -0.419428
+0.333136 0.312016 0.810447 -0.367209
+0.312016 0.333136 0.832728 -0.313417
+0.28956 0.352829 0.851444 -0.258283
+0.265863 0.371012 0.866513 -0.202043
+0.241029 0.387606 0.877872 -0.144937
+0.215162 0.40254 0.885472 -0.0872113
+0.188374 0.415751 0.88928 -0.029112
+0.160779 0.427181 0.88928 0.0291121
+0.132496 0.436782 0.885472 0.0872114
+0.103646 0.444512 0.877872 0.144937
+0.0743512 0.450339 0.866513 0.202043
+0.0447384 0.454238 0.851444 0.258283
+0.0149341 0.456191 0.832728 0.313417
+-0.0149342 0.456191 0.810447 0.367209
+-0.0447385 0.454238 0.784695 0.419428
+-0.0743513 0.450339 0.755583 0.469852
+-0.103646 0.444512 0.723236 0.518263
+-0.132496 0.436781 0.687791 0.564456
+-0.160779 0.427181 0.649401 0.608231
+-0.188374 0.415751 0.608231 0.649401
+-0.215162 0.40254 0.564456 0.687791
+-0.241029 0.387606 0.518263 0.723236
+-0.265864 0.371012 0.469852 0.755583
+-0.28956 0.352829 0.419428 0.784695
+-0.312016 0.333136 0.367209 0.810447
+-0.333136 0.312016 0.313417 0.832728
+-0.352829 0.28956 0.258283 0.851444
+-0.371012 0.265864 0.202043 0.866513
+-0.387606 0.241029 0.144937 0.877872
+-0.40254 0.215162 0.0872115 0.885472
+-0.415751 0.188374 0.029112 0.88928
+-0.427181 0.160779 -0.0291121 0.88928
+-0.436782 0.132496 -0.0872114 0.885472
+-0.444512 0.103646 -0.144937 0.877872
+-0.450339 0.0743513 -0.202043 0.866513
+-0.454238 0.0447385 -0.258283 0.851444
+-0.456191 0.0149342 -0.313417 0.832728
+0.499732 0.0163595 0.433013 -0.75
+0.497592 0.0490086 0.481138 -0.720074
+0.493322 0.0814477 0.527203 -0.687064
+0.486938 0.113538 0.57101 -0.651112
+0.47847 0.145142 0.612372 -0.612372
+0.467953 0.176125 0.651112 -0.57101
+0.455432 0.206354 0.687064 -0.527203
+0.440961 0.235698 0.720074 -0.481138
+0.424601 0.264034 0.75 -0.433013
+0.406423 0.291239 0.776715 -0.383033
+0.386505 0.317197 0.800103 -0.331414
+0.364932 0.341796 0.820066 -0.278375
+0.341796 0.364932 0.836516 -0.224144
+0.317197 0.386505 0.849385 -0.168953
+0.291239 0.406423 0.858616 -0.113039
+0.264034 0.424601 0.864171 -0.0566407
+0.235698 0.440961 0.866025 7.11922e-08
+0.206353 0.455432 0.864171 0.0566408
+0.176125 0.467953 0.858616 0.113039
+0.145142 0.47847 0.849385 0.168953
+0.113538 0.486938 0.836516 0.224144
+0.0814477 0.493322 0.820066 0.278375
+0.0490085 0.497592 0.800103 0.331414
+0.0163595 0.499732 0.776715 0.383033
+-0.0163596 0.499732 0.75 0.433013
+-0.0490086 0.497592 0.720074 0.481138
+-0.0814478 0.493322 0.687064 0.527203
+-0.113538 0.486938 0.651112 0.57101
+-0.145142 0.47847 0.612372 0.612373
+-0.176125 0.467953 0.57101 0.651112
+-0.206354 0.455432 0.527203 0.687064
+-0.235698 0.440961 0.481138 0.720074
+-0.264034 0.424601 0.433013 0.75
+-0.291239 0.406423 0.383033 0.776715
+-0.317197 0.386505 0.331414 0.800103
+-0.341796 0.364932 0.278375 0.820066
+-0.364932 0.341796 0.224144 0.836516
+-0.386505 0.317197 0.168953 0.849385
+-0.406423 0.291239 0.113039 0.858616
+-0.424601 0.264034 0.0566408 0.864171
+-0.440961 0.235698 9.74292e-08 0.866025
+-0.455432 0.206354 -0.0566408 0.864171
+-0.467953 0.176125 -0.113039 0.858616
+-0.47847 0.145142 -0.168953 0.849385
+-0.486938 0.113538 -0.224144 0.836516
+-0.493322 0.0814478 -0.278375 0.820066
+-0.497592 0.0490085 -0.331414 0.800103
+-0.499732 0.0163596 -0.383033 0.776715
+0.499732 0.0163595 0.278375 -0.820066
+0.497592 0.0490086 0.331414 -0.800103
+0.493322 0.0814477 0.383033 -0.776715
+0.486938 0.113538 0.433013 -0.75
+0.47847 0.145142 0.481138 -0.720074
+0.467953 0.176125 0.527203 -0.687064
+0.455432 0.206354 0.57101 -0.651112
+0.440961 0.235698 0.612372 -0.612372
+0.424601 0.264034 0.651112 -0.57101
+0.406423 0.291239 0.687064 -0.527203
+0.386505 0.317197 0.720074 -0.481138
+0.364932 0.341796 0.75 -0.433013
+0.341796 0.364932 0.776715 -0.383033
+0.317197 0.386505 0.800103 -0.331414
+0.291239 0.406423 0.820066 -0.278375
+0.264034 0.424601 0.836516 -0.224144
+0.235698 0.440961 0.849385 -0.168953
+0.206353 0.455432 0.858616 -0.113039
+0.176125 0.467953 0.864171 -0.0566407
+0.145142 0.47847 0.866025 3.72097e-08
+0.113538 0.486938 0.864171 0.0566408
+0.0814477 0.493322 0.858616 0.113039
+0.0490085 0.497592 0.849385 0.168953
+0.0163595 0.499732 0.836516 0.224144
+-0.0163596 0.499732 0.820066 0.278375
+-0.0490086 0.497592 0.800103 0.331414
+-0.0814478 0.493322 0.776715 0.383033
+-0.113538 0.486938 0.75 0.433013
+-0.145142 0.47847 0.720074 0.481138
+-0.176125 0.467953 0.687064 0.527203
+-0.206354 0.455432 0.651112 0.57101
+-0.235698 0.440961 0.612373 0.612372
+-0.264034 0.424601 0.57101 0.651112
+-0.291239 0.406423 0.527203 0.687064
+-0.317197 0.386505 0.481138 0.720074
+-0.341796 0.364932 0.433013 0.75
+-0.364932 0.341796 0.383033 0.776715
+-0.386505 0.317197 0.331414 0.800103
+-0.406423 0.291239 0.278375 0.820066
+-0.424601 0.264034 0.224144 0.836516
+-0.440961 0.235698 0.168953 0.849385
+-0.455432 0.206354 0.113039 0.858616
+-0.467953 0.176125 0.0566407 0.864171
+-0.47847 0.145142 2.81734e-08 0.866025
+-0.486938 0.113538 -0.0566408 0.864171
+-0.493322 0.0814478 -0.113039 0.858616
+-0.497592 0.0490085 -0.168953 0.849385
+-0.499732 0.0163596 -0.224144 0.836516
+0.539773 0.0176703 0.347345 -0.766606
+0.537461 0.0529353 0.396739 -0.742247
+0.532848 0.0879736 0.444435 -0.71471
+0.525954 0.122635 0.490228 -0.684112
+0.516807 0.156772 0.533922 -0.650585
+0.505447 0.190237 0.575329 -0.614272
+0.491923 0.222887 0.614272 -0.575329
+0.476292 0.254583 0.650585 -0.533921
+0.458622 0.285189 0.684112 -0.490228
+0.438987 0.314574 0.71471 -0.444435
+0.417473 0.342612 0.742247 -0.396739
+0.394172 0.369182 0.766606 -0.347345
+0.369182 0.394172 0.787682 -0.296463
+0.342612 0.417473 0.805385 -0.244311
+0.314574 0.438987 0.81964 -0.191113
+0.285189 0.458622 0.830384 -0.137097
+0.254583 0.476292 0.837573 -0.0824936
+0.222887 0.491923 0.841175 -0.0275372
+0.190237 0.505447 0.841175 0.0275373
+0.156772 0.516807 0.837573 0.0824938
+0.122635 0.525954 0.830384 0.137097
+0.0879735 0.532848 0.81964 0.191113
+0.0529352 0.537461 0.805385 0.244311
+0.0176703 0.539773 0.787682 0.296463
+-0.0176704 0.539773 0.766606 0.347345
+-0.0529354 0.537461 0.742247 0.39674
+-0.0879736 0.532848 0.71471 0.444435
+-0.122635 0.525954 0.684112 0.490228
+-0.156772 0.516807 0.650585 0.533922
+-0.190237 0.505447 0.614272 0.575329
+-0.222887 0.491923 0.575329 0.614272
+-0.254583 0.476292 0.533922 0.650585
+-0.285189 0.458622 0.490228 0.684112
+-0.314574 0.438987 0.444435 0.71471
+-0.342612 0.417473 0.396739 0.742247
+-0.369182 0.394172 0.347345 0.766606
+-0.394172 0.369182 0.296463 0.787682
+-0.417473 0.342612 0.244311 0.805385
+-0.438987 0.314574 0.191113 0.81964
+-0.458622 0.285189 0.137097 0.830384
+-0.476292 0.254583 0.0824938 0.837573
+-0.491923 0.222887 0.0275372 0.841175
+-0.505447 0.190237 -0.0275373 0.841175
+-0.516807 0.156772 -0.0824937 0.837573
+-0.525954 0.122635 -0.137097 0.830384
+-0.532848 0.0879736 -0.191113 0.81964
+-0.537461 0.0529353 -0.244311 0.805385
+-0.539773 0.0176704 -0.296463 0.787682
+0.456191 0.0149342 0.649401 -0.608231
+0.454238 0.0447385 0.687791 -0.564456
+0.450339 0.0743513 0.723236 -0.518263
+0.444512 0.103646 0.755583 -0.469852
+0.436782 0.132496 0.784695 -0.419428
+0.427181 0.160779 0.810447 -0.367209
+0.415751 0.188374 0.832728 -0.313417
+0.40254 0.215162 0.851444 -0.258283
+0.387606 0.241029 0.866513 -0.202043
+0.371012 0.265863 0.877872 -0.144937
+0.352829 0.28956 0.885472 -0.0872114
+0.333136 0.312016 0.88928 -0.029112
+0.312016 0.333136 0.88928 0.029112
+0.28956 0.352829 0.885472 0.0872114
+0.265863 0.371012 0.877872 0.144937
+0.241029 0.387606 0.866513 0.202043
+0.215162 0.40254 0.851444 0.258283
+0.188374 0.415751 0.832728 0.313417
+0.160779 0.427181 0.810447 0.367209
+0.132496 0.436782 0.784695 0.419428
+0.103646 0.444512 0.755583 0.469852
+0.0743512 0.450339 0.723236 0.518263
+0.0447384 0.454238 0.687791 0.564456
+0.0149341 0.456191 0.649401 0.608231
+-0.0149342 0.456191 0.608231 0.649401
+-0.0447385 0.454238 0.564456 0.687791
+-0.0743513 0.450339 0.518263 0.723236
+-0.103646 0.444512 0.469852 0.755583
+-0.132496 0.436781 0.419428 0.784695
+-0.160779 0.427181 0.367209 0.810447
+-0.188374 0.415751 0.313417 0.832728
+-0.215162 0.40254 0.258283 0.851444
+-0.241029 0.387606 0.202043 0.866513
+-0.265864 0.371012 0.144937 0.877872
+-0.28956 0.352829 0.0872114 0.885472
+-0.312016 0.333136 0.029112 0.88928
+-0.333136 0.312016 -0.029112 0.88928
+-0.352829 0.28956 -0.0872114 0.885472
+-0.371012 0.265864 -0.144937 0.877872
+-0.387606 0.241029 -0.202043 0.866513
+-0.40254 0.215162 -0.258283 0.851444
+-0.415751 0.188374 -0.313417 0.832728
+-0.427181 0.160779 -0.367209 0.810447
+-0.436782 0.132496 -0.419428 0.784695
+-0.444512 0.103646 -0.469852 0.755583
+-0.450339 0.0743513 -0.518263 0.723236
+-0.454238 0.0447385 -0.564456 0.687791
+-0.456191 0.0149342 -0.608231 0.649401
+0.499732 0.0163595 0.687064 -0.527203
+0.497592 0.0490086 0.720074 -0.481138
+0.493322 0.0814477 0.75 -0.433013
+0.486938 0.113538 0.776715 -0.383033
+0.47847 0.145142 0.800103 -0.331414
+0.467953 0.176125 0.820066 -0.278375
+0.455432 0.206354 0.836516 -0.224144
+0.440961 0.235698 0.849385 -0.168953
+0.424601 0.264034 0.858616 -0.113039
+0.406423 0.291239 0.864171 -0.0566408
+0.386505 0.317197 0.866025 -1.57003e-08
+0.364932 0.341796 0.864171 0.0566408
+0.341796 0.364932 0.858616 0.113039
+0.317197 0.386505 0.849385 0.168953
+0.291239 0.406423 0.836516 0.224144
+0.264034 0.424601 0.820066 0.278375
+0.235698 0.440961 0.800103 0.331414
+0.206353 0.455432 0.776715 0.383033
+0.176125 0.467953 0.75 0.433013
+0.145142 0.47847 0.720074 0.481138
+0.113538 0.486938 0.687064 0.527203
+0.0814477 0.493322 0.651112 0.57101
+0.0490085 0.497592 0.612372 0.612373
+0.0163595 0.499732 0.57101 0.651112
+-0.0163596 0.499732 0.527203 0.687064
+-0.0490086 0.497592 0.481138 0.720074
+-0.0814478 0.493322 0.433013 0.75
+-0.113538 0.486938 0.383033 0.776715
+-0.145142 0.47847 0.331413 0.800103
+-0.176125 0.467953 0.278375 0.820066
+-0.206354 0.455432 0.224144 0.836516
+-0.235698 0.440961 0.168953 0.849385
+-0.264034 0.424601 0.113039 0.858616
+-0.291239 0.406423 0.0566407 0.864171
+-0.317197 0.386505 2.94643e-08 0.866025
+-0.341796 0.364932 -0.0566408 0.864171
+-0.364932 0.341796 -0.113039 0.858616
+-0.386505 0.317197 -0.168953 0.849385
+-0.406423 0.291239 -0.224144 0.836516
+-0.424601 0.264034 -0.278375 0.820066
+-0.440961 0.235698 -0.331413 0.800103
+-0.455432 0.206354 -0.383033 0.776715
+-0.467953 0.176125 -0.433013 0.75
+-0.47847 0.145142 -0.481138 0.720074
+-0.486938 0.113538 -0.527203 0.687064
+-0.493322 0.0814478 -0.57101 0.651112
+-0.497592 0.0490085 -0.612372 0.612372
+-0.499732 0.0163596 -0.651112 0.57101
+0.499732 0.0163595 0.57101 -0.651112
+0.497592 0.0490086 0.612372 -0.612372
+0.493322 0.0814477 0.651112 -0.57101
+0.486938 0.113538 0.687064 -0.527203
+0.47847 0.145142 0.720074 -0.481138
+0.467953 0.176125 0.75 -0.433013
+0.455432 0.206354 0.776715 -0.383033
+0.440961 0.235698 0.800103 -0.331414
+0.424601 0.264034 0.820066 -0.278375
+0.406423 0.291239 0.836516 -0.224144
+0.386505 0.317197 0.849385 -0.168953
+0.364932 0.341796 0.858616 -0.113039
+0.341796 0.364932 0.864171 -0.0566408
+0.317197 0.386505 0.866025 1.93636e-09
+0.291239 0.406423 0.864171 0.0566408
+0.264034 0.424601 0.858616 0.113039
+0.235698 0.440961 0.849385 0.168953
+0.206353 0.455432 0.836516 0.224144
+0.176125 0.467953 0.820066 0.278375
+0.145142 0.47847 0.800103 0.331414
+0.113538 0.486938 0.776715 0.383033
+0.0814477 0.493322 0.75 0.433013
+0.0490085 0.497592 0.720074 0.481138
+0.0163595 0.499732 0.687064 0.527203
+-0.0163596 0.499732 0.651112 0.57101
+-0.0490086 0.497592 0.612372 0.612372
+-0.0814478 0.493322 0.57101 0.651112
+-0.113538 0.486938 0.527203 0.687064
+-0.145142 0.47847 0.481138 0.720074
+-0.176125 0.467953 0.433013 0.75
+-0.206354 0.455432 0.383033 0.776715
+-0.235698 0.440961 0.331414 0.800103
+-0.264034 0.424601 0.278375 0.820066
+-0.291239 0.406423 0.224144 0.836516
+-0.317197 0.386505 0.168953 0.849385
+-0.341796 0.364932 0.113039 0.858616
+-0.364932 0.341796 0.0566408 0.864171
+-0.386505 0.317197 -3.97915e-08 0.866025
+-0.406423 0.291239 -0.0566407 0.864171
+-0.424601 0.264034 -0.113039 0.858616
+-0.440961 0.235698 -0.168953 0.849385
+-0.455432 0.206354 -0.224144 0.836516
+-0.467953 0.176125 -0.278375 0.820066
+-0.47847 0.145142 -0.331414 0.800103
+-0.486938 0.113538 -0.383033 0.776715
+-0.493322 0.0814478 -0.433013 0.75
+-0.497592 0.0490085 -0.481138 0.720074
+-0.499732 0.0163596 -0.527203 0.687064
+0.539773 0.0176703 0.614272 -0.575329
+0.537461 0.0529353 0.650585 -0.533922
+0.532848 0.0879736 0.684112 -0.490228
+0.525954 0.122635 0.71471 -0.444435
+0.516807 0.156772 0.742247 -0.396739
+0.505447 0.190237 0.766606 -0.347345
+0.491923 0.222887 0.787682 -0.296463
+0.476292 0.254583 0.805385 -0.244311
+0.458622 0.285189 0.81964 -0.191113
+0.438987 0.314574 0.830384 -0.137097
+0.417473 0.342612 0.837573 -0.0824937
+0.394172 0.369182 0.841175 -0.0275372
+0.369182 0.394172 0.841175 0.0275372
+0.342612 0.417473 0.837573 0.0824937
+0.314574 0.438987 0.830384 0.137097
+0.285189 0.458622 0.81964 0.191113
+0.254583 0.476292 0.805385 0.244311
+0.222887 0.491923 0.787682 0.296463
+0.190237 0.505447 0.766606 0.347345
+0.156772 0.516807 0.742247 0.39674
+0.122635 0.525954 0.71471 0.444435
+0.0879735 0.532848 0.684112 0.490228
+0.0529352 0.537461 0.650585 0.533922
+0.0176703 0.539773 0.614272 0.575329
+-0.0176704 0.539773 0.575329 0.614272
+-0.0529354 0.537461 0.533921 0.650585
+-0.0879736 0.532848 0.490228 0.684112
+-0.122635 0.525954 0.444435 0.71471
+-0.156772 0.516807 0.396739 0.742247
+-0.190237 0.505447 0.347345 0.766606
+-0.222887 0.491923 0.296462 0.787682
+-0.254583 0.476292 0.244311 0.805385
+-0.285189 0.458622 0.191113 0.81964
+-0.314574 0.438987 0.137097 0.830384
+-0.342612 0.417473 0.0824937 0.837573
+-0.369182 0.394172 0.0275372 0.841175
+-0.394172 0.369182 -0.0275372 0.841175
+-0.417473 0.342612 -0.0824938 0.837573
+-0.438987 0.314574 -0.137097 0.830384
+-0.458622 0.285189 -0.191113 0.81964
+-0.476292 0.254583 -0.244311 0.805385
+-0.491923 0.222887 -0.296463 0.787682
+-0.505447 0.190237 -0.347345 0.766606
+-0.516807 0.156772 -0.396739 0.742247
+-0.525954 0.122635 -0.444435 0.71471
+-0.532848 0.0879736 -0.490228 0.684112
+-0.537461 0.0529353 -0.533922 0.650585
+-0.539773 0.0176704 -0.575329 0.614272
+0.539773 0.0176703 0.71471 -0.444435
+0.537461 0.0529353 0.742247 -0.396739
+0.532848 0.0879736 0.766606 -0.347345
+0.525954 0.122635 0.787682 -0.296463
+0.516807 0.156772 0.805385 -0.244311
+0.505447 0.190237 0.81964 -0.191113
+0.491923 0.222887 0.830384 -0.137097
+0.476292 0.254583 0.837573 -0.0824937
+0.458622 0.285189 0.841175 -0.0275372
+0.438987 0.314574 0.841175 0.0275372
+0.417473 0.342612 0.837573 0.0824937
+0.394172 0.369182 0.830384 0.137097
+0.369182 0.394172 0.81964 0.191113
+0.342612 0.417473 0.805385 0.244311
+0.314574 0.438987 0.787682 0.296463
+0.285189 0.458622 0.766606 0.347345
+0.254583 0.476292 0.742247 0.39674
+0.222887 0.491923 0.71471 0.444435
+0.190237 0.505447 0.684112 0.490228
+0.156772 0.516807 0.650585 0.533922
+0.122635 0.525954 0.614272 0.575329
+0.0879735 0.532848 0.575329 0.614272
+0.0529352 0.537461 0.533921 0.650585
+0.0176703 0.539773 0.490228 0.684112
+-0.0176704 0.539773 0.444435 0.71471
+-0.0529354 0.537461 0.396739 0.742247
+-0.0879736 0.532848 0.347345 0.766606
+-0.122635 0.525954 0.296463 0.787682
+-0.156772 0.516807 0.244311 0.805385
+-0.190237 0.505447 0.191113 0.81964
+-0.222887 0.491923 0.137097 0.830384
+-0.254583 0.476292 0.0824938 0.837573
+-0.285189 0.458622 0.0275372 0.841175
+-0.314574 0.438987 -0.0275373 0.841175
+-0.342612 0.417473 -0.0824937 0.837573
+-0.369182 0.394172 -0.137097 0.830384
+-0.394172 0.369182 -0.191113 0.81964
+-0.417473 0.342612 -0.244311 0.805385
+-0.438987 0.314574 -0.296463 0.787682
+-0.458622 0.285189 -0.347345 0.766606
+-0.476292 0.254583 -0.396739 0.742247
+-0.491923 0.222887 -0.444435 0.71471
+-0.505447 0.190237 -0.490228 0.684112
+-0.516807 0.156772 -0.533921 0.650585
+-0.525954 0.122635 -0.575329 0.614272
+-0.532848 0.0879736 -0.614272 0.575329
+-0.537461 0.0529353 -0.650585 0.533921
+-0.539773 0.0176704 -0.684112 0.490228
+0.577041 0.0188904 0.732294 -0.361127
+0.57457 0.0565902 0.754344 -0.31246
+0.569639 0.0940477 0.773165 -0.262454
+0.562268 0.131103 0.788675 -0.211325
+0.55249 0.167596 0.800808 -0.159291
+0.540346 0.203372 0.809511 -0.106574
+0.525887 0.238277 0.814748 -0.0534014
+0.509177 0.272161 0.816497 1.72366e-08
+0.490287 0.30488 0.814748 0.0534014
+0.469297 0.336294 0.809511 0.106574
+0.446298 0.366267 0.800808 0.159291
+0.421387 0.394672 0.788675 0.211325
+0.394672 0.421387 0.773165 0.262454
+0.366267 0.446298 0.754344 0.31246
+0.336294 0.469297 0.732294 0.361127
+0.30488 0.490287 0.707107 0.408248
+0.272161 0.509178 0.678892 0.453621
+0.238276 0.525887 0.64777 0.497052
+0.203372 0.540346 0.613875 0.538354
+0.167596 0.55249 0.57735 0.57735
+0.131103 0.562268 0.538354 0.613875
+0.0940477 0.569639 0.497052 0.64777
+0.0565902 0.57457 0.453621 0.678892
+0.0188903 0.577041 0.408248 0.707107
+-0.0188904 0.577041 0.361127 0.732294
+-0.0565903 0.57457 0.31246 0.754345
+-0.0940478 0.569639 0.262454 0.773165
+-0.131103 0.562268 0.211325 0.788675
+-0.167596 0.55249 0.15929 0.800808
+-0.203372 0.540346 0.106574 0.809511
+-0.238277 0.525887 0.0534013 0.814748
+-0.272161 0.509178 9.30742e-08 0.816497
+-0.30488 0.490287 -0.0534014 0.814748
+-0.336294 0.469297 -0.106574 0.809511
+-0.366267 0.446298 -0.159291 0.800808
+-0.394672 0.421387 -0.211325 0.788675
+-0.421387 0.394672 -0.262454 0.773165
+-0.446298 0.366267 -0.31246 0.754344
+-0.469297 0.336294 -0.361127 0.732294
+-0.490287 0.30488 -0.408248 0.707107
+-0.509177 0.272161 -0.453621 0.678892
+-0.525887 0.238277 -0.497052 0.64777
+-0.540346 0.203372 -0.538354 0.613875
+-0.55249 0.167596 -0.57735 0.57735
+-0.562268 0.131103 -0.613875 0.538354
+-0.569639 0.0940478 -0.64777 0.497052
+-0.57457 0.0565902 -0.678892 0.453621
+-0.577041 0.0188904 -0.707107 0.408248
+0.577041 0.0188904 0.64777 -0.497052
+0.57457 0.0565902 0.678892 -0.453621
+0.569639 0.0940477 0.707107 -0.408248
+0.562268 0.131103 0.732294 -0.361127
+0.55249 0.167596 0.754344 -0.31246
+0.540346 0.203372 0.773165 -0.262454
+0.525887 0.238277 0.788675 -0.211325
+0.509177 0.272161 0.800808 -0.159291
+0.490287 0.30488 0.809511 -0.106574
+0.469297 0.336294 0.814748 -0.0534014
+0.446298 0.366267 0.816497 -1.48024e-08
+0.421387 0.394672 0.814748 0.0534015
+0.394672 0.421387 0.809511 0.106574
+0.366267 0.446298 0.800808 0.159291
+0.336294 0.469297 0.788675 0.211325
+0.30488 0.490287 0.773165 0.262454
+0.272161 0.509178 0.754344 0.31246
+0.238276 0.525887 0.732294 0.361127
+0.203372 0.540346 0.707107 0.408248
+0.167596 0.55249 0.678892 0.453621
+0.131103 0.562268 0.64777 0.497052
+0.0940477 0.569639 0.613875 0.538354
+0.0565902 0.57457 0.57735 0.57735
+0.0188903 0.577041 0.538354 0.613875
+-0.0188904 0.577041 0.497052 0.64777
+-0.0565903 0.57457 0.453621 0.678892
+-0.0940478 0.569639 0.408248 0.707107
+-0.131103 0.562268 0.361127 0.732294
+-0.167596 0.55249 0.31246 0.754345
+-0.203372 0.540346 0.262454 0.773165
+-0.238277 0.525887 0.211325 0.788675
+-0.272161 0.509178 0.159291 0.800808
+-0.30488 0.490287 0.106574 0.809511
+-0.336294 0.469297 0.0534014 0.814748
+-0.366267 0.446298 2.77792e-08 0.816497
+-0.394672 0.421387 -0.0534015 0.814748
+-0.421387 0.394672 -0.106574 0.809511
+-0.446298 0.366267 -0.159291 0.800808
+-0.469297 0.336294 -0.211325 0.788675
+-0.490287 0.30488 -0.262454 0.773165
+-0.509177 0.272161 -0.31246 0.754345
+-0.525887 0.238277 -0.361127 0.732294
+-0.540346 0.203372 -0.408248 0.707107
+-0.55249 0.167596 -0.453621 0.678892
+-0.562268 0.131103 -0.497052 0.64777
+-0.569639 0.0940478 -0.538354 0.613875
+-0.57457 0.0565902 -0.57735 0.57735
+-0.577041 0.0188904 -0.613875 0.538354
+0.612045 0.0200363 0.671353 -0.417474
+0.609424 0.060023 0.69722 -0.372672
+0.604193 0.0997527 0.720101 -0.326274
+0.596375 0.139055 0.739899 -0.278478
+0.586004 0.177762 0.756528 -0.22949
+0.573123 0.215708 0.769917 -0.17952
+0.557788 0.25273 0.78001 -0.12878
+0.540064 0.28867 0.786763 -0.0774893
+0.520028 0.323374 0.790146 -0.0258667
+0.497765 0.356693 0.790146 0.0258667
+0.47337 0.388485 0.786763 0.0774893
+0.446949 0.418613 0.78001 0.12878
+0.418613 0.446949 0.769917 0.17952
+0.388485 0.47337 0.756528 0.22949
+0.356693 0.497765 0.739899 0.278478
+0.323374 0.520028 0.720101 0.326274
+0.28867 0.540064 0.69722 0.372672
+0.25273 0.557788 0.671353 0.417474
+0.215708 0.573123 0.642612 0.460489
+0.177762 0.586004 0.611118 0.501532
+0.139055 0.596375 0.577008 0.540427
+0.0997526 0.604193 0.540427 0.577008
+0.0600229 0.609424 0.501532 0.611118
+0.0200362 0.612045 0.460489 0.642612
+-0.0200363 0.612045 0.417474 0.671353
+-0.060023 0.609424 0.372672 0.69722
+-0.0997527 0.604193 0.326274 0.720101
+-0.139055 0.596375 0.278478 0.739899
+-0.177762 0.586004 0.22949 0.756528
+-0.215708 0.573123 0.179519 0.769917
+-0.25273 0.557788 0.12878 0.78001
+-0.28867 0.540064 0.0774894 0.786763
+-0.323374 0.520028 0.0258667 0.790146
+-0.356693 0.497765 -0.0258668 0.790146
+-0.388485 0.47337 -0.0774893 0.786763
+-0.418613 0.446949 -0.12878 0.78001
+-0.446949 0.418613 -0.17952 0.769917
+-0.47337 0.388485 -0.22949 0.756528
+-0.497765 0.356693 -0.278478 0.739899
+-0.520028 0.323374 -0.326274 0.720101
+-0.540064 0.28867 -0.372672 0.69722
+-0.557788 0.25273 -0.417474 0.671353
+-0.573123 0.215708 -0.460489 0.642612
+-0.586004 0.177762 -0.501532 0.611118
+-0.596375 0.139055 -0.540427 0.577008
+-0.604193 0.0997527 -0.577008 0.540427
+-0.609424 0.060023 -0.611118 0.501532
+-0.612045 0.0200363 -0.642612 0.460489
+0.539773 0.0176703 0.490228 -0.684112
+0.537461 0.0529353 0.533922 -0.650585
+0.532848 0.0879736 0.575329 -0.614272
+0.525954 0.122635 0.614272 -0.575329
+0.516807 0.156772 0.650585 -0.533922
+0.505447 0.190237 0.684112 -0.490228
+0.491923 0.222887 0.71471 -0.444435
+0.476292 0.254583 0.742247 -0.396739
+0.458622 0.285189 0.766606 -0.347345
+0.438987 0.314574 0.787682 -0.296463
+0.417473 0.342612 0.805385 -0.244311
+0.394172 0.369182 0.81964 -0.191113
+0.369182 0.394172 0.830384 -0.137097
+0.342612 0.417473 0.837573 -0.0824937
+0.314574 0.438987 0.841175 -0.0275372
+0.285189 0.458622 0.841175 0.0275373
+0.254583 0.476292 0.837573 0.0824938
+0.222887 0.491923 0.830384 0.137097
+0.190237 0.505447 0.81964 0.191113
+0.156772 0.516807 0.805385 0.244311
+0.122635 0.525954 0.787682 0.296463
+0.0879735 0.532848 0.766606 0.347345
+0.0529352 0.537461 0.742247 0.39674
+0.0176703 0.539773 0.71471 0.444435
+-0.0176704 0.539773 0.684112 0.490228
+-0.0529354 0.537461 0.650585 0.533922
+-0.0879736 0.532848 0.614272 0.575329
+-0.122635 0.525954 0.575329 0.614272
+-0.156772 0.516807 0.533921 0.650585
+-0.190237 0.505447 0.490228 0.684112
+-0.222887 0.491923 0.444435 0.71471
+-0.254583 0.476292 0.39674 0.742247
+-0.285189 0.458622 0.347345 0.766606
+-0.314574 0.438987 0.296463 0.787682
+-0.342612 0.417473 0.244311 0.805385
+-0.369182 0.394172 0.191113 0.81964
+-0.394172 0.369182 0.137097 0.830384
+-0.417473 0.342612 0.0824937 0.837573
+-0.438987 0.314574 0.0275373 0.841175
+-0.458622 0.285189 -0.0275372 0.841175
+-0.476292 0.254583 -0.0824936 0.837573
+-0.491923 0.222887 -0.137097 0.830384
+-0.505447 0.190237 -0.191113 0.81964
+-0.516807 0.156772 -0.244311 0.805385
+-0.525954 0.122635 -0.296463 0.787682
+-0.532848 0.0879736 -0.347345 0.766606
+-0.537461 0.0529353 -0.39674 0.742247
+-0.539773 0.0176704 -0.444435 0.71471
+0.577041 0.0188904 0.538354 -0.613875
+0.57457 0.0565902 0.57735 -0.57735
+0.569639 0.0940477 0.613875 -0.538354
+0.562268 0.131103 0.64777 -0.497052
+0.55249 0.167596 0.678892 -0.453621
+0.540346 0.203372 0.707107 -0.408248
+0.525887 0.238277 0.732294 -0.361127
+0.509177 0.272161 0.754344 -0.31246
+0.490287 0.30488 0.773165 -0.262454
+0.469297 0.336294 0.788675 -0.211325
+0.446298 0.366267 0.800808 -0.159291
+0.421387 0.394672 0.809511 -0.106574
+0.394672 0.421387 0.814748 -0.0534014
+0.366267 0.446298 0.816497 1.82562e-09
+0.336294 0.469297 0.814748 0.0534015
+0.30488 0.490287 0.809511 0.106574
+0.272161 0.509178 0.800808 0.159291
+0.238276 0.525887 0.788675 0.211325
+0.203372 0.540346 0.773165 0.262454
+0.167596 0.55249 0.754344 0.31246
+0.131103 0.562268 0.732294 0.361127
+0.0940477 0.569639 0.707107 0.408248
+0.0565902 0.57457 0.678892 0.453621
+0.0188903 0.577041 0.64777 0.497052
+-0.0188904 0.577041 0.613875 0.538354
+-0.0565903 0.57457 0.57735 0.57735
+-0.0940478 0.569639 0.538354 0.613875
+-0.131103 0.562268 0.497052 0.64777
+-0.167596 0.55249 0.453621 0.678892
+-0.203372 0.540346 0.408248 0.707107
+-0.238277 0.525887 0.361127 0.732294
+-0.272161 0.509178 0.31246 0.754344
+-0.30488 0.490287 0.262454 0.773165
+-0.336294 0.469297 0.211325 0.788675
+-0.366267 0.446298 0.159291 0.800808
+-0.394672 0.421387 0.106574 0.809511
+-0.421387 0.394672 0.0534015 0.814748
+-0.446298 0.366267 -3.75158e-08 0.816497
+-0.469297 0.336294 -0.0534014 0.814748
+-0.490287 0.30488 -0.106574 0.809511
+-0.509177 0.272161 -0.15929 0.800808
+-0.525887 0.238277 -0.211325 0.788675
+-0.540346 0.203372 -0.262454 0.773165
+-0.55249 0.167596 -0.31246 0.754344
+-0.562268 0.131103 -0.361127 0.732294
+-0.569639 0.0940478 -0.408248 0.707107
+-0.57457 0.0565902 -0.453621 0.678892
+-0.577041 0.0188904 -0.497052 0.64777
+0.577041 0.0188904 0.408248 -0.707107
+0.57457 0.0565902 0.453621 -0.678892
+0.569639 0.0940477 0.497052 -0.64777
+0.562268 0.131103 0.538354 -0.613875
+0.55249 0.167596 0.57735 -0.57735
+0.540346 0.203372 0.613875 -0.538354
+0.525887 0.238277 0.64777 -0.497052
+0.509177 0.272161 0.678892 -0.453621
+0.490287 0.30488 0.707107 -0.408248
+0.469297 0.336294 0.732294 -0.361127
+0.446298 0.366267 0.754344 -0.31246
+0.421387 0.394672 0.773165 -0.262454
+0.394672 0.421387 0.788675 -0.211325
+0.366267 0.446298 0.800808 -0.159291
+0.336294 0.469297 0.809511 -0.106574
+0.30488 0.490287 0.814748 -0.0534014
+0.272161 0.509178 0.816497 6.71206e-08
+0.238276 0.525887 0.814748 0.0534015
+0.203372 0.540346 0.809511 0.106574
+0.167596 0.55249 0.800808 0.159291
+0.131103 0.562268 0.788675 0.211325
+0.0940477 0.569639 0.773165 0.262454
+0.0565902 0.57457 0.754344 0.31246
+0.0188903 0.577041 0.732293 0.361127
+-0.0188904 0.577041 0.707107 0.408248
+-0.0565903 0.57457 0.678892 0.453621
+-0.0940478 0.569639 0.64777 0.497052
+-0.131103 0.562268 0.613875 0.538354
+-0.167596 0.55249 0.57735 0.57735
+-0.203372 0.540346 0.538354 0.613875
+-0.238277 0.525887 0.497052 0.64777
+-0.272161 0.509178 0.453621 0.678892
+-0.30488 0.490287 0.408248 0.707107
+-0.336294 0.469297 0.361127 0.732294
+-0.366267 0.446298 0.31246 0.754344
+-0.394672 0.421387 0.262454 0.773165
+-0.421387 0.394672 0.211325 0.788675
+-0.446298 0.366267 0.159291 0.800808
+-0.469297 0.336294 0.106574 0.809511
+-0.490287 0.30488 0.0534014 0.814748
+-0.509177 0.272161 9.18571e-08 0.816497
+-0.525887 0.238277 -0.0534014 0.814748
+-0.540346 0.203372 -0.106574 0.809511
+-0.55249 0.167596 -0.159291 0.800808
+-0.562268 0.131103 -0.211325 0.788675
+-0.569639 0.0940478 -0.262454 0.773165
+-0.57457 0.0565902 -0.31246 0.754344
+-0.577041 0.0188904 -0.361127 0.732294
+0.612045 0.0200363 0.460489 -0.642612
+0.609424 0.060023 0.501532 -0.611118
+0.604193 0.0997527 0.540427 -0.577008
+0.596375 0.139055 0.577008 -0.540427
+0.586004 0.177762 0.611118 -0.501532
+0.573123 0.215708 0.642612 -0.460489
+0.557788 0.25273 0.671353 -0.417474
+0.540064 0.28867 0.69722 -0.372672
+0.520028 0.323374 0.720101 -0.326274
+0.497765 0.356693 0.739899 -0.278478
+0.47337 0.388485 0.756528 -0.22949
+0.446949 0.418613 0.769917 -0.17952
+0.418613 0.446949 0.78001 -0.12878
+0.388485 0.47337 0.786763 -0.0774894
+0.356693 0.497765 0.790146 -0.0258667
+0.323374 0.520028 0.790146 0.0258668
+0.28867 0.540064 0.786763 0.0774894
+0.25273 0.557788 0.78001 0.12878
+0.215708 0.573123 0.769917 0.17952
+0.177762 0.586004 0.756528 0.22949
+0.139055 0.596375 0.739899 0.278478
+0.0997526 0.604193 0.720101 0.326274
+0.0600229 0.609424 0.69722 0.372672
+0.0200362 0.612045 0.671353 0.417474
+-0.0200363 0.612045 0.642612 0.460489
+-0.060023 0.609424 0.611118 0.501532
+-0.0997527 0.604193 0.577008 0.540427
+-0.139055 0.596375 0.540427 0.577008
+-0.177762 0.586004 0.501532 0.611119
+-0.215708 0.573123 0.460489 0.642612
+-0.25273 0.557788 0.417474 0.671353
+-0.28867 0.540064 0.372672 0.69722
+-0.323374 0.520028 0.326274 0.720101
+-0.356693 0.497765 0.278478 0.739899
+-0.388485 0.47337 0.22949 0.756528
+-0.418613 0.446949 0.179519 0.769917
+-0.446949 0.418613 0.12878 0.78001
+-0.47337 0.388485 0.0774893 0.786763
+-0.497765 0.356693 0.0258668 0.790146
+-0.520028 0.323374 -0.0258667 0.790146
+-0.540064 0.28867 -0.0774893 0.786763
+-0.557788 0.25273 -0.12878 0.78001
+-0.573123 0.215708 -0.17952 0.769917
+-0.586004 0.177762 -0.22949 0.756528
+-0.596375 0.139055 -0.278478 0.739899
+-0.604193 0.0997527 -0.326274 0.720101
+-0.609424 0.060023 -0.372672 0.69722
+-0.612045 0.0200363 -0.417474 0.671353
+0.612045 0.0200363 0.577008 -0.540427
+0.609424 0.060023 0.611118 -0.501532
+0.604193 0.0997527 0.642612 -0.460489
+0.596375 0.139055 0.671353 -0.417474
+0.586004 0.177762 0.69722 -0.372672
+0.573123 0.215708 0.720101 -0.326274
+0.557788 0.25273 0.739899 -0.278478
+0.540064 0.28867 0.756528 -0.22949
+0.520028 0.323374 0.769917 -0.17952
+0.497765 0.356693 0.78001 -0.12878
+0.47337 0.388485 0.786763 -0.0774894
+0.446949 0.418613 0.790146 -0.0258667
+0.418613 0.446949 0.790146 0.0258667
+0.388485 0.47337 0.786763 0.0774894
+0.356693 0.497765 0.78001 0.12878
+0.323374 0.520028 0.769917 0.17952
+0.28867 0.540064 0.756528 0.22949
+0.25273 0.557788 0.739899 0.278478
+0.215708 0.573123 0.720101 0.326274
+0.177762 0.586004 0.69722 0.372672
+0.139055 0.596375 0.671353 0.417474
+0.0997526 0.604193 0.642612 0.460489
+0.0600229 0.609424 0.611118 0.501532
+0.0200362 0.612045 0.577008 0.540427
+-0.0200363 0.612045 0.540427 0.577008
+-0.060023 0.609424 0.501532 0.611118
+-0.0997527 0.604193 0.460489 0.642612
+-0.139055 0.596375 0.417474 0.671353
+-0.177762 0.586004 0.372672 0.69722
+-0.215708 0.573123 0.326273 0.720101
+-0.25273 0.557788 0.278478 0.739899
+-0.28867 0.540064 0.22949 0.756528
+-0.323374 0.520028 0.17952 0.769917
+-0.356693 0.497765 0.12878 0.78001
+-0.388485 0.47337 0.0774894 0.786763
+-0.418613 0.446949 0.0258666 0.790146
+-0.446949 0.418613 -0.0258667 0.790146
+-0.47337 0.388485 -0.0774894 0.786763
+-0.497765 0.356693 -0.12878 0.78001
+-0.520028 0.323374 -0.17952 0.769917
+-0.540064 0.28867 -0.22949 0.756528
+-0.557788 0.25273 -0.278478 0.739899
+-0.573123 0.215708 -0.326274 0.720101
+-0.586004 0.177762 -0.372672 0.69722
+-0.596375 0.139055 -0.417474 0.671353
+-0.604193 0.0997527 -0.460489 0.642612
+-0.609424 0.060023 -0.501532 0.611118
+-0.612045 0.0200363 -0.540427 0.577008
+0.645152 0.0211201 0.605934 -0.464949
+0.642389 0.0632698 0.635045 -0.424324
+0.636876 0.105149 0.661438 -0.381881
+0.628635 0.146577 0.684998 -0.337804
+0.617702 0.187378 0.705625 -0.292279
+0.604125 0.227376 0.72323 -0.245503
+0.58796 0.266401 0.737738 -0.197676
+0.569278 0.304285 0.749087 -0.149003
+0.548158 0.340866 0.757229 -0.099691
+0.52469 0.375988 0.762127 -0.0499525
+0.498976 0.409499 0.763763 -1.38464e-08
+0.471125 0.441257 0.762127 0.0499525
+0.441257 0.471125 0.757229 0.099691
+0.409499 0.498976 0.749087 0.149003
+0.375988 0.52469 0.737738 0.197676
+0.340866 0.548158 0.72323 0.245504
+0.304285 0.569278 0.705625 0.292279
+0.266401 0.58796 0.684998 0.337804
+0.227376 0.604125 0.661438 0.381881
+0.187378 0.617702 0.635045 0.424324
+0.146577 0.628635 0.605934 0.464949
+0.105148 0.636876 0.574227 0.503584
+0.0632697 0.642389 0.540062 0.540062
+0.02112 0.645152 0.503584 0.574227
+-0.0211201 0.645152 0.464949 0.605934
+-0.0632698 0.642389 0.424324 0.635045
+-0.105149 0.636876 0.381881 0.661438
+-0.146577 0.628635 0.337804 0.684998
+-0.187378 0.617702 0.292279 0.705625
+-0.227377 0.604125 0.245503 0.72323
+-0.266401 0.58796 0.197676 0.737738
+-0.304285 0.569278 0.149003 0.749087
+-0.340866 0.548158 0.099691 0.757229
+-0.375988 0.52469 0.0499524 0.762127
+-0.409499 0.498976 2.59851e-08 0.763763
+-0.441257 0.471125 -0.0499525 0.762127
+-0.471125 0.441257 -0.099691 0.757229
+-0.498976 0.409499 -0.149003 0.749087
+-0.52469 0.375988 -0.197676 0.737738
+-0.548158 0.340866 -0.245503 0.72323
+-0.569278 0.304285 -0.292279 0.705625
+-0.58796 0.266401 -0.337804 0.684998
+-0.604125 0.227376 -0.381881 0.661438
+-0.617702 0.187378 -0.424324 0.635045
+-0.628635 0.146577 -0.464949 0.605934
+-0.636876 0.105149 -0.503584 0.574227
+-0.642389 0.0632698 -0.540062 0.540062
+-0.645152 0.0211201 -0.574227 0.503584
+0.645152 0.0211201 0.503584 -0.574227
+0.642389 0.0632698 0.540062 -0.540062
+0.636876 0.105149 0.574227 -0.503584
+0.628635 0.146577 0.605934 -0.464949
+0.617702 0.187378 0.635045 -0.424324
+0.604125 0.227376 0.661438 -0.381881
+0.58796 0.266401 0.684998 -0.337804
+0.569278 0.304285 0.705625 -0.292279
+0.548158 0.340866 0.72323 -0.245503
+0.52469 0.375988 0.737738 -0.197676
+0.498976 0.409499 0.749087 -0.149003
+0.471125 0.441257 0.757229 -0.099691
+0.441257 0.471125 0.762127 -0.0499525
+0.409499 0.498976 0.763763 1.70771e-09
+0.375988 0.52469 0.762127 0.0499525
+0.340866 0.548158 0.757229 0.0996911
+0.304285 0.569278 0.749087 0.149003
+0.266401 0.58796 0.737738 0.197676
+0.227376 0.604125 0.72323 0.245503
+0.187378 0.617702 0.705625 0.292279
+0.146577 0.628635 0.684998 0.337804
+0.105148 0.636876 0.661438 0.381881
+0.0632697 0.642389 0.635045 0.424324
+0.02112 0.645152 0.605934 0.464949
+-0.0211201 0.645152 0.574227 0.503584
+-0.0632698 0.642389 0.540062 0.540062
+-0.105149 0.636876 0.503584 0.574227
+-0.146577 0.628635 0.464949 0.605934
+-0.187378 0.617702 0.424324 0.635045
+-0.227377 0.604125 0.381881 0.661438
+-0.266401 0.58796 0.337803 0.684998
+-0.304285 0.569278 0.292279 0.705625
+-0.340866 0.548158 0.245503 0.72323
+-0.375988 0.52469 0.197676 0.737738
+-0.409499 0.498976 0.149003 0.749087
+-0.441257 0.471125 0.099691 0.757229
+-0.471125 0.441257 0.0499525 0.762127
+-0.498976 0.409499 -3.50928e-08 0.763763
+-0.52469 0.375988 -0.0499524 0.762127
+-0.548158 0.340866 -0.099691 0.757229
+-0.569278 0.304285 -0.149003 0.749087
+-0.58796 0.266401 -0.197676 0.737738
+-0.604125 0.227376 -0.245504 0.72323
+-0.617702 0.187378 -0.292279 0.705625
+-0.628635 0.146577 -0.337804 0.684998
+-0.636876 0.105149 -0.381881 0.661438
+-0.642389 0.0632698 -0.424324 0.635045
+-0.645152 0.0211201 -0.464949 0.605934
+0.676641 0.0221509 0.537165 -0.50311
+0.673743 0.0663579 0.56892 -0.466901
+0.667961 0.110281 0.598239 -0.428692
+0.659318 0.153731 0.624996 -0.388647
+0.647852 0.196524 0.649076 -0.346939
+0.633611 0.238474 0.670378 -0.303744
+0.616658 0.279404 0.688808 -0.259249
+0.597064 0.319137 0.704289 -0.213644
+0.574913 0.357504 0.716754 -0.167124
+0.5503 0.394339 0.72615 -0.119888
+0.523331 0.429486 0.732436 -0.0721387
+0.49412 0.462794 0.735586 -0.0240806
+0.462794 0.49412 0.735586 0.0240806
+0.429486 0.523331 0.732436 0.0721387
+0.394339 0.5503 0.72615 0.119888
+0.357504 0.574913 0.716754 0.167124
+0.319137 0.597064 0.704289 0.213644
+0.279404 0.616658 0.688808 0.259249
+0.238474 0.633611 0.670378 0.303744
+0.196524 0.647852 0.649076 0.346939
+0.153731 0.659318 0.624996 0.388647
+0.110281 0.667961 0.598239 0.428692
+0.0663578 0.673743 0.56892 0.466901
+0.0221508 0.676641 0.537165 0.50311
+-0.022151 0.676641 0.50311 0.537165
+-0.066358 0.673743 0.466901 0.56892
+-0.110281 0.667961 0.428692 0.598239
+-0.153731 0.659318 0.388647 0.624996
+-0.196524 0.647852 0.346938 0.649077
+-0.238475 0.633611 0.303744 0.670378
+-0.279404 0.616658 0.259249 0.688808
+-0.319137 0.597064 0.213644 0.704289
+-0.357504 0.574913 0.167124 0.716754
+-0.394339 0.5503 0.119888 0.72615
+-0.429486 0.523331 0.0721387 0.732436
+-0.462794 0.49412 0.0240805 0.735586
+-0.49412 0.462794 -0.0240805 0.735586
+-0.523331 0.429486 -0.0721387 0.732436
+-0.5503 0.394339 -0.119888 0.72615
+-0.574913 0.357504 -0.167124 0.716754
+-0.597063 0.319137 -0.213644 0.704289
+-0.616658 0.279404 -0.259249 0.688808
+-0.633611 0.238474 -0.303744 0.670378
+-0.647852 0.196524 -0.346939 0.649076
+-0.659318 0.153731 -0.388647 0.624996
+-0.667961 0.110281 -0.428692 0.598239
+-0.673743 0.0663579 -0.466901 0.56892
+-0.676641 0.022151 -0.50311 0.537165