diff --git a/.gitattributes b/.gitattributes index 52373fe24473b1aa44333d318f578ae6bf04b49b..4543ef4f5e2e0f31c61aced65a49fe45c521b461 100644 --- a/.gitattributes +++ b/.gitattributes @@ -34,3 +34,12 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text *.zst filter=lfs diff=lfs merge=lfs -text *tfevents* filter=lfs diff=lfs merge=lfs -text tokenizer.json filter=lfs diff=lfs merge=lfs -text +cpp/gemma_v1/tokenizer.json filter=lfs diff=lfs merge=lfs -text +cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.pcm filter=lfs diff=lfs merge=lfs -text +cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.wav filter=lfs diff=lfs merge=lfs -text +cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382475-breezyvoice-01452.wav filter=lfs diff=lfs merge=lfs -text +cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.pcm filter=lfs diff=lfs merge=lfs -text +cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.wav filter=lfs diff=lfs merge=lfs -text +cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382594-breezyvoice-00389.pcm filter=lfs diff=lfs merge=lfs -text +cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382594-breezyvoice-00389.wav filter=lfs diff=lfs merge=lfs -text +cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.wav filter=lfs diff=lfs merge=lfs -text diff --git a/cpp/ASRDataset.py b/cpp/ASRDataset.py new file mode 100644 index 0000000000000000000000000000000000000000..70b1af3874904d2ed77b39bd78e80e24ab4b4bda --- /dev/null +++ b/cpp/ASRDataset.py @@ -0,0 +1,794 @@ +import datasets +datasets.config.DOWNLOADED_DATASETS_PATH = "/mnt/jeff/huggingface/data" +import os +os.environ['HF_HOME'] = '/mnt/jeff/huggingface' + +import json +import os +from pathlib import Path + +import numpy as np +import torch +import sacrebleu + +from datasets import load_dataset +from torch.utils.data import Dataset, ConcatDataset +from tqdm import tqdm +from transformers import ( + BatchFeature, +) +import pandas as pd +import soundfile as sf +from datasets import Audio +import random +from copy import deepcopy +import torchaudio + +ANSWER_SUFFIX = "" +_IGNORE_INDEX = -100 +class BaseAudioDataset(Dataset): + def __init__(self, processor, split, sampling_rate=16000, debug=False): + self.processor = processor + self.training = "train" in split or 'other' in split + self.debug = debug + self.sampling_rate = sampling_rate + self.name = "" + + def set_dataset_name(self, name): + self.name = name + + @staticmethod + def filter_corrupted_files(data, audio_field, text_fields, dataset_name, sampling_rate=16000, debug=True): + original_size = len(data) + + data = data.cast_column(audio_field, Audio(decode=False)) + + def identify_corrupted_files(example): + try: + sf.read(example[audio_field]["path"]) + + for field in text_fields: + if field in example and example[field].replace('"', '') == "": + return False + return True + except Exception: + return False + + data = data.filter(identify_corrupted_files, num_proc=16) + validated_size = len(data) + + # Audio Decoding + data = data.cast_column(audio_field, Audio(sampling_rate=sampling_rate, decode=True)) + + if debug: + print(f"Dataset: {dataset_name}") + print(f"Original data nums: {original_size}") + print(f"After filtering data nums: {validated_size}") + print(f"Filtering ratio: {validated_size/original_size:.2%}") + + return data + + @staticmethod + def filter_by_audio_length(data, audio_field, min_sec=2, max_sec=20, debug=True): + original_size = len(data) + + def filter_audio_by_length(example): + try: + audio = example[audio_field]['array'] + channel = 1 + if hasattr(audio, 'ndim') and audio.ndim > 1: + channel = audio.ndim + audio = audio.squeeze() + audio_length = len(audio) / example[audio_field]['sampling_rate'] / channel + return min_sec <= audio_length <= max_sec + except Exception as e: + if debug: + print(f"Error : {str(e)[:100]}... - sample excluded") + return False + + data = data.filter(filter_audio_by_length, num_proc=16) + filtered_size = len(data) + + if debug: + print(f"Before Length Filtering data nums: {original_size}") + print(f"After Length Filtering data nums: {filtered_size}") + print(f"Filtering ratio: {filtered_size/original_size:.2%}") + + return data + + def prepare_model_inputs(self, audio_array, instruction, answer_text): + user_message = { + 'role': 'user', + 'content': '' + instruction, + } + prompt = self.processor.tokenizer.apply_chat_template( + [user_message], tokenize=False, add_generation_prompt=True, add_bos=True + ) + + inputs = self.processor( + text=prompt, + audio=[audio_array], + add_special_tokens=False, + return_tensors='pt' + ) + + answer = f"{answer_text}{ANSWER_SUFFIX}" + answer_ids = self.processor.tokenizer(answer, add_special_tokens=False, return_tensors='pt').input_ids + + if self.debug: + self.debug = False + task_type = 'AST' if hasattr(self, 'ast') and self.ast else 'ASR' + lang_info = f" - {self.lang}" if hasattr(self, 'lang') else "" + print(f"{task_type}{lang_info}\nPROMPT: {prompt}\nINPUT: {self.processor.decode(inputs.input_ids[0], skip_special_tokens=False)}\nANSWER: {self.processor.decode(answer_ids[0], skip_special_tokens=False)}\n") + print(f"INPUT_MODE: {inputs.input_modes[0].item()}") + + if self.training: + input_ids = torch.cat([inputs.input_ids, answer_ids], dim=1) + labels = torch.full_like(input_ids, _IGNORE_INDEX) + labels[:, -answer_ids.shape[1]:] = answer_ids + padding = torch.zeros((inputs.token_type_ids.shape[0], answer_ids.shape[1])) + token_type_ids = torch.cat([inputs.token_type_ids, padding], dim=1) + else: + input_ids = inputs.input_ids + labels = answer_ids + token_type_ids = inputs.token_type_ids + + return { + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'input_audio_embeds': inputs.input_audio_embeds, + 'audio_embed_sizes': inputs.audio_embed_sizes, + 'input_modes': inputs.input_modes, + } + +# Libri Speech Dataset Class +class LibriSpeechDataset(BaseAudioDataset): + def __init__(self, processor, subset, split, sampling_rate=16000, debug=False): + super().__init__(processor, split, sampling_rate, debug) + + self.set_dataset_name(f"LibriSpeech_{subset}") + # only ASR + self.ast = False + self.lang = "en" + + # load dataset + self.data = load_dataset("/mnt/jeff/InCar/data/librispeech_asr", + subset, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + + # (Optional) Audio length Filtering + self.data = self.filter_by_audio_length(self.data, "audio") + + # Instruction Setting + self.instruction = random.choice(INSTRUCTION["asr"]) + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + + # Libri Speech is only for ASR + answer_text = data["text"].replace('"', '') + + return self.prepare_model_inputs( + data["audio"]["array"], + self.instruction, + answer_text + ) + +# common_voice_16_1 dataset +class CommonVoiceDataset(BaseAudioDataset): + def __init__(self, processor, split, source_lang, sampling_rate=16000, debug=False): + super().__init__(processor, split, sampling_rate, debug) + + self.set_dataset_name(f"CommonVoice_{source_lang}") + # only ASR + self.ast = False + self.lang=source_lang + + # load dataset + if source_lang=="zh-TW": + data_path = "/mnt/jeff/InCar/data/common_voice_16_1" + else: + data_path = "/mnt/jeff/InCar/data/common_voice_17_0" + self.data = load_dataset(data_path, + source_lang, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + def prepare_dataset(batch): + """Function to preprocess the dataset with the .map method""" + transcription = batch["sentence"] + + if transcription.startswith('"') and transcription.endswith('"'): + # we can remove trailing quotation marks as they do not affect the transcription + transcription = transcription[1:-1] + + if transcription[-1] not in [".", "?", "!"]: + # append a full-stop to sentences that do not end in punctuation + transcription = transcription + "." + + batch["sentence"] = transcription + + return batch + + + import opencc + converter = opencc.OpenCC('s2tw.json') + def To_zhTW(batch): + + transcription = converter.convert(batch["sentence"]) + batch["sentence"] = transcription + + return batch + self.data = self.data.map(prepare_dataset, desc="preprocess dataset") + if source_lang=='zh-CN': + self.data = self.data.map(To_zhTW, desc="preprocess dataset To_zhTW") + + + # (Optional) Audio length Filtering + self.data = self.filter_by_audio_length(self.data, "audio") + + if source_lang == "zh-TW" and split=='train': + import torchaudio + from torchaudio import transforms + import copy + import pickle + import os + def subsample(batch): + batch['audio']['array']=torchaudio.functional.resample(torch.FloatTensor(batch['audio']['array']), orig_freq=batch['audio']['sampling_rate'], new_freq=16000) + batch['audio']['sampling_rate']=16000 + return batch + def TW_data_augment_fast(batch): + speed_perturb_fast = transforms.SpeedPerturbation(batch['audio']['sampling_rate'], [1.1]) + new_array_fast = speed_perturb_fast(torch.FloatTensor(batch['audio']['array']))[0] + batch['audio']['array'] = new_array_fast + return batch + def TW_data_augment_slow(batch): + speed_perturb_slow = transforms.SpeedPerturbation(batch['audio']['sampling_rate'], [0.9]) + new_array_slow = speed_perturb_slow(torch.FloatTensor(batch['audio']['array']))[0] + batch['audio']['array'] = new_array_slow + return batch + # data = self.data.map(subsample, num_proc=1, desc="subsample") + fast_path = '/mnt/jeff/InCar/data/tw_fast.pkl' + if not os.path.exists(fast_path): + data_fast = self.data.map(TW_data_augment_fast, num_proc=1, desc="augment fast") + with open(fast_path,'wb') as f: + pickle.dump(data_fast,f) + else: + with open(fast_path,'rb') as f: + data_fast=pickle.load(f) + + slow_path = '/mnt/jeff/InCar/data/data_slow.pkl' + if not os.path.exists(slow_path): + data_slow = self.data.map(TW_data_augment_slow, num_proc=1, desc="augment slow") + with open(slow_path,'wb') as f: + pickle.dump(data_slow,f) + else: + with open(slow_path,'rb') as f: + data_slow=pickle.load(f) + self.data = [d for d in self.data]+[d for d in data_fast]+[d for d in data_slow] + + # Instruction Setting + self.instruction = random.choice(INSTRUCTION["asr"]) + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + + answer_text = data["sentence"] + return self.prepare_model_inputs( + data["audio"]["array"], + self.instruction, + answer_text + ) + + +# Fleurs Dataset Class +class FleursDataset(BaseAudioDataset): + def __init__(self, processor, split, source_lang, target_lang=None, + mode="asr", sampling_rate=16000, debug=False): + super().__init__(processor, split, sampling_rate, debug) + + self.set_dataset_name("Fleurs") + # Mode Setting (ASR or AST) + if mode not in ["asr", "ast"]: + raise ValueError("mode must be 'asr' or 'ast'.") + + self.mode = mode + self.ast = (mode == "ast") + self.source_lang = source_lang + + # Language name mapping (expand if needed) + self.lang_names = { + 'en_us': 'English', 'cmn_hans': 'Mandarin Chinese' + } + + # load dataset - source language dataset + self.data = load_dataset("/mnt/jeff/InCar/data/fleurs", + source_lang, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + import opencc + converter = opencc.OpenCC('s2tw.json') + def prepare_dataset(batch): + transcription = converter.convert(batch["transcription"]) + batch["transcription"] = transcription + + return batch + if (source_lang=="cmn_hans_cn"): + self.data = self.data.map(prepare_dataset, desc="preprocess dataset") + + # (Optional) Audio length Filtering + self.data = self.filter_by_audio_length(self.data, "audio") + self.target_lang_name = "" + # When AST mode, load target language dataset. + if self.ast: + if target_lang is None: + raise ValueError("AST mode requires target_lang.") + + self.target_lang = target_lang + self.lang = f"{source_lang}_{target_lang}" + + # load dataset - target language dataset (for translation) + target_data = load_dataset("/mnt/jeff/InCar/data/fleurs", + target_lang, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + if target_lang=="cmn_hans_cn": + target_data=target_data.map(prepare_dataset, desc="preprocess dataset") + source_dict = {item['id']: item for item in self.data} + target_dict = {item['id']: item for item in target_data} + + # only Common ID, add translation fields + common_ids = set(source_dict.keys()) & set(target_dict.keys()) + print(f"FLEURS AST Common data filtering: {len(self.data)} -> {len(common_ids)}") + self.data = [ + {**source_dict[id], 'translation': target_dict[id]['transcription']} + for id in common_ids + ] + + # Instruction Setting - use target language name + self.target_lang_name = self.lang_names.get(target_lang, target_lang.capitalize()) + self.instruction = random.choice(INSTRUCTION["ast"]) + else: + # ASR mode + self.lang = source_lang + self.instruction = random.choice(INSTRUCTION["asr"]) + + if self.debug: + print(f"FLEURS dataset loaded: {self.mode.upper()} mode") + print(f"source lang: {source_lang} ({self.lang_names.get(source_lang, source_lang)})") + if self.ast: + print(f"target lang: {target_lang} ({self.lang_names.get(target_lang, target_lang)})") + print(f"dataset size: {len(self.data)}") + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + audio_array = data["audio"]["array"] + + if self.ast: + answer_text = data["translation"] + else: + answer_text = data["transcription"] + + return self.prepare_model_inputs( + audio_array, + self.instruction.format(self.target_lang_name), + answer_text + ) + +class TWCostumData(BaseAudioDataset): + + def __init__(self, processor, split="train", sampling_rate=16000,csv_path="", debug=False): + super().__init__(processor, split, sampling_rate, debug) + import pandas as pd + from datasets import Dataset, Audio + + + df = pd.read_csv(csv_path).fillna('') + + + self.set_dataset_name(f"TWCostumData") + self.data = Dataset.from_dict( + { + "audio": [audio for audio in df['audio']], + "sentence": [text for text in df['text']] + } + ).cast_column("audio", Audio(sampling_rate=16000)) + + # Instruction Setting + self.instruction = random.choice(INSTRUCTION["asr"]) + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + + answer_text = data["sentence"] + return self.prepare_model_inputs( + data["audio"]["array"], + self.instruction, + answer_text + ) +def covost_collate_fn(batch): + input_ids_list = [] + labels_list = [] + token_type_ids_list = [] + input_audio_embeds_list = [] + audio_embed_sizes_list = [] + audio_attention_mask_list = [] + input_modes_list = [] + audio_paths = [] + for inputs in batch: + if 'audio_path' in inputs: + audio_paths.append(inputs['audio_path']) + input_ids_list.append(inputs['input_ids'][0]) + labels_list.append(inputs['labels'][0]) + token_type_ids_list.append(inputs['token_type_ids'][0]) + if inputs['input_modes']==2: + input_audio_embeds_list.append(inputs['input_audio_embeds']) + audio_embed_sizes_list.append(inputs['audio_embed_sizes']) + audio_attention_mask_list.append( + inputs['input_audio_embeds'].new_full((inputs['input_audio_embeds'].size(1),), True, dtype=torch.bool) + ) + # else: + # input_audio_embeds_list.append(None) + # audio_embed_sizes_list.append(None) + # audio_attention_mask_list.append(None) + input_modes_list.append(inputs['input_modes']) + # try: + token_type_ids = pad_sequence(token_type_ids_list, padding_side='left', padding_value=0) + input_ids = pad_sequence(input_ids_list, padding_side='left', padding_value=0) + labels = pad_sequence(labels_list, padding_side='left', padding_value=0) + audio_attention_mask = ( + pad_sequence(audio_attention_mask_list, padding_side='left', padding_value=False) + if len(audio_attention_mask_list) > 1 + else None + ) + # except Exception as e: + # print(e) + # print(input_ids_list) + # print(labels_list) + # raise + attention_mask = (input_ids != 0).long() + input_audio_embeds = cat_with_pad(input_audio_embeds_list, dim=0) if len(input_audio_embeds_list)>0 else None + audio_embed_sizes = torch.cat(audio_embed_sizes_list) if len(audio_embed_sizes_list)>0 else None + input_modes = torch.cat(input_modes_list) + if len(audio_paths)>0: + return BatchFeature( + { + "audio_path": audio_paths, + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'attention_mask': attention_mask, + 'input_audio_embeds': input_audio_embeds, + 'audio_embed_sizes': audio_embed_sizes, + 'audio_attention_mask': audio_attention_mask, + 'input_modes': input_modes, + } + ) + else: + return BatchFeature( + { + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'attention_mask': attention_mask, + 'input_audio_embeds': input_audio_embeds, + 'audio_embed_sizes': audio_embed_sizes, + 'audio_attention_mask': audio_attention_mask, + 'input_modes': input_modes, + } + ) + +def pad_sequence(sequences, padding_side='left', padding_value=0): + """ + Pad a list of sequences to the same length. + sequences: list of tensors in [seq_len, *] shape + """ + assert padding_side in ['right', 'left'] + max_size = sequences[0].size() + trailing_dims = max_size[1:] + max_len = max(len(seq) for seq in sequences) + batch_size = len(sequences) + output = sequences[0].new_full((batch_size, max_len) + trailing_dims, padding_value) + for i, seq in enumerate(sequences): + length = seq.size(0) + if padding_side == 'right': + output.data[i, :length] = seq + else: + output.data[i, -length:] = seq + return output + +def cat_with_pad(tensors, dim, padding_value=0): + """ + cat along dim, while pad to max for all other dims + """ + ndim = tensors[0].dim() + assert all( + t.dim() == ndim for t in tensors[1:] + ), 'All tensors must have the same number of dimensions' + + out_size = [max(t.shape[i] for t in tensors) for i in range(ndim)] + out_size[dim] = sum(t.shape[dim] for t in tensors) + output = tensors[0].new_full(out_size, padding_value) + + index = 0 + for t in tensors: + # Create a slice list where every dimension except dim is full slice + slices = [slice(0, t.shape[d]) for d in range(ndim)] + # Update only the concat dimension slice + slices[dim] = slice(index, index + t.shape[dim]) + + output[slices] = t + index += t.shape[dim] + + return output + + + +class MultiturnAudioDataset(BaseAudioDataset): + def __init__(self, processor, split="train", sampling_rate=16000,json_path="",text_only=False, debug=False): + super().__init__(processor, split, sampling_rate, debug) + from llamafactory.data.template import Llama2Template,parse_template + from llamafactory.data.formatter import EmptyFormatter, FunctionFormatter, StringFormatter, ToolFormatter + from llamafactory.data.mm_plugin import get_mm_plugin + import json + self.train=False + self.text_only=text_only + with open(json_path) as f: + js_data = json.load(f) + if split=='train': + self.train=True + js_data = js_data[:int(len(js_data)*0.8)] + else: + js_data = js_data[-int(len(js_data)*0.2):] + for conv in js_data: + for mess in conv['conversations']: + if 'audio_path' in mess: + mess['audio_path'] = mess['audio_path'].replace('/home/jeff/codes/llm/InCar/srdc_generate_tts/','/mnt/jeff/InCar/data/multiturn_data/') + default_system = ""#"""You are a helpful assistant that determines how to solve problems based on user needs and converts user speech into text.\n""" + self.template=Llama2Template( + format_user=StringFormatter(slots=["user\n{{content}}\nmodel\n"]), + format_assistant=StringFormatter(slots=["{{content}}\n"]), + format_system=StringFormatter(slots=["{{content}}\n\n"]), + format_function=FunctionFormatter(slots=["{{content}}", {"eos_token"}], tool_format="default"), + format_tools = ToolFormatter(tool_format="default"), + format_observation=StringFormatter( + slots=["tool\n{{content}}\nmodel\n"] + ), + default_system=default_system, + thought_words=("", ""), + efficient_eos=False, + replace_eos=False, + replace_jinja_template=False, + format_prefix=EmptyFormatter(slots=[{"bos_token"}]), + stop_words=[""], + mm_plugin=get_mm_plugin(name="base"), + enable_thinking=False + ) + + self.set_dataset_name(f"MultiturnCostumData") + + + self.data = [] + self.text_only_data = [] + for conv in js_data: + tools = conv['tools'] if 'tools' in conv else "" + system = conv['system'] if 'system' in conv else default_system + tmp = { + 'tools':tools, + 'system':system, + 'messages':[], + } + for i,mess in enumerate(conv['conversations']): + tmp['messages'].append(mess) + if mess['from']=='human': + tmp['messages'].append(conv['conversations'][i+1]) + d = deepcopy(tmp) + d['audio_array'] = torchaudio.load(mess['audio_path'])[0][0] + self.data.append(d) + if self.text_only: + self.text_only_data.append(deepcopy(tmp)) + tmp['messages'].pop() + elif mess['from']=='observation': + tmp['messages'].append(conv['conversations'][i+1]) + d = deepcopy(tmp) + self.text_only_data.append(d) + tmp['messages'].pop() + if text_only: + self.data=self.text_only_data + + + def prepare_multiturn_model_inputs(self, audio_array, messages, system="", tools=""): + ANSWER_SUFFIX = "" + prompt = "" + answer_text = "" + user_transcribe = "" + audio_paths = [] + for i, message in enumerate(messages): + elements = [] + + system_text = "" + if i == 0: + elements += self.template.format_prefix.apply() + if system or tools: + tool_text = self.template.format_tools.apply(content=tools)[0] if tools else "" + system_text = self.template.format_system.apply(content=(system + tool_text))[0] + + if message["from"] == "human": + if i==len(messages)-2 and not self.text_only: + user_transcribe = message["value"] + elements += self.template.format_user.apply(content=system_text+'') + else: + elements += self.template.format_user.apply(content=system_text + message["value"]) + audio_paths.append(message['audio_path']) + elif message["from"] == "gpt": + elements += self.template.format_assistant.apply(content=message["value"]) + elif message["from"] == "observation": + elements += self.template.format_observation.apply(content=message["value"]) + elif message["from"] == "function_call": + elements += self.template.format_function.apply(content=message["value"]) + else: + raise NotImplementedError("Unexpected role: {}".format(message["from"])) + + + for elem in elements: + ele_str = "" + if isinstance(elem, str): + ele_str=elem + elif isinstance(elem, set): + if "bos_token" in elem and self.processor.tokenizer.bos_token_id is not None: + ele_str = self.processor.tokenizer.bos_token + elif "eos_token" in elem and self.processor.tokenizer.eos_token_id is not None: + ele_str = self.processor.tokenizer.eos_token + if i == len(messages)-1: + answer_text+=ele_str + else: + prompt+=ele_str + + + if type(audio_array)!=type(None): + inputs = self.processor( + text=prompt, + audio=[audio_array], + add_special_tokens=False, + return_tensors='pt' + ) + answer = "\nUser transcribe is : {};\nGPT output is : {}{}".format(user_transcribe,answer_text,ANSWER_SUFFIX) + else: + inputs = self.processor( + text=prompt, + audio=None, + add_special_tokens=False, + return_tensors='pt' + ) + answer = f"{answer_text}{ANSWER_SUFFIX}" + # print('user_transcribe',user_transcribe) + # print('answer_text', answer) + # print('prompt',prompt) + answer_ids = self.processor.tokenizer(answer, add_special_tokens=False, return_tensors='pt').input_ids + + if self.debug: + self.debug = False + task_type = 'AST' if hasattr(self, 'ast') and self.ast else 'ASR' + lang_info = f" - {self.lang}" if hasattr(self, 'lang') else "" + print(f"{task_type}{lang_info}\nPROMPT: {prompt}\nINPUT: {self.processor.decode(inputs.input_ids[0], skip_special_tokens=False)}\nANSWER: {self.processor.decode(answer_ids[0], skip_special_tokens=False)}\n") + print(f"INPUT_MODE: {inputs.input_modes[0].item()}") + + if self.training: + input_ids = torch.cat([inputs.input_ids, answer_ids], dim=1) + labels = torch.full_like(input_ids, _IGNORE_INDEX) + labels[:, -answer_ids.shape[1]:] = answer_ids + padding = torch.zeros((inputs.token_type_ids.shape[0], answer_ids.shape[1])) + token_type_ids = torch.cat([inputs.token_type_ids, padding], dim=1) + else: + input_ids = inputs.input_ids + labels = answer_ids + token_type_ids = inputs.token_type_ids + if type(audio_array)!=type(None): + if not self.train: + return { + "audio_path": audio_paths, + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'input_audio_embeds': inputs.input_audio_embeds, + 'audio_embed_sizes': inputs.audio_embed_sizes, + 'input_modes': inputs.input_modes, + } + else: + return { + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'input_audio_embeds': inputs.input_audio_embeds, + 'audio_embed_sizes': inputs.audio_embed_sizes, + 'input_modes': inputs.input_modes, + } + else: + return { + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'input_audio_embeds': None, + 'audio_embed_sizes': None, + 'input_modes': inputs.input_modes, + } + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + return self.prepare_multiturn_model_inputs( + audio_array=data["audio_array"] if "audio_array" in data else None, + messages=data['messages'], + system=data["system"], + tools=data["tools"] + ) + + + +os.environ["TOKENIZERS_PARALLELISM"] = "false" + +INSTRUCTION = { + "ast": [ + "Translate the audio to {0}.", + "Translate the audio clip into {0}.", + "Based on the attached audio, generate a comprehensive {0} translation of the spoken content.", + "Translate the provided audio file into {0}.", + "Convert the audio speech to {0} text.", + "Write an {0} translation of the audio file.", + "Translate spoken words from the audio into {0}.", + "Create an {0} version of the audio content.", + "Produce an accurate {0} translation of the audio.", + "Extract speech from the audio and translate it to {0}.", + "Turn the audio into readable {0} text.", + "Write all spoken content from the audio in {0}.", + "Generate an {0} translation of the speech in the file.", + "Convert the recording into {0} text.", + "Accurately translate the audio recording to {0}.", + "Write down dialogue from the given audio in {0}.", + "Translate all speech in this audio file to {0}.", + "Create an accurate {0} version of the speech.", + "Perform a complete {0} translation of the audio." + ], + "asr": [ + "Transcribe the audio clip into text.", + "Based on the attached audio, generate a comprehensive text transcription of the spoken content.", + "Transcribe the provided audio file into text.", + "Convert the audio speech to text.", + "Write a transcript of the audio file.", + "Transcribe spoken words from the audio.", + "Create a text version of the audio content.", + "Produce a verbatim transcript of the audio.", + "Extract and transcribe speech from the audio.", + "Turn the audio into readable text.", + "Write all spoken words from the audio.", + "Generate a transcript of the speech in the file.", + "Convert the recording into a text transcript.", + "Accurately transcribe the audio recording.", + "Write down dialogue from the given audio.", + "Transcribe all speech in this audio file.", + "Create an accurate text version of the speech.", + "Perform a complete transcription of the audio." + ], +} diff --git a/cpp/__pycache__/ASRDataset.cpython-310.pyc b/cpp/__pycache__/ASRDataset.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..966e09d7e35e194a38539b65f6ad21569062e8ad Binary files /dev/null and b/cpp/__pycache__/ASRDataset.cpython-310.pyc differ diff --git a/cpp/__pycache__/speech_conformer_encoder.cpython-310.pyc b/cpp/__pycache__/speech_conformer_encoder.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..3e554b1bc92b8ce3689d1198c4d5b36e23175baf Binary files /dev/null and b/cpp/__pycache__/speech_conformer_encoder.cpython-310.pyc differ diff --git a/cpp/convert_onnx.ipynb b/cpp/convert_onnx.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..893b9ca47fda1b6d67fb6086ddc297895240ccce --- /dev/null +++ b/cpp/convert_onnx.ipynb @@ -0,0 +1,767 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/foxconnhy/miniconda3/envs/llamafactory/lib/python3.10/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n", + " from .autonotebook import tqdm as notebook_tqdm\n", + "/home/jeff/.cache/huggingface/modules/transformers_modules/gemma_v1/speech_conformer_encoder.py:2798: FutureWarning: Please specify CheckpointImpl.NO_REENTRANT as CheckpointImpl.REENTRANT will soon be removed as the default and eventually deprecated.\n", + " lambda i: encoder_checkpoint_wrapper(\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "######################## speech lora #############\n", + "######################## text lora #############\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Loading checkpoint shards: 100%|██████████| 3/3 [00:01<00:00, 1.80it/s]\n", + "Some weights of Gemma3OmniForConditionalGeneration were not initialized from the model checkpoint at /mnt/data-2t/jeff/codes/llm/cpp/gemma_v1 and are newly initialized: ['language_model.model.base_model.model.layers.0.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.0.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.0.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.0.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.0.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.0.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.0.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.0.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.0.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.0.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.0.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.0.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.0.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.0.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.1.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.1.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.1.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.1.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.1.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.1.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.1.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.1.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.1.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.1.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.1.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.1.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.1.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.1.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.10.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.10.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.10.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.10.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.10.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.10.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.10.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.10.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.10.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.10.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.10.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.10.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.10.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.10.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.11.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.11.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.11.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.11.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.11.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.11.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.11.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.11.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.11.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.11.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.11.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.11.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.11.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.11.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.12.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.12.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.12.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.12.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.12.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.12.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.12.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.12.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.12.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.12.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.12.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.12.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.12.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.12.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.13.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.13.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.13.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.13.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.13.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.13.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.13.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.13.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.13.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.13.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.13.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.13.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.13.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.13.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.14.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.14.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.14.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.14.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.14.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.14.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.14.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.14.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.14.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.14.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.14.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.14.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.14.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.14.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.15.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.15.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.15.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.15.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.15.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.15.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.15.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.15.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.15.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.15.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.15.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.15.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.15.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.15.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.16.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.16.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.16.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.16.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.16.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.16.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.16.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.16.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.16.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.16.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.16.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.16.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.16.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.16.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.17.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.17.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.17.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.17.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.17.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.17.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.17.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.17.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.17.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.17.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.17.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.17.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.17.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.17.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.18.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.18.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.18.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.18.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.18.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.18.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.18.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.18.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.18.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.18.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.18.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.18.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.18.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.18.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.19.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.19.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.19.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.19.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.19.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.19.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.19.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.19.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.19.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.19.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.19.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.19.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.19.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.19.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.2.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.2.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.2.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.2.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.2.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.2.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.2.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.2.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.2.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.2.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.2.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.2.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.2.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.2.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.20.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.20.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.20.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.20.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.20.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.20.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.20.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.20.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.20.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.20.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.20.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.20.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.20.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.20.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.21.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.21.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.21.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.21.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.21.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.21.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.21.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.21.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.21.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.21.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.21.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.21.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.21.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.21.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.22.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.22.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.22.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.22.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.22.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.22.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.22.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.22.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.22.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.22.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.22.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.22.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.22.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.22.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.23.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.23.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.23.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.23.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.23.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.23.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.23.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.23.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.23.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.23.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.23.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.23.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.23.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.23.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.24.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.24.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.24.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.24.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.24.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.24.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.24.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.24.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.24.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.24.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.24.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.24.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.24.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.24.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.25.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.25.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.25.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.25.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.25.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.25.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.25.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.25.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.25.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.25.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.25.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.25.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.25.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.25.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.26.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.26.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.26.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.26.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.26.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.26.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.26.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.26.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.26.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.26.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.26.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.26.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.26.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.26.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.27.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.27.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.27.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.27.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.27.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.27.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.27.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.27.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.27.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.27.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.27.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.27.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.27.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.27.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.28.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.28.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.28.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.28.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.28.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.28.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.28.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.28.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.28.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.28.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.28.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.28.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.28.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.28.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.29.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.29.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.29.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.29.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.29.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.29.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.29.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.29.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.29.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.29.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.29.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.29.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.29.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.29.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.3.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.3.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.3.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.3.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.3.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.3.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.3.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.3.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.3.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.3.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.3.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.3.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.3.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.3.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.30.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.30.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.30.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.30.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.30.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.30.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.30.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.30.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.30.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.30.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.30.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.30.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.30.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.30.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.31.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.31.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.31.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.31.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.31.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.31.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.31.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.31.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.31.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.31.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.31.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.31.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.31.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.31.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.32.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.32.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.32.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.32.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.32.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.32.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.32.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.32.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.32.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.32.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.32.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.32.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.32.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.32.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.33.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.33.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.33.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.33.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.33.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.33.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.33.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.33.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.33.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.33.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.33.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.33.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.33.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.33.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.4.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.4.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.4.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.4.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.4.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.4.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.4.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.4.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.4.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.4.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.4.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.4.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.4.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.4.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.5.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.5.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.5.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.5.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.5.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.5.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.5.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.5.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.5.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.5.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.5.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.5.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.5.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.5.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.6.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.6.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.6.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.6.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.6.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.6.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.6.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.6.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.6.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.6.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.6.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.6.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.6.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.6.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.7.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.7.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.7.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.7.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.7.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.7.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.7.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.7.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.7.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.7.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.7.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.7.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.7.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.7.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.8.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.8.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.8.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.8.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.8.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.8.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.8.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.8.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.8.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.8.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.8.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.8.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.8.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.8.self_attn.v_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.9.mlp.down_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.9.mlp.down_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.9.mlp.gate_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.9.mlp.gate_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.9.mlp.up_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.9.mlp.up_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.9.self_attn.k_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.9.self_attn.k_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.9.self_attn.o_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.9.self_attn.o_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.9.self_attn.q_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.9.self_attn.q_proj.lora_B.text.weight', 'language_model.model.base_model.model.layers.9.self_attn.v_proj.lora_A.text.weight', 'language_model.model.base_model.model.layers.9.self_attn.v_proj.lora_B.text.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "Using a slow image processor as `use_fast` is unset and a slow processor was saved with this model. `use_fast=True` will be the default behavior in v4.52, even if the model was saved with a slow processor. This will result in minor differences in outputs. You'll still be able to use a slow processor with `use_fast=False`.\n" + ] + } + ], + "source": [ + "from io import BytesIO\n", + "import torch\n", + "import numpy as np\n", + "from transformers import AutoModel, AutoProcessor, BatchFeature,Gemma3ForCausalLM,Gemma3Processor\n", + "\n", + "# converter = opencc.OpenCC('s2tw.json')\n", + "\n", + "model_id = \"/mnt/data-2t/jeff/codes/llm/cpp/gemma_v1\"\n", + "revision = \"main\" #\"v1.0\"\n", + "\n", + "model = AutoModel.from_pretrained(\n", + " model_id, device_map=\"cpu\", revision = revision, trust_remote_code=True\n", + ").eval()\n", + "\n", + "processor = AutoProcessor.from_pretrained(\n", + " model_id, revision = revision, trust_remote_code=True\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "Sequential(\n", + " (0): Linear(in_features=1024, out_features=2560, bias=True)\n", + " (1): GELU(approximate='none')\n", + " (2): Linear(in_features=2560, out_features=2560, bias=True)\n", + ")" + ] + }, + "execution_count": 2, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "model.audio_tower\n", + "model.audio_projector" + ] + }, + { + "cell_type": "code", + "execution_count": 179, + "metadata": {}, + "outputs": [], + "source": [ + "from ASRDataset import *\n", + "pickup_dataset = MultiturnAudioDataset(split='train',processor=processor,json_path='/mnt/data-2t/jeff/codes/llm/cpp/sample_data/pickup_processed.json')" + ] + }, + { + "cell_type": "code", + "execution_count": 180, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "torch.Size([1, 256, 80])\n", + "torch.Size([1, 217, 80])\n", + "torch.Size([1, 77, 80])\n", + "torch.Size([1, 580, 80])\n" + ] + } + ], + "source": [ + "for i in range(len(pickup_dataset)):\n", + " inp = pickup_dataset.__getitem__(i)\n", + " print(inp['input_audio_embeds'].shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "torch.Size([1, 100, 2560])" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "inp = pickup_dataset.__getitem__(3)\n", + "fea,mask = model.audio_tower(inp['input_audio_embeds'],torch.ones(inp['input_audio_embeds'].shape[:2]))\n", + "model.audio_projector(fea).shape" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import torch \n", + "import torch.nn as nn\n", + "from speech_conformer_encoder import ConformerEncoder\n", + "class Gemma3AudioEncoder(nn.Module):\n", + " def __init__(self,):\n", + " super().__init__()\n", + " audio_config = model.config.audio_config.to_diff_dict()\n", + " for item in ['transformers_version', 'model_type', 'torch_dtype']:\n", + " if item in audio_config:\n", + " audio_config.pop(item)\n", + " # self.audio_tower = model.audio_tower\n", + " # self.audio_projector = model.audio_projector\n", + " self.audio_tower = ConformerEncoder(**audio_config)#model.audio_tower\n", + " self.audio_projector = nn.Sequential(\n", + " nn.Linear(in_features=1024, out_features=2560, bias=True),\n", + " nn.GELU(approximate='none'),\n", + " nn.Linear(in_features=2560, out_features=2560, bias=True))#model.audio_projector\n", + " def forward(self,x,mask):\n", + " # mask = torch.ones(x.shape[:2])\n", + " x,_ = self.audio_tower(x,mask)\n", + " x = self.audio_projector(x)\n", + " return x\n", + "audio_encoder = Gemma3AudioEncoder()\n", + "import copy\n", + "audio_encoder.audio_tower.encoder_embedding=copy.deepcopy(model.audio_tower.encoder_embedding)\n", + "audio_encoder.audio_projector.load_state_dict(model.audio_projector.state_dict())\n", + "audio_encoder.audio_tower.load_state_dict(model.audio_tower.state_dict())" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "import onnx\n", + "import onnxruntime as ort\n", + "import onnxscript\n", + "import os\n", + "import requests\n", + "import shutil\n", + "import soundfile\n", + "import subprocess\n", + "import sys\n", + "import torch\n", + "\n", + "from onnx import helper, numpy_helper, TensorProto\n", + "from onnxruntime_genai.models.builder import create_model\n", + "from onnxruntime.transformers.dynamo_onnx_helper import DynamoOnnxHelper\n", + "from onnxscript import ir\n", + "from torch.export import Dim, export\n", + "def build_speech(outputdir='./onnx_files'):\n", + " # TorchScript export\n", + " dummy_inputs = (\n", + " torch.randn((1,97,80)),\n", + " torch.ones((1,97))\n", + " #inputs[\"input_audio_embeds\"], # audio_embeds: torch.FloatTensor\n", + " #inputs[\"audio_attention_mask\"], # audio_attention_mask: torch.BoolTensor\n", + " # inputs[\"audio_embed_sizes\"], # audio_sizes: torch.LongTensor\n", + " # inputs[\"input_mode\"], # audio_projection_mode: int\n", + " )\n", + " filename = \"phi-4-mm-speech.onnx\"\n", + "\n", + " temp_folder_1 = os.path.join(outputdir, \"speech_init_export\")\n", + " os.makedirs(temp_folder_1, exist_ok=True)\n", + "\n", + " fpath_1 = os.path.join(temp_folder_1, filename)\n", + " torch._dynamo.config.capture_scalar_outputs = True\n", + " onnx_program = torch.onnx.export(audio_encoder, dummy_inputs, fpath_1,\n", + " input_names=[\"audio_embeds\", \"audio_attention_mask\"], \n", + " output_names=[\"audio_features\"],\n", + " opset_version=20,\n", + " dynamic_axes={\n", + " \"audio_embeds\": {0:'B',1: \"L\"},\n", + " \"audio_attention_mask\": {0:'B',1: \"L\"},\n", + " },\n", + " )\n", + "\n", + "build_speech()" + ] + }, + { + "cell_type": "code", + "execution_count": 44, + "metadata": {}, + "outputs": [], + "source": [ + "import onnxruntime as ort\n", + "import numpy as np\n", + "ort_sess = ort.InferenceSession(\"/mnt/data-2t/jeff/codes/llm/cpp/onnx_files/speech_init_export/phi-4-mm-speech.onnx\")" + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(2, 111, 2560)" + ] + }, + "execution_count": 45, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import warnings\n", + "warnings.filterwarnings('ignore')\n", + "from tqdm import tqdm\n", + "import torch\n", + "import numpy as np\n", + "a=[]\n", + "# for i in tqdm(range(10000)):\n", + "# try:\n", + "ort_sess.run(None, {\"audio_embeds\": np.array(torch.randn(1,97,80),dtype=np.float32),\n", + " # \"audio_attention_mask\":np.ones((1,97),dtype=np.float32)\n", + " }\n", + " )\n", + " # print(i)\n", + " # a.append(i)\n", + " # except:\n", + " # pass\n", + "ort_sess.run(None, {\"audio_embeds\": np.array(torch.randn(2,888,80),dtype=np.float32),\n", + " # \"audio_attention_mask\":np.ones((2,97),dtype=np.float32)\n", + " }\n", + " )[0].shape" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Python inference time check" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import time\n", + "total = 0\n", + "_mel = speechlib_mel(16000, 512, 80, fmin=None, fmax=16000//2-80-230).T\n", + "for i in range(100):\n", + " now = time.time()\n", + " inp = np.random.randn(np.random.randint(16240, 48240)).reshape(1,-1)#np.array(torch.randn(1,np.random.randint(100,300),80),dtype=np.float32)\n", + " inp = _extract_features(inp,16000).reshape(1,-1,80)\n", + " now = time.time()\n", + " # inp = np.array(torch.randn(1,150,80),dtype=np.float32)\n", + " ort_sess.run(None, {\"audio_embeds\": inp,\n", + " # \"audio_attention_mask\":np.ones((1,97),dtype=np.float32)\n", + " })\n", + " total += time.time()-now\n", + " \n", + "total,total/100" + ] + }, + { + "cell_type": "code", + "execution_count": 238, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "24240" + ] + }, + "execution_count": 238, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "149*160+400" + ] + }, + { + "cell_type": "code", + "execution_count": 233, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(1, 40917)" + ] + }, + "execution_count": 233, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "np.random.randn(np.random.randint(16240, 48240)).reshape(1,-1).shape" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(10.608245611190796, 0.10608245611190796)" + ] + }, + "execution_count": 218, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import time\n", + "total = 0\n", + "for i in range(100):\n", + " tmp = torch.randn(1,np.random.randint(100,300),80)\n", + " mask = torch.ones(tmp.shape[:2])\n", + " now = time.time()\n", + " audio_encoder(tmp,mask)\n", + " total += time.time()-now\n", + "total,total/100" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# C++ ERROR check" + ] + }, + { + "cell_type": "code", + "execution_count": 167, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "tensor([[[ 0.3246, 0.0295, 0.1076, ..., -0.1125, -0.0894, -0.3800],\n", + " [ 0.3267, -0.2442, 0.2653, ..., 0.7783, -0.6049, -1.0858],\n", + " [ 0.1797, 0.0438, 0.9673, ..., 0.5126, -0.5657, -0.7050],\n", + " ...,\n", + " [ 0.0261, -0.0324, 0.0230, ..., -0.1303, 0.0343, 0.1486],\n", + " [ 0.1655, -0.3327, 0.4232, ..., 0.0513, 0.4222, -0.3645],\n", + " [ 0.1147, -0.1201, 0.4198, ..., 0.6170, 0.0838, -0.1409]]],\n", + " grad_fn=)" + ] + }, + "execution_count": 167, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "inp = pickup_dataset.__getitem__(3)\n", + "fea,mask = model.audio_tower(inp['input_audio_embeds'],torch.ones(inp['input_audio_embeds'].shape[:2]))\n", + "model.audio_projector(fea)" + ] + }, + { + "cell_type": "code", + "execution_count": 201, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "array([[[ 0.13004433, -0.06643961, 0.01333247, ..., -0.05643693,\n", + " -0.23922557, 0.569423 ],\n", + " [-0.75552 , -0.05047493, -0.82725084, ..., 0.32261163,\n", + " -0.14968234, -0.7078437 ],\n", + " [-0.6673857 , 0.33906737, -0.6191502 , ..., 0.04259709,\n", + " -0.01194861, 0.27635992],\n", + " ...,\n", + " [ 0.02916821, -0.03163592, 0.02736526, ..., -0.12979224,\n", + " 0.03317374, 0.15346158],\n", + " [-0.8559882 , -0.5196625 , 0.2549707 , ..., 0.28192428,\n", + " 1.4099622 , -0.15940394],\n", + " [-0.20253824, -0.30478072, -0.6786582 , ..., 0.08860758,\n", + " -0.12145798, 0.525889 ]]], dtype=float32)" + ] + }, + "execution_count": 201, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "inp = pickup_dataset.__getitem__(0)\n", + "res = ort_sess.run(None, {\"audio_embeds\": np.array(inp['input_audio_embeds'],dtype=np.float32),\n", + " # \"audio_attention_mask\":np.ones((2,97),dtype=np.float32)\n", + " }\n", + " )[0]\n", + "res" + ] + }, + { + "cell_type": "code", + "execution_count": 208, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "array([[[ 0.130969 , -0.0697925, 0.0150866, ..., -0.0559536,\n", + " -0.239062 , 0.567436 ],\n", + " [-0.753288 , -0.0582227, -0.825365 , ..., 0.320587 ,\n", + " -0.153626 , -0.709664 ],\n", + " [-0.656874 , 0.342632 , -0.607641 , ..., 0.0383743,\n", + " -0.0218912, 0.269968 ],\n", + " ...,\n", + " [ 0.0291714, -0.0316175, 0.027369 , ..., -0.129825 ,\n", + " 0.033166 , 0.153453 ],\n", + " [-0.854555 , -0.530883 , 0.258313 , ..., 0.279057 ,\n", + " 1.40658 , -0.159066 ],\n", + " [-0.197598 , -0.306157 , -0.67907 , ..., 0.0915015,\n", + " -0.124402 , 0.52159 ]]])" + ] + }, + "execution_count": 208, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "f = open('/mnt/data-2t/jeff/codes/llm/cpp/inference/f0.txt')\n", + "content = f.readlines()\n", + "f.close()\n", + "audio_fea_cpp = np.array([float(i) for i in content[0].split(',')]).reshape(1,-1,2560)\n", + "audio_fea_cpp" + ] + }, + { + "cell_type": "code", + "execution_count": 202, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(array([[[0.917797, 1.33496 , 1.9894 , ..., 6.60723 , 6.95787 ,\n", + " 7.20139 ],\n", + " [0. , 0. , 0. , ..., 5.99914 , 6.11214 ,\n", + " 6.40908 ],\n", + " [0. , 0. , 0. , ..., 5.1184 , 5.36291 ,\n", + " 5.14623 ],\n", + " ...,\n", + " [0. , 0. , 0. , ..., 6.25256 , 6.29312 ,\n", + " 7.05511 ],\n", + " [0. , 0. , 0. , ..., 6.49829 , 6.7198 ,\n", + " 7.08144 ],\n", + " [0. , 0. , 1.08376 , ..., 5.43068 , 5.97577 ,\n", + " 6.35748 ]]]),\n", + " tensor([[[0.8826, 1.3054, 1.9652, ..., 6.6069, 6.9578, 7.2011],\n", + " [0.0000, 0.0000, 0.0000, ..., 5.9991, 6.1121, 6.4091],\n", + " [0.0000, 0.0000, 0.0000, ..., 5.1147, 5.3624, 5.1428],\n", + " ...,\n", + " [0.0000, 0.0000, 0.0000, ..., 6.2526, 6.2931, 7.0548],\n", + " [0.0000, 0.0000, 0.0000, ..., 6.4981, 6.7198, 7.0807],\n", + " [0.0000, 0.0000, 1.1479, ..., 5.4311, 5.9743, 6.3568]]]))" + ] + }, + "execution_count": 202, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "f = open('/mnt/data-2t/jeff/codes/llm/cpp/inference/matrix_output.txt')\n", + "txtlines = f.readlines()\n", + "f.close()\n", + "inp_emb_cpp = np.array([float(i) for l in txtlines for i in l.split(',')]).reshape(1,-1,80)\n", + "inp_emb_cpp,pickup_dataset.__getitem__(0)['input_audio_embeds']" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Python preprocessor" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(353, 80)" + ] + }, + "execution_count": 66, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# modify the code : \n", + "# 1. input model and input pcm from args. \n", + "# 2. add model input preprocessor by following python code. The wav input of _extract_features which is an audio array\n", + "# 3. the onnx model input is [batch,frames,feature size] = [-1,-1,80]\n", + "\n", + "def _extract_spectrogram(wav, fs):\n", + " \"\"\"Extract spectrogram features from waveform.\n", + " Args:\n", + " wav (1D array): waveform of the input\n", + " fs (int): sampling rate of the waveform, 16000.\n", + " Output:\n", + " log_fbank (2D array): a TxD matrix of log Mel filterbank features.\n", + " D=80, and T is the number of frames.\n", + " \"\"\"\n", + " if wav.ndim > 1:\n", + " wav = np.squeeze(wav)\n", + "\n", + " # by default, we extract the mean if stereo\n", + " if len(wav.shape) == 2:\n", + " wav = wav.mean(1)\n", + "\n", + " preemphasis = 0.97\n", + " n_fft = 512\n", + " win_length = 400\n", + " hop_length = 160\n", + " fft_window = np.hamming(400)\n", + "\n", + " # Spec 1: SpeechLib cut remaining sample insufficient for a hop\n", + " n_batch = (wav.shape[0] - win_length) // hop_length + 1\n", + " # Here we don't use stride_tricks since the input array may not satisfy\n", + " # memory layout requirement and we need writeable output\n", + " # Here we only use list of views before copy to desination\n", + " # so it is more efficient than broadcasting\n", + " y_frames = np.array(\n", + " [wav[_stride : _stride + win_length] for _stride in range(0, hop_length * n_batch, hop_length)],\n", + " dtype=np.float32,\n", + " )\n", + "\n", + " # Spec 2: SpeechLib applies preemphasis within each batch\n", + " y_frames_prev = np.roll(y_frames, 1, axis=1)\n", + " y_frames_prev[:, 0] = y_frames_prev[:, 1]\n", + " y_frames = (y_frames - preemphasis * y_frames_prev) * 32768\n", + "\n", + " S = np.fft.rfft(fft_window * y_frames, n=n_fft, axis=1).astype(np.complex64)\n", + " spec = np.abs(S).astype(np.float32)\n", + " return spec\n", + "def speechlib_mel(sample_rate, n_fft, n_mels, fmin=None, fmax=None):\n", + " \"\"\"Create a Mel filter-bank the same as SpeechLib FbankFC.\n", + "\n", + " Args:\n", + " sample_rate (int): Sample rate in Hz. number > 0 [scalar]\n", + " n_fft (int): FFT size. int > 0 [scalar]\n", + " n_mel (int): Mel filter size. int > 0 [scalar]\n", + " fmin (float): lowest frequency (in Hz). If None use 0.0.\n", + " float >= 0 [scalar]\n", + " fmax: highest frequency (in Hz). If None use sample_rate / 2.\n", + " float >= 0 [scalar]\n", + "\n", + " Returns\n", + " out (numpy.ndarray): Mel transform matrix\n", + " [shape=(n_mels, 1 + n_fft/2)]\n", + " \"\"\"\n", + "\n", + " bank_width = int(n_fft // 2 + 1)\n", + " if fmax is None:\n", + " fmax = sample_rate / 2\n", + " if fmin is None:\n", + " fmin = 0\n", + " assert fmin >= 0, \"fmin cannot be negtive\"\n", + " assert fmin < fmax <= sample_rate / 2, \"fmax must be between (fmin, samplerate / 2]\"\n", + "\n", + " def mel(f):\n", + " return 1127.0 * np.log(1.0 + f / 700.0)\n", + "\n", + " def bin2mel(fft_bin):\n", + " return 1127.0 * np.log(1.0 + fft_bin * sample_rate / (n_fft * 700.0))\n", + "\n", + " def f2bin(f):\n", + " return int((f * n_fft / sample_rate) + 0.5)\n", + "\n", + " # Spec 1: FFT bin range [f2bin(fmin) + 1, f2bin(fmax) - 1]\n", + " klo = f2bin(fmin) + 1\n", + " khi = f2bin(fmax)\n", + "\n", + " khi = max(khi, klo)\n", + "\n", + " # Spec 2: SpeechLib uses trianges in Mel space\n", + " mlo = mel(fmin)\n", + " mhi = mel(fmax)\n", + " m_centers = np.linspace(mlo, mhi, n_mels + 2)\n", + " ms = (mhi - mlo) / (n_mels + 1)\n", + "\n", + " matrix = np.zeros((n_mels, bank_width), dtype=np.float32)\n", + " for m in range(0, n_mels):\n", + " left = m_centers[m]\n", + " center = m_centers[m + 1]\n", + " right = m_centers[m + 2]\n", + " for fft_bin in range(klo, khi):\n", + " mbin = bin2mel(fft_bin)\n", + " if left < mbin < right:\n", + " matrix[m, fft_bin] = 1.0 - abs(center - mbin) / ms\n", + "\n", + " return matrix\n", + "\n", + "def _extract_features(wav, fs):\n", + " \"\"\"Extract log filterbank features from waveform.\n", + " Args:\n", + " wav (1D array): waveform of the input\n", + " fs (int): sampling rate of the waveform, 16000 or 8000.\n", + " If fs=8000, the waveform will be resampled to 16000Hz.\n", + " Output:\n", + " log_fbank (2D array): a TxD matrix of log Mel filterbank features.\n", + " D=80, and T is the number of frames.\n", + " \"\"\"\n", + " spec = _extract_spectrogram(wav, fs)\n", + " spec_power = spec**2\n", + "\n", + " fbank_power = np.clip(spec_power.dot(_mel), 1.0, None)\n", + " log_fbank = np.log(fbank_power).astype(np.float32)\n", + "\n", + " return log_fbank\n", + "\n", + "## example \n", + "## input shape of arr is [1, 56832], output shape will be (353,80)\n", + "_mel = speechlib_mel(16000, 512, 80, fmin=None, fmax=16000//2-80-230).T\n", + "output = _extract_features(arr,16000)" + ] + }, + { + "cell_type": "code", + "execution_count": 227, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(256, 80)" + ] + }, + "execution_count": 227, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "_mel = speechlib_mel(16000, 512, 80, fmin=None, fmax=16000//2-80-230).T\n", + "output = _extract_features(arr,16000)\n", + "output.shape" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "256" + ] + }, + "execution_count": 228, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "(41239-400)//160+1 100~300" + ] + }, + { + "cell_type": "code", + "execution_count": 229, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(16240, 48240)" + ] + }, + "execution_count": 229, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "99*160+400,299*160+400" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "llamafactory", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.16" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/cpp/convert_tensorRT.ipynb b/cpp/convert_tensorRT.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/cpp/gemma_v1/ASRDataset.py b/cpp/gemma_v1/ASRDataset.py new file mode 100644 index 0000000000000000000000000000000000000000..0e1df4701225aab8064468dea3353dac1b43247d --- /dev/null +++ b/cpp/gemma_v1/ASRDataset.py @@ -0,0 +1,793 @@ +import datasets +datasets.config.DOWNLOADED_DATASETS_PATH = "/mnt/jeff/huggingface/data" +import os +os.environ['HF_HOME'] = '/mnt/jeff/huggingface' + +import json +import os +from pathlib import Path + +import numpy as np +import torch +import sacrebleu + +from datasets import load_dataset +from torch.utils.data import Dataset, ConcatDataset +from tqdm import tqdm +from transformers import ( + BatchFeature, +) +import pandas as pd +import soundfile as sf +from datasets import Audio +import random +from copy import deepcopy +import torchaudio + +ANSWER_SUFFIX = "" +_IGNORE_INDEX = -100 +class BaseAudioDataset(Dataset): + def __init__(self, processor, split, sampling_rate=16000, debug=False): + self.processor = processor + self.training = "train" in split or 'other' in split + self.debug = debug + self.sampling_rate = sampling_rate + self.name = "" + + def set_dataset_name(self, name): + self.name = name + + @staticmethod + def filter_corrupted_files(data, audio_field, text_fields, dataset_name, sampling_rate=16000, debug=True): + original_size = len(data) + + data = data.cast_column(audio_field, Audio(decode=False)) + + def identify_corrupted_files(example): + try: + sf.read(example[audio_field]["path"]) + + for field in text_fields: + if field in example and example[field].replace('"', '') == "": + return False + return True + except Exception: + return False + + data = data.filter(identify_corrupted_files, num_proc=16) + validated_size = len(data) + + # Audio Decoding + data = data.cast_column(audio_field, Audio(sampling_rate=sampling_rate, decode=True)) + + if debug: + print(f"Dataset: {dataset_name}") + print(f"Original data nums: {original_size}") + print(f"After filtering data nums: {validated_size}") + print(f"Filtering ratio: {validated_size/original_size:.2%}") + + return data + + @staticmethod + def filter_by_audio_length(data, audio_field, min_sec=2, max_sec=20, debug=True): + original_size = len(data) + + def filter_audio_by_length(example): + try: + audio = example[audio_field]['array'] + channel = 1 + if hasattr(audio, 'ndim') and audio.ndim > 1: + channel = audio.ndim + audio = audio.squeeze() + audio_length = len(audio) / example[audio_field]['sampling_rate'] / channel + return min_sec <= audio_length <= max_sec + except Exception as e: + if debug: + print(f"Error : {str(e)[:100]}... - sample excluded") + return False + + data = data.filter(filter_audio_by_length, num_proc=16) + filtered_size = len(data) + + if debug: + print(f"Before Length Filtering data nums: {original_size}") + print(f"After Length Filtering data nums: {filtered_size}") + print(f"Filtering ratio: {filtered_size/original_size:.2%}") + + return data + + def prepare_model_inputs(self, audio_array, instruction, answer_text): + user_message = { + 'role': 'user', + 'content': '' + instruction, + } + prompt = self.processor.tokenizer.apply_chat_template( + [user_message], tokenize=False, add_generation_prompt=True, add_bos=True + ) + + inputs = self.processor( + text=prompt, + audio=[audio_array], + add_special_tokens=False, + return_tensors='pt' + ) + + answer = f"{answer_text}{ANSWER_SUFFIX}" + answer_ids = self.processor.tokenizer(answer, add_special_tokens=False, return_tensors='pt').input_ids + + if self.debug: + self.debug = False + task_type = 'AST' if hasattr(self, 'ast') and self.ast else 'ASR' + lang_info = f" - {self.lang}" if hasattr(self, 'lang') else "" + print(f"{task_type}{lang_info}\nPROMPT: {prompt}\nINPUT: {self.processor.decode(inputs.input_ids[0], skip_special_tokens=False)}\nANSWER: {self.processor.decode(answer_ids[0], skip_special_tokens=False)}\n") + print(f"INPUT_MODE: {inputs.input_modes[0].item()}") + + if self.training: + input_ids = torch.cat([inputs.input_ids, answer_ids], dim=1) + labels = torch.full_like(input_ids, _IGNORE_INDEX) + labels[:, -answer_ids.shape[1]:] = answer_ids + padding = torch.zeros((inputs.token_type_ids.shape[0], answer_ids.shape[1])) + token_type_ids = torch.cat([inputs.token_type_ids, padding], dim=1) + else: + input_ids = inputs.input_ids + labels = answer_ids + token_type_ids = inputs.token_type_ids + + return { + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'input_audio_embeds': inputs.input_audio_embeds, + 'audio_embed_sizes': inputs.audio_embed_sizes, + 'input_modes': inputs.input_modes, + } + +# Libri Speech Dataset Class +class LibriSpeechDataset(BaseAudioDataset): + def __init__(self, processor, subset, split, sampling_rate=16000, debug=False): + super().__init__(processor, split, sampling_rate, debug) + + self.set_dataset_name(f"LibriSpeech_{subset}") + # only ASR + self.ast = False + self.lang = "en" + + # load dataset + self.data = load_dataset("/mnt/jeff/InCar/data/librispeech_asr", + subset, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + + # (Optional) Audio length Filtering + self.data = self.filter_by_audio_length(self.data, "audio") + + # Instruction Setting + self.instruction = random.choice(INSTRUCTION["asr"]) + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + + # Libri Speech is only for ASR + answer_text = data["text"].replace('"', '') + + return self.prepare_model_inputs( + data["audio"]["array"], + self.instruction, + answer_text + ) + +# common_voice_16_1 dataset +class CommonVoiceDataset(BaseAudioDataset): + def __init__(self, processor, split, source_lang, sampling_rate=16000, debug=False): + super().__init__(processor, split, sampling_rate, debug) + + self.set_dataset_name(f"CommonVoice_{source_lang}") + # only ASR + self.ast = False + self.lang=source_lang + + # load dataset + if source_lang=="zh-TW": + data_path = "/mnt/jeff/InCar/data/common_voice_16_1" + else: + data_path = "/mnt/jeff/InCar/data/common_voice_17_0" + self.data = load_dataset(data_path, + source_lang, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + def prepare_dataset(batch): + """Function to preprocess the dataset with the .map method""" + transcription = batch["sentence"] + + if transcription.startswith('"') and transcription.endswith('"'): + # we can remove trailing quotation marks as they do not affect the transcription + transcription = transcription[1:-1] + + if transcription[-1] not in [".", "?", "!"]: + # append a full-stop to sentences that do not end in punctuation + transcription = transcription + "." + + batch["sentence"] = transcription + + return batch + + + import opencc + converter = opencc.OpenCC('s2tw.json') + def To_zhTW(batch): + + transcription = converter.convert(batch["sentence"]) + batch["sentence"] = transcription + + return batch + self.data = self.data.map(prepare_dataset, desc="preprocess dataset") + if source_lang=='zh-CN': + self.data = self.data.map(To_zhTW, desc="preprocess dataset To_zhTW") + + + # (Optional) Audio length Filtering + self.data = self.filter_by_audio_length(self.data, "audio") + + if source_lang == "zh-TW" and split=='train': + import torchaudio + from torchaudio import transforms + import copy + import pickle + import os + def subsample(batch): + batch['audio']['array']=torchaudio.functional.resample(torch.FloatTensor(batch['audio']['array']), orig_freq=batch['audio']['sampling_rate'], new_freq=16000) + batch['audio']['sampling_rate']=16000 + return batch + def TW_data_augment_fast(batch): + speed_perturb_fast = transforms.SpeedPerturbation(batch['audio']['sampling_rate'], [1.1]) + new_array_fast = speed_perturb_fast(torch.FloatTensor(batch['audio']['array']))[0] + batch['audio']['array'] = new_array_fast + return batch + def TW_data_augment_slow(batch): + speed_perturb_slow = transforms.SpeedPerturbation(batch['audio']['sampling_rate'], [0.9]) + new_array_slow = speed_perturb_slow(torch.FloatTensor(batch['audio']['array']))[0] + batch['audio']['array'] = new_array_slow + return batch + # data = self.data.map(subsample, num_proc=1, desc="subsample") + fast_path = '/mnt/jeff/InCar/data/tw_fast.pkl' + if not os.path.exists(fast_path): + data_fast = self.data.map(TW_data_augment_fast, num_proc=1, desc="augment fast") + with open(fast_path,'wb') as f: + pickle.dump(data_fast,f) + else: + with open(fast_path,'rb') as f: + data_fast=pickle.load(f) + + slow_path = '/mnt/jeff/InCar/data/data_slow.pkl' + if not os.path.exists(slow_path): + data_slow = self.data.map(TW_data_augment_slow, num_proc=1, desc="augment slow") + with open(slow_path,'wb') as f: + pickle.dump(data_slow,f) + else: + with open(slow_path,'rb') as f: + data_slow=pickle.load(f) + self.data = [d for d in self.data]+[d for d in data_fast]+[d for d in data_slow] + + # Instruction Setting + self.instruction = random.choice(INSTRUCTION["asr"]) + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + + answer_text = data["sentence"] + return self.prepare_model_inputs( + data["audio"]["array"], + self.instruction, + answer_text + ) + + +# Fleurs Dataset Class +class FleursDataset(BaseAudioDataset): + def __init__(self, processor, split, source_lang, target_lang=None, + mode="asr", sampling_rate=16000, debug=False): + super().__init__(processor, split, sampling_rate, debug) + + self.set_dataset_name("Fleurs") + # Mode Setting (ASR or AST) + if mode not in ["asr", "ast"]: + raise ValueError("mode must be 'asr' or 'ast'.") + + self.mode = mode + self.ast = (mode == "ast") + self.source_lang = source_lang + + # Language name mapping (expand if needed) + self.lang_names = { + 'en_us': 'English', 'cmn_hans': 'Mandarin Chinese' + } + + # load dataset - source language dataset + self.data = load_dataset("/mnt/jeff/InCar/data/fleurs", + source_lang, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + import opencc + converter = opencc.OpenCC('s2tw.json') + def prepare_dataset(batch): + transcription = converter.convert(batch["transcription"]) + batch["transcription"] = transcription + + return batch + if (source_lang=="cmn_hans_cn"): + self.data = self.data.map(prepare_dataset, desc="preprocess dataset") + + # (Optional) Audio length Filtering + self.data = self.filter_by_audio_length(self.data, "audio") + self.target_lang_name = "" + # When AST mode, load target language dataset. + if self.ast: + if target_lang is None: + raise ValueError("AST mode requires target_lang.") + + self.target_lang = target_lang + self.lang = f"{source_lang}_{target_lang}" + + # load dataset - target language dataset (for translation) + target_data = load_dataset("/mnt/jeff/InCar/data/fleurs", + target_lang, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + if target_lang=="cmn_hans_cn": + target_data=target_data.map(prepare_dataset, desc="preprocess dataset") + source_dict = {item['id']: item for item in self.data} + target_dict = {item['id']: item for item in target_data} + + # only Common ID, add translation fields + common_ids = set(source_dict.keys()) & set(target_dict.keys()) + print(f"FLEURS AST Common data filtering: {len(self.data)} -> {len(common_ids)}") + self.data = [ + {**source_dict[id], 'translation': target_dict[id]['transcription']} + for id in common_ids + ] + + # Instruction Setting - use target language name + self.target_lang_name = self.lang_names.get(target_lang, target_lang.capitalize()) + self.instruction = random.choice(INSTRUCTION["ast"]) + else: + # ASR mode + self.lang = source_lang + self.instruction = random.choice(INSTRUCTION["asr"]) + + if self.debug: + print(f"FLEURS dataset loaded: {self.mode.upper()} mode") + print(f"source lang: {source_lang} ({self.lang_names.get(source_lang, source_lang)})") + if self.ast: + print(f"target lang: {target_lang} ({self.lang_names.get(target_lang, target_lang)})") + print(f"dataset size: {len(self.data)}") + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + audio_array = data["audio"]["array"] + + if self.ast: + answer_text = data["translation"] + else: + answer_text = data["transcription"] + + return self.prepare_model_inputs( + audio_array, + self.instruction.format(self.target_lang_name), + answer_text + ) + +class TWCostumData(BaseAudioDataset): + + def __init__(self, processor, split="train", sampling_rate=16000,csv_path="", debug=False): + super().__init__(processor, split, sampling_rate, debug) + import pandas as pd + from datasets import Dataset, Audio + + + df = pd.read_csv(csv_path).fillna('') + + + self.set_dataset_name(f"TWCostumData") + self.data = Dataset.from_dict( + { + "audio": [audio for audio in df['audio']], + "sentence": [text for text in df['text']] + } + ).cast_column("audio", Audio(sampling_rate=16000)) + + # Instruction Setting + self.instruction = random.choice(INSTRUCTION["asr"]) + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + + answer_text = data["sentence"] + return self.prepare_model_inputs( + data["audio"]["array"], + self.instruction, + answer_text + ) +def covost_collate_fn(batch): + input_ids_list = [] + labels_list = [] + token_type_ids_list = [] + input_audio_embeds_list = [] + audio_embed_sizes_list = [] + audio_attention_mask_list = [] + input_modes_list = [] + audio_paths = [] + for inputs in batch: + if 'audio_path' in inputs: + audio_paths.append(inputs['audio_path']) + input_ids_list.append(inputs['input_ids'][0]) + labels_list.append(inputs['labels'][0]) + token_type_ids_list.append(inputs['token_type_ids'][0]) + if inputs['input_modes']==2: + input_audio_embeds_list.append(inputs['input_audio_embeds']) + audio_embed_sizes_list.append(inputs['audio_embed_sizes']) + audio_attention_mask_list.append( + inputs['input_audio_embeds'].new_full((inputs['input_audio_embeds'].size(1),), True, dtype=torch.bool) + ) + # else: + # input_audio_embeds_list.append(None) + # audio_embed_sizes_list.append(None) + # audio_attention_mask_list.append(None) + input_modes_list.append(inputs['input_modes']) + # try: + token_type_ids = pad_sequence(token_type_ids_list, padding_side='left', padding_value=0) + input_ids = pad_sequence(input_ids_list, padding_side='left', padding_value=0) + labels = pad_sequence(labels_list, padding_side='left', padding_value=0) + audio_attention_mask = ( + pad_sequence(audio_attention_mask_list, padding_side='left', padding_value=False) + if len(audio_attention_mask_list) > 1 + else None + ) + # except Exception as e: + # print(e) + # print(input_ids_list) + # print(labels_list) + # raise + attention_mask = (input_ids != 0).long() + input_audio_embeds = cat_with_pad(input_audio_embeds_list, dim=0) if len(input_audio_embeds_list)>0 else None + audio_embed_sizes = torch.cat(audio_embed_sizes_list) if len(audio_embed_sizes_list)>0 else None + input_modes = torch.cat(input_modes_list) + if len(audio_paths)>0: + return BatchFeature( + { + "audio_path": audio_paths, + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'attention_mask': attention_mask, + 'input_audio_embeds': input_audio_embeds, + 'audio_embed_sizes': audio_embed_sizes, + 'audio_attention_mask': audio_attention_mask, + 'input_modes': input_modes, + } + ) + else: + return BatchFeature( + { + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'attention_mask': attention_mask, + 'input_audio_embeds': input_audio_embeds, + 'audio_embed_sizes': audio_embed_sizes, + 'audio_attention_mask': audio_attention_mask, + 'input_modes': input_modes, + } + ) + +def pad_sequence(sequences, padding_side='left', padding_value=0): + """ + Pad a list of sequences to the same length. + sequences: list of tensors in [seq_len, *] shape + """ + assert padding_side in ['right', 'left'] + max_size = sequences[0].size() + trailing_dims = max_size[1:] + max_len = max(len(seq) for seq in sequences) + batch_size = len(sequences) + output = sequences[0].new_full((batch_size, max_len) + trailing_dims, padding_value) + for i, seq in enumerate(sequences): + length = seq.size(0) + if padding_side == 'right': + output.data[i, :length] = seq + else: + output.data[i, -length:] = seq + return output + +def cat_with_pad(tensors, dim, padding_value=0): + """ + cat along dim, while pad to max for all other dims + """ + ndim = tensors[0].dim() + assert all( + t.dim() == ndim for t in tensors[1:] + ), 'All tensors must have the same number of dimensions' + + out_size = [max(t.shape[i] for t in tensors) for i in range(ndim)] + out_size[dim] = sum(t.shape[dim] for t in tensors) + output = tensors[0].new_full(out_size, padding_value) + + index = 0 + for t in tensors: + # Create a slice list where every dimension except dim is full slice + slices = [slice(0, t.shape[d]) for d in range(ndim)] + # Update only the concat dimension slice + slices[dim] = slice(index, index + t.shape[dim]) + + output[slices] = t + index += t.shape[dim] + + return output + + + +class MultiturnAudioDataset(BaseAudioDataset): + def __init__(self, processor, split="train", sampling_rate=16000,json_path="",text_only=False, debug=False): + super().__init__(processor, split, sampling_rate, debug) + from llamafactory.data.template import Llama2Template,parse_template + from llamafactory.data.formatter import EmptyFormatter, FunctionFormatter, StringFormatter, ToolFormatter + from llamafactory.data.mm_plugin import get_mm_plugin + import json + self.train=False + self.text_only=text_only + with open(json_path) as f: + js_data = json.load(f) + if split=='train': + self.train=True + js_data = js_data[:int(len(js_data)*0.8)] + else: + js_data = js_data[-int(len(js_data)*0.2):] + for conv in js_data: + for mess in conv['conversations']: + if 'audio_path' in mess: + mess['audio_path'] = mess['audio_path'].replace('/home/jeff/codes/llm/InCar/srdc_generate_tts/','/mnt/jeff/InCar/data/multiturn_data/') + default_system = ""#"""You are a helpful assistant that determines how to solve problems based on user needs and converts user speech into text.\n""" + self.template=Llama2Template( + format_user=StringFormatter(slots=["user\n{{content}}\nmodel\n"]), + format_assistant=StringFormatter(slots=["{{content}}\n"]), + format_system=StringFormatter(slots=["{{content}}\n\n"]), + format_function=FunctionFormatter(slots=["{{content}}", {"eos_token"}], tool_format="default"), + format_tools = ToolFormatter(tool_format="default"), + format_observation=StringFormatter( + slots=["tool\n{{content}}\nmodel\n"] + ), + default_system=default_system, + thought_words=("", ""), + efficient_eos=False, + replace_eos=False, + replace_jinja_template=False, + format_prefix=EmptyFormatter(slots=[{"bos_token"}]), + stop_words=[""], + mm_plugin=get_mm_plugin(name="base"), + ) + + self.set_dataset_name(f"MultiturnCostumData") + + + self.data = [] + self.text_only_data = [] + for conv in js_data: + tools = conv['tools'] if 'tools' in conv else "" + system = conv['system'] if 'system' in conv else default_system + tmp = { + 'tools':tools, + 'system':system, + 'messages':[], + } + for i,mess in enumerate(conv['conversations']): + tmp['messages'].append(mess) + if mess['from']=='human': + tmp['messages'].append(conv['conversations'][i+1]) + d = deepcopy(tmp) + d['audio_array'] = torchaudio.load(mess['audio_path'])[0][0] + self.data.append(d) + if self.text_only: + self.text_only_data.append(deepcopy(tmp)) + tmp['messages'].pop() + elif mess['from']=='observation': + tmp['messages'].append(conv['conversations'][i+1]) + d = deepcopy(tmp) + self.text_only_data.append(d) + tmp['messages'].pop() + if text_only: + self.data=self.text_only_data + + + def prepare_multiturn_model_inputs(self, audio_array, messages, system="", tools=""): + ANSWER_SUFFIX = "" + prompt = "" + answer_text = "" + user_transcribe = "" + audio_paths = [] + for i, message in enumerate(messages): + elements = [] + + system_text = "" + if i == 0: + elements += self.template.format_prefix.apply() + if system or tools: + tool_text = self.template.format_tools.apply(content=tools)[0] if tools else "" + system_text = self.template.format_system.apply(content=(system + tool_text))[0] + + if message["from"] == "human": + if i==len(messages)-2 and not self.text_only: + user_transcribe = message["value"] + elements += self.template.format_user.apply(content=system_text+'') + else: + elements += self.template.format_user.apply(content=system_text + message["value"]) + audio_paths.append(message['audio_path']) + elif message["from"] == "gpt": + elements += self.template.format_assistant.apply(content=message["value"]) + elif message["from"] == "observation": + elements += self.template.format_observation.apply(content=message["value"]) + elif message["from"] == "function_call": + elements += self.template.format_function.apply(content=message["value"]) + else: + raise NotImplementedError("Unexpected role: {}".format(message["from"])) + + + for elem in elements: + ele_str = "" + if isinstance(elem, str): + ele_str=elem + elif isinstance(elem, set): + if "bos_token" in elem and self.processor.tokenizer.bos_token_id is not None: + ele_str = self.processor.tokenizer.bos_token + elif "eos_token" in elem and self.processor.tokenizer.eos_token_id is not None: + ele_str = self.processor.tokenizer.eos_token + if i == len(messages)-1: + answer_text+=ele_str + else: + prompt+=ele_str + + + if type(audio_array)!=type(None): + inputs = self.processor( + text=prompt, + audio=[audio_array], + add_special_tokens=False, + return_tensors='pt' + ) + answer = "\nUser transcribe is : {};\nGPT output is : {}{}".format(user_transcribe,answer_text,ANSWER_SUFFIX) + else: + inputs = self.processor( + text=prompt, + audio=None, + add_special_tokens=False, + return_tensors='pt' + ) + answer = f"{answer_text}{ANSWER_SUFFIX}" + # print('user_transcribe',user_transcribe) + # print('answer_text', answer) + # print('prompt',prompt) + answer_ids = self.processor.tokenizer(answer, add_special_tokens=False, return_tensors='pt').input_ids + + if self.debug: + self.debug = False + task_type = 'AST' if hasattr(self, 'ast') and self.ast else 'ASR' + lang_info = f" - {self.lang}" if hasattr(self, 'lang') else "" + print(f"{task_type}{lang_info}\nPROMPT: {prompt}\nINPUT: {self.processor.decode(inputs.input_ids[0], skip_special_tokens=False)}\nANSWER: {self.processor.decode(answer_ids[0], skip_special_tokens=False)}\n") + print(f"INPUT_MODE: {inputs.input_modes[0].item()}") + + if self.training: + input_ids = torch.cat([inputs.input_ids, answer_ids], dim=1) + labels = torch.full_like(input_ids, _IGNORE_INDEX) + labels[:, -answer_ids.shape[1]:] = answer_ids + padding = torch.zeros((inputs.token_type_ids.shape[0], answer_ids.shape[1])) + token_type_ids = torch.cat([inputs.token_type_ids, padding], dim=1) + else: + input_ids = inputs.input_ids + labels = answer_ids + token_type_ids = inputs.token_type_ids + if type(audio_array)!=type(None): + if not self.train: + return { + "audio_path": audio_paths, + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'input_audio_embeds': inputs.input_audio_embeds, + 'audio_embed_sizes': inputs.audio_embed_sizes, + 'input_modes': inputs.input_modes, + } + else: + return { + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'input_audio_embeds': inputs.input_audio_embeds, + 'audio_embed_sizes': inputs.audio_embed_sizes, + 'input_modes': inputs.input_modes, + } + else: + return { + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'input_audio_embeds': None, + 'audio_embed_sizes': None, + 'input_modes': inputs.input_modes, + } + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + return self.prepare_multiturn_model_inputs( + audio_array=data["audio_array"] if "audio_array" in data else None, + messages=data['messages'], + system=data["system"], + tools=data["tools"] + ) + + + +os.environ["TOKENIZERS_PARALLELISM"] = "false" + +INSTRUCTION = { + "ast": [ + "Translate the audio to {0}.", + "Translate the audio clip into {0}.", + "Based on the attached audio, generate a comprehensive {0} translation of the spoken content.", + "Translate the provided audio file into {0}.", + "Convert the audio speech to {0} text.", + "Write an {0} translation of the audio file.", + "Translate spoken words from the audio into {0}.", + "Create an {0} version of the audio content.", + "Produce an accurate {0} translation of the audio.", + "Extract speech from the audio and translate it to {0}.", + "Turn the audio into readable {0} text.", + "Write all spoken content from the audio in {0}.", + "Generate an {0} translation of the speech in the file.", + "Convert the recording into {0} text.", + "Accurately translate the audio recording to {0}.", + "Write down dialogue from the given audio in {0}.", + "Translate all speech in this audio file to {0}.", + "Create an accurate {0} version of the speech.", + "Perform a complete {0} translation of the audio." + ], + "asr": [ + "Transcribe the audio clip into text.", + "Based on the attached audio, generate a comprehensive text transcription of the spoken content.", + "Transcribe the provided audio file into text.", + "Convert the audio speech to text.", + "Write a transcript of the audio file.", + "Transcribe spoken words from the audio.", + "Create a text version of the audio content.", + "Produce a verbatim transcript of the audio.", + "Extract and transcribe speech from the audio.", + "Turn the audio into readable text.", + "Write all spoken words from the audio.", + "Generate a transcript of the speech in the file.", + "Convert the recording into a text transcript.", + "Accurately transcribe the audio recording.", + "Write down dialogue from the given audio.", + "Transcribe all speech in this audio file.", + "Create an accurate text version of the speech.", + "Perform a complete transcription of the audio." + ], +} diff --git a/cpp/gemma_v1/__pycache__/ASRDataset.cpython-312.pyc b/cpp/gemma_v1/__pycache__/ASRDataset.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..2454b9a6663ab19d94862b17ed2ec32a62b0c8f6 Binary files /dev/null and b/cpp/gemma_v1/__pycache__/ASRDataset.cpython-312.pyc differ diff --git a/cpp/gemma_v1/added_tokens.json b/cpp/gemma_v1/added_tokens.json new file mode 100644 index 0000000000000000000000000000000000000000..e17bde03d42feda32d1abfca6d3b598b9a020df7 --- /dev/null +++ b/cpp/gemma_v1/added_tokens.json @@ -0,0 +1,3 @@ +{ + "": 262144 +} diff --git a/cpp/gemma_v1/chat_template.json b/cpp/gemma_v1/chat_template.json new file mode 100644 index 0000000000000000000000000000000000000000..646addcb8dfe9cfdd7814c29b8e4abef00ec43f0 --- /dev/null +++ b/cpp/gemma_v1/chat_template.json @@ -0,0 +1,3 @@ +{ + "chat_template": "{{ bos_token }}\n{%- if messages[0]['role'] == 'system' -%}\n {%- if messages[0]['content'] is string -%}\n {%- set first_user_prefix = messages[0]['content'] + '\n\n' -%}\n {%- else -%}\n {%- set first_user_prefix = messages[0]['content'][0]['text'] + '\n\n' -%}\n {%- endif -%}\n {%- set loop_messages = messages[1:] -%}\n{%- else -%}\n {%- set first_user_prefix = \"\" -%}\n {%- set loop_messages = messages -%}\n{%- endif -%}\n{%- for message in loop_messages -%}\n {%- if (message['role'] == 'user') != (loop.index0 % 2 == 0) -%}\n {{ raise_exception(\"Conversation roles must alternate user/assistant/user/assistant/...\") }}\n {%- endif -%}\n {%- if (message['role'] == 'assistant') -%}\n {%- set role = \"model\" -%}\n {%- else -%}\n {%- set role = message['role'] -%}\n {%- endif -%}\n {{ '' + role + '\n' + (first_user_prefix if loop.first else \"\") }}\n {%- if message['content'] is string -%}\n {{ message['content'] | trim }}\n {%- elif message['content'] is iterable -%}\n {%- for item in message['content'] -%}\n {%- if item['type'] == 'image' -%}\n {{ '' }}\n {%- elif item['type'] == 'audio' -%}\n {{ '' }}\n {%- elif item['type'] == 'text' -%}\n {{ item['text'] | trim }}\n {%- endif -%}\n {%- endfor -%}\n {%- else -%}\n {{ raise_exception(\"Invalid content type\") }}\n {%- endif -%}\n {{ '\n' }}\n{%- endfor -%}\n{%- if add_generation_prompt -%}\n {{'model\n'}}\n{%- endif -%}\n" +} diff --git a/cpp/gemma_v1/config.json b/cpp/gemma_v1/config.json new file mode 100644 index 0000000000000000000000000000000000000000..f8a0e57bfe06544b173d46156851de2639f85f14 --- /dev/null +++ b/cpp/gemma_v1/config.json @@ -0,0 +1,118 @@ +{ + "architectures": [ + "Gemma3OmniForConditionalGeneration" + ], + "audio_config": { + "activation": "swish", + "activation_checkpointing": { + "interval": 1, + "module": "transformer", + "offload": false + }, + "attention_dim": 1024, + "attention_heads": 16, + "batch_norm": false, + "bias_in_glu": true, + "causal": true, + "chunk_size": -1, + "cnn_layer_norm": true, + "conv_activation": "swish", + "conv_glu_type": "swish", + "depthwise_multiplier": 1, + "depthwise_seperable_out_channel": 1024, + "dropout_rate": 0.0, + "encoder_embedding_config": { + "input_size": 80 + }, + "ext_pw_kernel_size": 1, + "ext_pw_out_channel": 1024, + "input_layer": "nemo_conv", + "input_size": 80, + "kernel_size": 3, + "left_chunk": 18, + "linear_units": 1536, + "nemo_conv_settings": { + "conv_channels": 1024 + }, + "num_blocks": 24, + "relative_attention_bias_args": { + "t5_bias_max_distance": 500, + "type": "t5" + }, + "time_reduction": 8 + }, + "audio_token_index": 262143, + "auto_map": { + "AutoConfig": "configuration_gemma3omni.Gemma3OmniConfig", + "AutoModel": "modeling_gemma3omni.Gemma3OmniForConditionalGeneration" + }, + "boa_token_index": 256001, + "boi_token_index": 255999, + "eoa_token_index": 256002, + "eoi_token_index": 256000, + "eos_token_id": [ + 1, + 106 + ], + "image_token_index": 262144, + "initializer_range": 0.02, + "mm_tokens_per_image": 256, + "model_type": "gemma3omni", + "speech_lora": { + "dp": 0.01, + "layer": "((layers.*self_attn\\.(q|k|v|o)_proj)|(layers.*mlp\\.(gate|up|down)_proj))", + "lora_alpha": 320, + "r": 320, + "use_rslora": true + }, + "text_lora": { + "dp": 0.01, + "layer": "((layers.*self_attn\\.(q|k|v|o)_proj)|(layers.*mlp\\.(gate|up|down)_proj))", + "lora_alpha": 16, + "r": 8, + "use_rslora": true + }, + "text_config": { + "attention_bias": false, + "attention_dropout": 0.0, + "attn_logit_softcapping": null, + "cache_implementation": "hybrid", + "final_logit_softcapping": null, + "head_dim": 256, + "hidden_activation": "gelu_pytorch_tanh", + "hidden_size": 2560, + "initializer_range": 0.02, + "intermediate_size": 10240, + "max_position_embeddings": 131072, + "model_type": "gemma3_text", + "num_attention_heads": 8, + "num_hidden_layers": 34, + "num_key_value_heads": 4, + "query_pre_attn_scalar": 256, + "rms_norm_eps": 1e-06, + "rope_local_base_freq": 10000.0, + "rope_scaling": { + "factor": 8.0, + "rope_type": "linear" + }, + "rope_theta": 1000000.0, + "sliding_window": 1024, + "sliding_window_pattern": 6, + "torch_dtype": "float", + "use_cache": true, + "vocab_size": 262208 + }, + "torch_dtype": "float", + "transformers_version": "4.51.3", + "use_cache": false, + "vision_config": { + "hidden_size": 1152, + "image_size": 896, + "intermediate_size": 4304, + "model_type": "siglip_vision_model", + "num_attention_heads": 16, + "num_hidden_layers": 27, + "patch_size": 14, + "vision_use_head": false + } +} diff --git a/cpp/gemma_v1/configuration_gemma3omni.py b/cpp/gemma_v1/configuration_gemma3omni.py new file mode 100644 index 0000000000000000000000000000000000000000..52d6e4b884b4d8e7788a4533d9549ac635e8d8b4 --- /dev/null +++ b/cpp/gemma_v1/configuration_gemma3omni.py @@ -0,0 +1,206 @@ +from typing import Optional + +from transformers import AutoConfig, Gemma3TextConfig +from transformers.configuration_utils import PretrainedConfig +from transformers.modeling_rope_utils import rope_config_validation +from transformers.utils import logging +from transformers.models.siglip import SiglipVisionConfig + + +logger = logging.get_logger(__name__) + +class AudioConfig(PretrainedConfig): + model_type = "gemma3_audio" + + def __init__( + self, + input_size=80, + attention_dim=1024, + attention_heads=16, + num_blocks=24, + linear_units=1536, + dropout_rate=0.0, + kernel_size=3, + ext_pw_kernel_size=1, + ext_pw_out_channel=1024, + depthwise_seperable_out_channel=1024, + depthwise_multiplier=1, + activation="swish", + conv_activation="swish", + conv_glu_type="swish", + bias_in_glu=True, + causal=True, + batch_norm=False, + cnn_layer_norm=True, + time_reduction=8, + input_layer="nemo_conv", + nemo_conv_settings=None, + chunk_size=-1, + left_chunk=18, + relative_attention_bias_args=None, + activation_checkpointing=None, + encoder_embedding_config=None, + **kwargs + ): + super().__init__(**kwargs) + + self.input_size = input_size + self.attention_dim = attention_dim + self.attention_heads = attention_heads + self.num_blocks = num_blocks + self.linear_units = linear_units + self.dropout_rate = dropout_rate + self.kernel_size = kernel_size + self.ext_pw_kernel_size = ext_pw_kernel_size + self.ext_pw_out_channel = ext_pw_out_channel + self.depthwise_seperable_out_channel = depthwise_seperable_out_channel + self.depthwise_multiplier = depthwise_multiplier + self.activation = activation + self.conv_activation = conv_activation + self.conv_glu_type = conv_glu_type + self.bias_in_glu = bias_in_glu + self.causal = causal + self.batch_norm = batch_norm + self.cnn_layer_norm = cnn_layer_norm + self.time_reduction = time_reduction + self.input_layer = input_layer + + if nemo_conv_settings is None: + self.nemo_conv_settings = {"conv_channels": 1024} + else: + self.nemo_conv_settings = nemo_conv_settings + + self.chunk_size = chunk_size + self.left_chunk = left_chunk + + if relative_attention_bias_args is None: + self.relative_attention_bias_args = {"type": "t5", "t5_bias_max_distance": 500} + else: + self.relative_attention_bias_args = relative_attention_bias_args + + if activation_checkpointing is None: + self.activation_checkpointing = {"interval": 1, "module": "transformer", "offload": False} + else: + self.activation_checkpointing = activation_checkpointing + + if encoder_embedding_config is None: + self.encoder_embedding_config = {"input_size": input_size} + else: + self.encoder_embedding_config = encoder_embedding_config + + +class Gemma3OmniConfig(PretrainedConfig): + r""" + This is the configuration class to store the configuration of a [`Gemma3ForConditionalGeneration`]. It is used to instantiate an + Gemma3ForConditionalGeneration according to the specified arguments, defining the model architecture. Instantiating a configuration + with the defaults will yield a similar configuration to that of the PaliGemma-2B. + + e.g. [google/gemma-3-4b](https://huggingface.co/google/gemma-3-4b) + + Configuration objects inherit from [`PretrainedConfig`] and can be used to control the model outputs. Read the + documentation from [`PretrainedConfig`] for more information. + + Args: + text_config (`Union[Gemma3TextConfig, dict]`, *optional*): + The config object of the text backbone. + vision_config (`Union[AutoConfig, dict]`, *optional*): + Custom vision config or dict. + audio_config (`Union[AutoConfig, dict]`, *optional*): + Custom audio config or dict. + mm_tokens_per_image (`int`, *optional*, defaults to 256): + The number of tokens per image embedding. + boi_token_index (`int`, *optional*, defaults to 255999): + The begin-of-image token index to wrap the image prompt. + eoi_token_index (`int`, *optional*, defaults to 256000): + The end-of-image token index to wrap the image prompt. + image_token_index (`int`, *optional*, defaults to 262144): + The image token index to encode the image prompt. + audio_token_index (`int`, *optional*, defaults to 262145): + The audio token index to encode the audio prompt. + initializer_range (`float`, *optional*, defaults to 0.02): + The standard deviation of the truncated_normal_initializer for initializing all weight matrices. + + + Example: + + ```python + >>> from transformers import Gemma3ForConditionalGeneration, Gemma3Config, SiglipVisionConfig, Gemma3TextConfig + + >>> # Initializing a Siglip-like vision config + >>> vision_config = SiglipVisionConfig() + + >>> # Initializing a Siglip-like vision config + >>> audio_config = AudioConfig() + + >>> # Initializing a Gemma3 Text config + >>> text_config = Gemma3TextConfig() + + >>> # Initializing a Gemma3 gemma-3-4b style configuration + >>> configuration = Gemma3Config(vision_config, text_config) + + >>> # Initializing a model from the gemma-3-4b style configuration + >>> model = Gemma3TextConfig(configuration) + + >>> # Accessing the model configuration + >>> configuration = model.config + ```""" + + model_type = "gemma3omni" + sub_configs = { + "text_config": Gemma3TextConfig, + "vision_config": SiglipVisionConfig, + "audio_config": AudioConfig, + } + + def __init__( + self, + text_config: Optional[Gemma3TextConfig] = None, + vision_config: Optional[SiglipVisionConfig] = None, + audio_config: Optional[AudioConfig] = None, + mm_tokens_per_image: int = 256, + boi_token_index: int = 255_999, + eoi_token_index: int = 256_000, + boa_token_index: int = 256_001, + eoa_token_index: int = 256_002, + image_token_index: int = 262_144, + audio_token_index: int = 262_143, + initializer_range: float = 0.02, + **kwargs, + ): + if text_config is None: + text_config = Gemma3TextConfig() + logger.info("text_config is None, using default Gemma3TextConfig vision config.") + elif isinstance(text_config, dict): + text_config = Gemma3TextConfig(**text_config) + + if isinstance(vision_config, dict): + vision_config = SiglipVisionConfig(**vision_config) + else: + vision_config = SiglipVisionConfig() + logger.info( + "vision_config is None or incompatible with Gemma3VisionConfig intialization. Gemma3 will be limited " + "to text tasks." + ) + + if isinstance(audio_config, dict): + audio_config = AudioConfig(**audio_config) + else: + audio_config = AudioConfig() + logger.info( + "audio_config is None or incompatible with Gemma3AudioConfig intialization. Gemma3 will be limited " + "to text tasks." + ) + + self.text_config = text_config + self.vision_config = vision_config + self.audio_config = audio_config + self.mm_tokens_per_image = mm_tokens_per_image + self.boi_token_index = boi_token_index + self.eoi_token_index = eoi_token_index + self.boa_token_index = boa_token_index + self.eoa_token_index = eoa_token_index + self.image_token_index = image_token_index + self.audio_token_index = audio_token_index + self.initializer_range = initializer_range + + super().__init__(**kwargs) \ No newline at end of file diff --git a/cpp/gemma_v1/eval.py b/cpp/gemma_v1/eval.py new file mode 100644 index 0000000000000000000000000000000000000000..982a1fc0b5ac9b8061321c6bdba6e5da97d38878 --- /dev/null +++ b/cpp/gemma_v1/eval.py @@ -0,0 +1,635 @@ +from io import BytesIO +from urllib.request import urlopen +import soundfile +import torch +from datasets import load_dataset, Audio +import numpy as np +from transformers import AutoModel, AutoProcessor, BatchFeature +from tqdm import tqdm +import json +import os +import time +from datetime import datetime +from whisper_normalizer.english import EnglishTextNormalizer +from whisper_normalizer.basic import BasicTextNormalizer +import sacrebleu +from jiwer import cer, wer +from torch.utils.data import Dataset, DataLoader +import soundfile as sf +import re +from pathlib import Path +import opencc +converter = opencc.OpenCC('s2tw.json') +normalizer = { + "en_us" : EnglishTextNormalizer(), + "other" : BasicTextNormalizer() +} + +model_id = "/mnt/jeff/gemma_test" +revision = "main" #"v1.0" + +model = AutoModel.from_pretrained( + model_id, device_map="cuda", revision = revision, trust_remote_code=True +).eval() + +processor = AutoProcessor.from_pretrained( + model_id, revision = revision, trust_remote_code=True +) + +results_dir = f"evaluation_results_{datetime.now().strftime('%Y%m%d_%H%M%S')}" +os.makedirs(results_dir, exist_ok=True) + + +INSTRUCTION = { + "ast": "Translate the audio to {0}.", + "asr": "Transcribe the audio clip into text.", +} + +class BaseAudioDataset(Dataset): + def __init__(self, processor, split, sampling_rate=16000, debug=False): + self.processor = processor + self.training = "train" in split + self.debug = debug + self.sampling_rate = sampling_rate + self.name = "" + + def set_dataset_name(self, name): + self.name = name + + @staticmethod + def filter_corrupted_files(data, audio_field, text_fields, dataset_name, sampling_rate=16000, debug=True): + original_size = len(data) + + data = data.cast_column(audio_field, Audio(decode=False)) + + def identify_corrupted_files(example): + try: + sf.read(example[audio_field]["path"]) + + for field in text_fields: + if example[field].replace('"', '') == "": + return False + return True + except Exception: + return False + + data = data.filter(identify_corrupted_files, num_proc=16) + validated_size = len(data) + + data = data.cast_column(audio_field, Audio(sampling_rate=sampling_rate, decode=True)) + + + return data + + @staticmethod + def filter_by_audio_length(data, audio_field, min_sec=2, max_sec=20, debug=True): + original_size = len(data) + + def filter_audio_by_length(example): + try: + audio = example[audio_field]['array'] + channel = 1 + if hasattr(audio, 'ndim') and audio.ndim > 1: + channel = audio.ndim + audio = audio.squeeze() + audio_length = len(audio) / example[audio_field]['sampling_rate'] / channel + return min_sec <= audio_length <= max_sec + except Exception as e: + return False + + data = data.filter(filter_audio_by_length, num_proc=16) + filtered_size = len(data) + + return data + + def prepare_model_inputs(self, audio_array, instruction, answer_text): + user_message = { + 'role': 'user', + 'content': '' + instruction, + } + prompt = self.processor.tokenizer.apply_chat_template( + [user_message], tokenize=False, add_generation_prompt=True, add_bos=True + ) + + inputs = self.processor( + text=prompt, + audio=[audio_array], + add_special_tokens=False, + return_tensors='pt' + ) + + input_ids = inputs.input_ids + token_type_ids = inputs.token_type_ids + + return { + 'input_ids': input_ids, + 'token_type_ids': token_type_ids, + 'input_audio_embeds': inputs.input_audio_embeds, + 'audio_embed_sizes': inputs.audio_embed_sizes, + 'input_modes': inputs.input_modes, + 'answer': answer_text, + } + + +# Libri Speech Dataset Class +class LibriSpeechDataset(BaseAudioDataset): + def __init__(self, processor, subset, split, sampling_rate=16000, debug=False): + super().__init__(processor, split, sampling_rate, debug) + + self.set_dataset_name(f"LibriSpeech_{subset}") + # only ASR + self.ast = False + self.lang = "en" + + # load dataset + self.data = load_dataset("openslr/librispeech_asr", + subset, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + + # (Optional) Audio length Filtering + self.data = self.filter_by_audio_length(self.data, "audio") + + # Instruction Setting + self.instruction = INSTRUCTION["asr"] + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + + # Libri Speech is only for ASR + answer_text = data["text"].replace('"', '') + + return self.prepare_model_inputs( + data["audio"]["array"], + INSTRUCTION["asr"], + answer_text + ) + +# common_voice_16_1 dataset +class CommonVoiceDataset(BaseAudioDataset): + def __init__(self, processor, split, source_lang, sampling_rate=16000, debug=False): + super().__init__(processor, split, sampling_rate, debug) + + self.set_dataset_name(f"CommonVoice_{source_lang}") + # only ASR + self.ast = False + self.lang=source_lang + + # load dataset + self.data = load_dataset("mozilla-foundation/common_voice_16_1", + source_lang, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + def prepare_dataset(batch): + """Function to preprocess the dataset with the .map method""" + transcription = batch["sentence"] + + if transcription.startswith('"') and transcription.endswith('"'): + # we can remove trailing quotation marks as they do not affect the transcription + transcription = transcription[1:-1] + + if transcription[-1] not in [".", "?", "!"]: + # append a full-stop to sentences that do not end in punctuation + transcription = transcription + "." + + batch["sentence"] = transcription + + return batch + self.data=self.data.map(prepare_dataset, desc="preprocess dataset") + + # (Optional) Audio length Filtering + self.data = self.filter_by_audio_length(self.data, "audio") + + # Instruction Setting + self.instruction = INSTRUCTION["asr"] + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + + answer_text = data["sentence"] + return self.prepare_model_inputs( + data["audio"]["array"], + INSTRUCTION["asr"], + answer_text + ) + + +# Fleurs Dataset Class +class FleursDataset(BaseAudioDataset): + def __init__(self, processor, split, source_lang, target_lang=None, + mode="asr", sampling_rate=16000, debug=False): + super().__init__(processor, split, sampling_rate, debug) + + self.set_dataset_name("Fleurs") + # Mode Setting (ASR or AST) + if mode not in ["asr", "ast"]: + raise ValueError("mode must be 'asr' or 'ast'.") + + self.mode = mode + self.ast = (mode == "ast") + self.source_lang = source_lang + + # Language name mapping (expand if needed) + self.lang_names = { + 'en_us': 'English', 'cmn_hans': 'Mandarin Chinese' + } + + # load dataset - source language dataset + self.data = load_dataset("google/fleurs", + source_lang, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + def prepare_dataset(batch): + import opencc + converter = opencc.OpenCC('s2tw.json') + if self.ast: + translation = converter.convert(batch["translation"]) + batch["translation"] = translation + else: + transcription = converter.convert(batch["transcription"]) + batch["transcription"] = transcription + + return batch + if (source_lang=="cmn_hans_cn" and not self.ast) or (self.ast and target_lang=="cmn_hans_cn"): + self.data=self.data.map(prepare_dataset, desc="preprocess dataset") + + # (Optional) Audio length Filtering + self.data = self.filter_by_audio_length(self.data, "audio") + self.target_lang_name = "" + # When AST mode, load target language dataset. + if self.ast: + if target_lang is None: + raise ValueError("AST mode requires target_lang.") + + self.target_lang = target_lang + self.lang = f"{source_lang}_{target_lang}" + + # load dataset - target language dataset (for translation) + target_data = load_dataset("google/fleurs", + target_lang, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + + source_dict = {item['id']: item for item in self.data} + target_dict = {item['id']: item for item in target_data} + + # only Common ID, add translation fields + common_ids = set(source_dict.keys()) & set(target_dict.keys()) + print(f"FLEURS AST Common data filtering: {len(self.data)} -> {len(common_ids)}") + self.data = [ + {**source_dict[id], 'translation': target_dict[id]['transcription']} + for id in common_ids + ] + + # Instruction Setting - use target language name + self.target_lang_name = self.lang_names.get(target_lang, target_lang.capitalize()) + self.instruction = INSTRUCTION["ast"] + else: + # ASR mode + self.lang = source_lang + self.instruction = INSTRUCTION["asr"] + + if self.debug: + print(f"FLEURS dataset loaded: {self.mode.upper()} mode") + print(f"source lang: {source_lang} ({self.lang_names.get(source_lang, source_lang)})") + if self.ast: + print(f"target lang: {target_lang} ({self.lang_names.get(target_lang, target_lang)})") + print(f"dataset size: {len(self.data)}") + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + audio_array = data["audio"]["array"] + + if self.ast: + answer_text = data["translation"] + else: + answer_text = data["transcription"] + + return self.prepare_model_inputs( + audio_array, + self.instruction.format(self.target_lang_name), + answer_text + ) + +def pad_sequence(sequences, padding_side='left', padding_value=0): + """ + Pad a list of sequences to the same length. + sequences: list of tensors in [seq_len, *] shape + """ + assert padding_side in ['right', 'left'] + max_size = sequences[0].size() + trailing_dims = max_size[1:] + max_len = max(len(seq) for seq in sequences) + batch_size = len(sequences) + output = sequences[0].new_full((batch_size, max_len) + trailing_dims, padding_value) + for i, seq in enumerate(sequences): + length = seq.size(0) + if padding_side == 'right': + output.data[i, :length] = seq + else: + output.data[i, -length:] = seq + return output + +def cat_with_pad(tensors, dim, padding_value=0): + """ + cat along dim, while pad to max for all other dims + """ + ndim = tensors[0].dim() + assert all( + t.dim() == ndim for t in tensors[1:] + ), 'All tensors must have the same number of dimensions' + + out_size = [max(t.shape[i] for t in tensors) for i in range(ndim)] + out_size[dim] = sum(t.shape[dim] for t in tensors) + output = tensors[0].new_full(out_size, padding_value) + + index = 0 + for t in tensors: + # Create a slice list where every dimension except dim is full slice + slices = [slice(0, t.shape[d]) for d in range(ndim)] + # Update only the concat dimension slice + slices[dim] = slice(index, index + t.shape[dim]) + + output[slices] = t + index += t.shape[dim] + + return output + +def covost_collate_fn(batch): + input_ids_list = [] + input_audio_embeds_list = [] + audio_embed_sizes_list = [] + audio_attention_mask_list = [] + input_modes_list = [] + answer_list = [] + for inputs in batch: + input_ids_list.append(inputs['input_ids'][0]) + input_audio_embeds_list.append(inputs['input_audio_embeds']) + audio_embed_sizes_list.append(inputs['audio_embed_sizes']) + audio_attention_mask_list.append( + inputs['input_audio_embeds'].new_full((inputs['input_audio_embeds'].size(1),), True, dtype=torch.bool) + ) + input_modes_list.append(inputs['input_modes']) + answer_list.append(inputs['answer']) + + try: + input_ids = pad_sequence(input_ids_list, padding_side='left', padding_value=0) + audio_attention_mask = ( + pad_sequence(audio_attention_mask_list, padding_side='right', padding_value=False) + if len(audio_attention_mask_list) > 1 + else None + ) + except Exception as e: + print(e) + print(input_ids_list) + print(audio_attention_mask) + raise + attention_mask = (input_ids != 0).long() + input_audio_embeds = cat_with_pad(input_audio_embeds_list, dim=0) + audio_embed_sizes = torch.cat(audio_embed_sizes_list) + input_modes = torch.cat(input_modes_list) + + return BatchFeature( + { + 'input_ids': input_ids, + 'attention_mask': attention_mask, + 'input_audio_embeds': input_audio_embeds, + 'audio_embed_sizes': audio_embed_sizes, + 'audio_attention_mask': audio_attention_mask, + 'input_modes': input_modes, + 'answer': answer_list, + } + ) + +def save_results(results, dataset_name, task, source_lang, target_lang=None, sample_idx=None): + filename = f"{task}_{dataset_name}_{source_lang}" + if target_lang: + filename += f"_to_{target_lang}" + if sample_idx is not None: + filename += f"_sample_{sample_idx}" + + filepath = os.path.join(results_dir, f"{filename}.json") + + results["timestamp"] = datetime.now().strftime("%Y-%m-%d %H:%M:%S") + + with open(filepath, 'w', encoding='utf-8') as f: + json.dump(results, f, ensure_ascii=False, indent=2) + + return filepath + +def evaluate_task(dataset, source_lang, target_lang, num_samples=-1, batch_size = 4, is_asr=True): + task_type = "asr" if is_asr else "translation" + eval_lang = source_lang if is_asr else target_lang + if eval_lang in normalizer: + eval_normalizer = normalizer[eval_lang] + else: + eval_normalizer = normalizer['other'] + sample_results = [] + + if num_samples > 0 and num_samples < len(dataset): + indices = np.random.choice(len(dataset), num_samples, replace=False) + dataset = dataset.select(indices) + + dataloader = DataLoader(dataset, batch_size=batch_size, shuffle=False, collate_fn=covost_collate_fn) + + evaluated_samples = {} + + for batch_idx, batch in enumerate(tqdm(dataloader)): + batch_references = batch.pop("answer") + + if torch.cuda.is_available(): + try: + batch = {k: v.to("cuda") for k, v in batch.items()} + except: + print('error') + break + + with torch.inference_mode(): + generate_ids = model.generate(**batch, + max_new_tokens=256, + #temperature = 1.0, top_p = 0.95, top_k = 64, do_sample=True + ) + + input_lengths = batch['input_ids'].shape[1] + generate_ids = generate_ids[:, input_lengths:] + + batch_predictions = processor.batch_decode( + generate_ids, skip_special_tokens=True, clean_up_tokenization_spaces=False + ) + + for i, (reference, prediction) in enumerate(zip(batch_references, batch_predictions)): + idx = batch_idx * batch_size + i + sample_result = { + "id": idx, + "reference": reference, + "prediction": converter.convert(prediction) + } + sample_results.append(sample_result) + + if (batch_idx + 1) % 10 == 0: + temp_results = [] + + for item in sample_results: + sample_id = item["id"] + + if sample_id in evaluated_samples: + temp_item = item.copy() + temp_item.update(evaluated_samples[sample_id]) + temp_results.append(temp_item) + else: + temp_item = item.copy() + try: + ref = eval_normalizer(item["reference"]) + pred = eval_normalizer(item["prediction"]) + + # BLEU, WER/CER + utt_bleu = sacrebleu.sentence_bleu(pred, [ref]).score + utt_cer = round(cer(re.sub(r"\s+", "", ref), re.sub(r"\s+", "", pred)) * 100, 2) + utt_wer = round(wer(ref, pred) * 100, 2) + + metrics = { + "bleu": utt_bleu, + "cer": min(100,utt_cer), + "wer": utt_wer + } + + evaluated_samples[sample_id] = metrics + temp_item.update(metrics) + except Exception as e: + print(f"Error evaluating sample {sample_id}: {e}") + metrics = { + "bleu": 0, + "cer": 100, + "wer": 100, + "error": str(e) + } + evaluated_samples[sample_id] = metrics + temp_item.update(metrics) + + temp_results.append(temp_item) + + partial_results = { + "task": task_type, + "source_lang": source_lang, + "target_lang": target_lang, + "num_samples": len(temp_results), + "sample_results": temp_results + } + save_results(partial_results, dataset.name, task_type, source_lang, target_lang) + + for item in sample_results: + ref = eval_normalizer(item["reference"]) + pred = eval_normalizer(item["prediction"]) + + utt_bleu = sacrebleu.sentence_bleu(pred, [ref]).score + utt_cer = round(cer(re.sub(r"\s+", "", ref), re.sub(r"\s+", "", pred)) * 100, 2) + utt_wer = round(wer(ref, pred) * 100, 2) + + item.update({ + "bleu": utt_bleu, + "cer": min(100,utt_cer), + "wer": utt_wer + }) + + avg_bleu = sum(item["bleu"] for item in sample_results) / len(sample_results) + avg_cer = sum(item["cer"] for item in sample_results) / len(sample_results) + avg_wer = sum(item["wer"] for item in sample_results) / len(sample_results) + + results = { + "dataset": dataset.name, + "task": task_type, + "source_lang": source_lang, + "target_lang": target_lang, + "num_samples": len(sample_results), + "metrics": { + "bleu": avg_bleu, + "cer": avg_cer, + "wer": avg_wer + }, + "sample_results": sample_results + } + + save_results(results, dataset.name, task_type, source_lang, target_lang) + return results + + +if __name__ == "__main__": + + source_languages = [ + ("en_us", "English"), + ] + + target_languages = [ + ("zh-TW", "zh-TW"), + ] + + num_samples = -1 + batch_size = 32 + + for source_lang, target_lang in zip(source_languages, target_languages): + print(f"\n===== {source_lang[0]} ASR =====") + + split = "test" + + datasets = [] + + + + commonvoice_speech_tw = CommonVoiceDataset( + processor=processor, + source_lang="zh-TW", + split=split + ) + datasets.append(commonvoice_speech_tw) + fleurs = FleursDataset( + processor=processor, + split=split, + source_lang="en_us", # English + mode="asr" + ) + datasets.append(fleurs) + + # Libri Speech Clean ASR mode (English -> English text) + # libri_speech_clean = LibriSpeechDataset( + # processor=processor, + # subset="clean", + # split=split + # ) + # datasets.append(libri_speech_clean) + + # # Libri Speech Other ASR mode (English -> English text) + # libri_speech_other = LibriSpeechDataset( + # processor=processor, + # subset="other", + # split=split + # ) + # datasets.append(libri_speech_other) + + # Fleurs ASR mode (English -> English text) + + + for dataset in datasets: + # ASR + asr_results = evaluate_task(dataset, source_lang[0], target_lang[0], num_samples, batch_size=batch_size, is_asr = True) + + print(f"\n=== {asr_results.get('dataset', 'Dataset')} | {source_lang[0]} ASR===") + print(f"BLEU: {asr_results.get('metrics', {}).get('bleu', 'N/A')}") + print(f"WER: {asr_results.get('metrics', {}).get('wer', 'N/A')}") + print(f"CER: {asr_results.get('metrics', {}).get('cer', 'N/A')}") \ No newline at end of file diff --git a/cpp/gemma_v1/eval_multiturn.ipynb b/cpp/gemma_v1/eval_multiturn.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..20515ee7244969073fee734ad10da34dc92e1386 --- /dev/null +++ b/cpp/gemma_v1/eval_multiturn.ipynb @@ -0,0 +1,4679 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/mnt/jeff/huggingface/modules/transformers_modules/speech_conformer_encoder.py:2775: FutureWarning: Please specify CheckpointImpl.NO_REENTRANT as CheckpointImpl.REENTRANT will soon be removed as the default and eventually deprecated.\n", + " lambda i: encoder_checkpoint_wrapper(\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "######################## speech lora #############\n", + "######################## text lora #############\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "006eba05c9d04065b7a4ec9159e7e4c4", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Loading checkpoint shards: 0%| | 0/3 [00:0010:break\n", + "avg_cer_o = sum(a['cer_o'] for a in all_output)/len(all_output)\n", + "avg_cer_t = sum(a['cer_t'] for a in all_output)/len(all_output)\n", + "print('total',len(all_output))\n", + "print('avg_cer_o',avg_cer_o)\n", + "print('avg_cer_t',avg_cer_t)\n", + "print('transcribe_error & rate',transcribe_error,',',transcribe_error/len(all_output))\n", + "print('output_error & rate',output_error,',',output_error/len(all_output))\n", + "print('format_error',format_error)\n", + "print('total_func_call',total_func_call)\n", + "print('func_error & rate',func_error,',',func_error/total_func_call)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_26987044-breezyvoice-01789.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_19324340-breezyvoice-01790.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_26743189-breezyvoice-01791.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 去市政府捷運站接人;\\nGPT output is : 請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '\\nUser transcribe is : 去市政府捷運站接Emily;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer_o': 100,\n", + " 'cer_t': 50.0}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_19313207-breezyvoice-01793.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去接阿德;\\nGPT output is : 請問要去哪裡接阿德呢\\n',\n", + " 'output': '\\nUser transcribe is : 我要去接Emily;\\nGPT output is : 請問要去哪裡接Emily呢',\n", + " 'cer_o': 45.45,\n", + " 'cer_t': 71.43}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_27003818-breezyvoice-01806.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去接小白;\\nGPT output is : 請問要去哪裡接小白呢\\n',\n", + " 'output': '\\nUser transcribe is : 我要去接Emily;\\nGPT output is : 請問要去哪裡接Emily呢',\n", + " 'cer_o': 45.45,\n", + " 'cer_t': 71.43}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_25905179-breezyvoice-01855.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去接小白;\\nGPT output is : 請問要去哪裡接小白呢\\n',\n", + " 'output': '\\nUser transcribe is : 我要去接阿德;\\nGPT output is : 請問要去哪裡接阿德呢',\n", + " 'cer_o': 18.18,\n", + " 'cer_t': 28.57}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_27358623-breezyvoice-01976.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去接小白;\\nGPT output is : 請問要去哪裡接小白呢\\n',\n", + " 'output': '\\nUser transcribe is : 我要去接Emily;\\nGPT output is : 請問要去哪裡接Emily呢',\n", + " 'cer_o': 45.45,\n", + " 'cer_t': 71.43}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_27358623-breezyvoice-01976.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_24477926-breezyvoice-01977.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去南港車站接人;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': '\\nUser transcribe is : 我要去南港車站接小白;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 20.0}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_26776103-breezyvoice-02001.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_31045905-breezyvoice-02002.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_22007606-breezyvoice-02003.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我等等再處理好了,先這樣;\\nGPT output is : 如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '\\nUser transcribe is : 我要去接阿德;\\nGPT output is : 請問要去哪裡接阿德呢',\n", + " 'cer_o': 87.5,\n", + " 'cer_t': 84.62}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_19324372-breezyvoice-02030.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_26775796-breezyvoice-02031.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_27166142-breezyvoice-02032.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 不用了;\\nGPT output is : 如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '\\nUser transcribe is : 我要去接Emily;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer_o': 100,\n", + " 'cer_t': 100}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_30160540-breezyvoice-02069.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_25042163-breezyvoice-02070.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_30160932-breezyvoice-02071.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_19981972-breezyvoice-02072.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 去市政府捷運站接人;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': '\\nUser transcribe is : 去市政府捷運站接人;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer_o': 7.25,\n", + " 'cer_t': 0.0}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_21544641-breezyvoice-02105.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_35101161-breezyvoice-02106.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_24478208-breezyvoice-02107.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 0988-123-456;\\nGPT output is : Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': '\\nUser transcribe is : 0911-222-333;\\nGPT output is : Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer_o': 10.0,\n", + " 'cer_t': 53.85}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_22460722-breezyvoice-02124.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去接Emily;\\nGPT output is : 請問要去哪裡接Emily呢\\n',\n", + " 'output': '\\nUser transcribe is : 我要去接阿德;\\nGPT output is : 請問要去哪裡接阿德呢',\n", + " 'cer_o': 35.71,\n", + " 'cer_t': 50.0}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_19239246-breezyvoice-02133.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去接Emily;\\nGPT output is : 請問要去哪裡接Emily呢\\n',\n", + " 'output': '\\nUser transcribe is : 我要去接阿德;\\nGPT output is : 請問要去哪裡接阿德呢',\n", + " 'cer_o': 35.71,\n", + " 'cer_t': 50.0}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_27358283-breezyvoice-02135.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_26947370-breezyvoice-02136.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_19251372-breezyvoice-02137.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 不用了;\\nGPT output is : 如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '\\nUser transcribe is : 我要去接Emily;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer_o': 100,\n", + " 'cer_t': 100}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_30460669-breezyvoice-02183.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_30423060-breezyvoice-02184.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去寶高園區接小白;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': '\\nUser transcribe is : 我要去寶高園區接Emily;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer_o': 7.46,\n", + " 'cer_t': 45.45}" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "for a in all_output:\n", + " if a['cer_o']!=0 or a['cer_t']!=0: \n", + " display(a)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[{'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_18855684-breezyvoice-01778.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去寶高園區接人;\\nGPT output is : 請問你要去寶高園區接誰?\\n',\n", + " 'output': '\\nUser transcribe is : 我要去寶高園區接人;\\nGPT output is : 請問你要去寶高園區接誰?',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 0.0},\n", + " {'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_18855684-breezyvoice-01778.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_19322743-breezyvoice-01779.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 不用了;\\nGPT output is : 如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '\\nUser transcribe is : 不用了;\\nGPT output is : 如果還有其他需要,請隨時告訴我!',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 0.0},\n", + " {'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_21943594-breezyvoice-01780.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去南港車站接阿德;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': '\\nUser transcribe is : 我要去南港車站接阿德;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 0.0},\n", + " {'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_21943594-breezyvoice-01780.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_24478135-breezyvoice-01781.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 0911-222-333;\\nGPT output is : Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': '\\nUser transcribe is : 0911-222-333;\\nGPT output is : Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 0.0},\n", + " {'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_18935352-breezyvoice-01782.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去南港車站接人;\\nGPT output is : 請問你要去南港車站接誰?\\n',\n", + " 'output': '\\nUser transcribe is : 我要去南港車站接人;\\nGPT output is : 請問你要去南港車站接誰?',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 0.0},\n", + " {'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_18935352-breezyvoice-01782.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_31451664-breezyvoice-01783.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去寶高園區接人;\\nGPT output is : 請問你要去寶高園區接誰?\\n',\n", + " 'output': '\\nUser transcribe is : 我要去寶高園區接人;\\nGPT output is : 請問你要去寶高園區接誰?',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 0.0},\n", + " {'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_18935352-breezyvoice-01782.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_31451664-breezyvoice-01783.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_30583587-breezyvoice-01784.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去接阿德;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': '\\nUser transcribe is : 我要去接阿德;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 0.0},\n", + " {'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_19877494-breezyvoice-01785.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去寶高園區接阿德;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': '\\nUser transcribe is : 我要去寶高園區接阿德;\\nGPT output is : Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 0.0},\n", + " {'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_26944235-breezyvoice-01786.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去接阿德;\\nGPT output is : 請問要去哪裡接阿德呢\\n',\n", + " 'output': '\\nUser transcribe is : 我要去接阿德;\\nGPT output is : 請問要去哪裡接阿德呢',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 0.0},\n", + " {'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_26944235-breezyvoice-01786.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_18670301-breezyvoice-01787.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 我要去接阿德;\\nGPT output is : 請問要去哪裡接阿德呢\\n',\n", + " 'output': '\\nUser transcribe is : 我要去接阿德;\\nGPT output is : 請問要去哪裡接阿德呢',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 0.0},\n", + " {'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_26944235-breezyvoice-01786.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_18670301-breezyvoice-01787.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_27003734-breezyvoice-01788.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 不用了;\\nGPT output is : 如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '\\nUser transcribe is : 不用了;\\nGPT output is : 如果還有其他需要,請隨時告訴我!',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 0.0},\n", + " {'audio_path': [['/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_26987044-breezyvoice-01789.wav']],\n", + " 'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n\\n\\n\\n\\n\\nmodel\\n',\n", + " 'label': '\\nUser transcribe is : 去市政府捷運站接人;\\nGPT output is : 請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '\\nUser transcribe is : 去市政府捷運站接人;\\nGPT output is : 請問你要去市政府捷運站接誰?',\n", + " 'cer_o': 0.0,\n", + " 'cer_t': 0.0}]" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "all_output" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "pickup_dataset = MultiturnAudioDataset(split='eval',text_only=True,processor=processor,json_path='/mnt/jeff/InCar/data/multiturn_data/pickup_processed.json')\n", + "dataloader = DataLoader(pickup_dataset, batch_size=1, shuffle=False, collate_fn=covost_collate_fn)" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "# for batch_idx, batch in enumerate(tqdm(dataloader)):\n", + "# batch_inputs = processor.batch_decode(\n", + "# batch['input_ids'], skip_special_tokens=True, \n", + "# clean_up_tokenization_spaces=False\n", + "# )\n", + "# batch_references = processor.batch_decode(\n", + "# batch['labels'], skip_special_tokens=True, clean_up_tokenization_spaces=False\n", + "# )\n", + "# print('input',batch_inputs)\n", + "# print('label',batch_references)\n", + "# print('-----------------')\n", + "# if batch_idx>5:break" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 955/955 [47:04<00:00, 2.96s/it] " + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "total 955\n", + "total_error & rate 3 0.0031413612565445027\n", + "avg_cer 0.25132984293193716\n", + "total_func_call 375\n", + "func_error & rate 2 , 0.005333333333333333\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "\n" + ] + } + ], + "source": [ + "func_error = 0\n", + "total_func_call = 0\n", + "total_error = 0\n", + "all_output_text = []\n", + "remove_sign = lambda x:x.replace('User transcribe is','').replace('GPT output is','').replace('\\n','').\\\n", + " replace(' ','').replace('?','').replace('?','').replace('!','').replace('。','').\\\n", + " replace('.','').replace('!','')\n", + "for batch_idx, batch in enumerate(tqdm(dataloader)):\n", + " batch = {k: v.to(\"cuda\") for k, v in batch.items() if type(v)!=type(None)}\n", + " with torch.inference_mode():\n", + " \n", + " generate_ids = model.generate(**batch, \n", + " max_new_tokens=256,\n", + " temperature = 0.001, top_p = 0.95, top_k = 64, do_sample=True\n", + " )\n", + " batch_inputs = processor.batch_decode(\n", + " generate_ids[:, :batch['input_ids'].shape[1]], skip_special_tokens=True, \n", + " clean_up_tokenization_spaces=False\n", + " )\n", + " batch_predictions = processor.batch_decode(\n", + " generate_ids[:, batch['input_ids'].shape[1]:], skip_special_tokens=True, \n", + " clean_up_tokenization_spaces=False\n", + " )\n", + " batch_references = processor.batch_decode(\n", + " batch['labels'], skip_special_tokens=True, clean_up_tokenization_spaces=False\n", + " )\n", + " for inp,label,output in zip(batch_inputs,batch_references,batch_predictions):\n", + " \n", + " cer_o = min(100,round(cer(re.sub(r\"\\s+\", \"\", label), re.sub(r\"\\s+\", \"\", output)) * 100, 2))\n", + " all_output_text.append({\n", + " 'input':inp,\n", + " 'label':label,\n", + " 'output':output,\n", + " 'cer':cer_o,\n", + " })\n", + " if 'Action:' in label:\n", + " func_error+=(label!=output)\n", + " total_func_call+=1\n", + "avg_cer = sum(a['cer'] for a in all_output_text)/len(all_output_text)\n", + "total_error = sum(a['cer']!=0 for a in all_output_text)\n", + "print('total',len(all_output_text))\n", + "print('total_error & rate',total_error,total_error/len(all_output_text))\n", + "print('avg_cer',avg_cer)\n", + "print('total_func_call',total_func_call)\n", + "print('func_error & rate',func_error,',',func_error/total_func_call)" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 92.96}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 97.06}" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "{'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 50.0}" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "for a in all_output_text:\n", + " if a['cer']!=0:\n", + " display(a)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[{'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知小白 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知小白 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去南港車站接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去南港車站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去南港車站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去南港車站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去寶高園區接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 11.11},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去南港車站接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去南港車站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去南港車站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去南港車站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n去寶高園區接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n去寶高園區接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n',\n", + " 'label': '請問要去哪裡接小白呢\\n',\n", + " 'output': '請問要去哪裡接小白呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接小白\\nmodel\\n請問要去哪裡接小白呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知小白 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知小白 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 7.04},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n去市政府捷運站接人\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n',\n", + " 'label': '最近早晚溫差滿大的,要注意保暖\\n',\n", + " 'output': '最近早晚溫差滿大的,要注意保暖',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n最近天氣好像變涼了欸\\nmodel\\n最近早晚溫差滿大的,要注意保暖\\nuser\\n我等等再處理好了,先這樣\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n',\n", + " 'label': '請問要去哪裡接阿德呢\\n',\n", + " 'output': '請問要去哪裡接阿德呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接阿德\\nmodel\\n請問要去哪裡接阿德呢\\nuser\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n',\n", + " 'label': '請問你要去寶高園區接誰?\\n',\n", + " 'output': '請問你要去寶高園區接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接人\\nmodel\\n請問你要去寶高園區接誰?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0988-123-456\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n',\n", + " 'label': '請問你要去市政府捷運站接誰?\\n',\n", + " 'output': '請問你要去市政府捷運站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接人\\nmodel\\n請問你要去市政府捷運站接誰?\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知小白 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知小白 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去寶高園區接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"destination\": \"寶高園區\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知Emily 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n',\n", + " 'label': '請問要去哪裡接Emily呢\\n',\n", + " 'output': '請問要去哪裡接Emily呢',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去接Emily\\nmodel\\n請問要去哪裡接Emily呢\\nuser\\n不用了\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0931-341-314\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知小白 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知小白 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0931-341-314\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0931-341-314\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知小白 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"destination\": \"寶高園區\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去南港車站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去寶高園區接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"寶高園區\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"\", \"destination\": \"寶高園區\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「小白」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0911-222-333\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\"}\\ntool\\n{\"result\": \"已儲存小白的電話:0911-222-333\"}\\nmodel\\n好的,已為您設定導航至寶高園區,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接小白\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"小白\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"小白\", \"phone\": \"0911-222-333\", \"destination\": \"市政府捷運站\", \"address\": \"台北市南港區經貿二路66號\", \"gps\": \"25.0478,121.5319\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知小白 0911-222-333,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"小白\", \"phone\": \"0911-222-333\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n',\n", + " 'label': '請問你要去南港車站接誰?\\n',\n", + " 'output': '請問你要去南港車站接誰?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接Emily\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n',\n", + " 'label': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n去南港車站接人\\nmodel\\n請問你要去南港車站接誰?\\nuser\\n我要去南港車站接Emily\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"Emily\", \"destination\": \"南港車站\"}\\ntool\\n{\"name\": \"Emily\", \"phone\": \"\", \"destination\": \"南港車站\", \"address\": \"台北市松山區市民大道四段102號\", \"gps\": \"25.0330,121.5645\"}\\nmodel\\n找不到「Emily」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0988-123-456\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\"}\\ntool\\n{\"result\": \"已儲存Emily的電話:0988-123-456\"}\\nmodel\\n好的,已為您設定導航至南港車站,我已通知Emily 0988-123-456,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"Emily\", \"phone\": \"0988-123-456\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\n',\n", + " 'label': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'output': 'Action: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n',\n", + " 'label': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\n',\n", + " 'output': '找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\n',\n", + " 'label': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'output': 'Action: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n',\n", + " 'label': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\n',\n", + " 'output': '好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\n',\n", + " 'label': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'output': 'Action: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\n',\n", + " 'cer': 0.0},\n", + " {'input': 'user\\nYou have access to the following tools:\\n> Tool Name: get_phonebook\\nTool Description: 查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\\nTool Args:\\n - name (string, required): name參數\\n\\n> Tool Name: message_update\\nTool Description: 更新乘客通知簡訊內容\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n - message (string, required): message參數\\n\\n> Tool Name: save_phonebook\\nTool Description: 儲存新聯絡人資訊到通訊錄\\nTool Args:\\n - name (string, required): name參數\\n - phone (string, required): phone參數\\n\\nUse the following format if using a tool:\\n```\\nAction: tool name (one of [get_phonebook, message_update, save_phonebook])\\nAction Input: the input to the tool, in a JSON format representing the kwargs (e.g. ```{\"input\": \"hello world\", \"num_beams\": 5}```)\\n```\\n\\n\\n我要去市政府捷運站接阿德\\nmodel\\nAction: get_phonebook\\nAction Input: {\"name\": \"阿德\", \"destination\": \"市政府捷運站\"}\\ntool\\n{\"name\": \"阿德\", \"phone\": \"\", \"destination\": \"市政府捷運站\", \"address\": \"台北市信義區信義路五段7號\", \"gps\": \"25.05054,121.5769\"}\\nmodel\\n找不到「阿德」在通訊錄中,請問要通知哪一個手機號碼呢?\\nuser\\n0931-341-314\\nmodel\\nAction: save_phonebook\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\"}\\ntool\\n{\"result\": \"已儲存阿德的電話:0931-341-314\"}\\nmodel\\n好的,已為您設定導航至市政府捷運站,我已通知阿德 0931-341-314,接駁任務已發送。\\ntool\\n系統推估車輛約 5 分鐘後抵達\\nmodel\\nAction: message_update\\nAction Input: {\"name\": \"阿德\", \"phone\": \"0931-341-314\", \"message\": \"車輛將於 5 分鐘後抵達\"}\\ntool\\n{\"result\": \"接駁任務已完成\"}\\nmodel\\n',\n", + " 'label': '如果還有其他需要,請隨時告訴我!\\n',\n", + " 'output': '如果還有其他需要,請隨時告訴我!',\n", + " 'cer': 0.0}]" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "all_output_text" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['user\\n\\n\\n\\n\\nTranscribe the audio clip into text.\\nmodel\\n屏東縣九如鄉民生路']" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "aud = [\n", + " # '/mnt/jeff/InCar/data/tw_data/taiwan_location-srdc_tts-20250529/common_voice_16_1-TW/taiwan_location-srdc_tts-20250529-common_voice_16_1-TW-common_voice_zh-TW_17372022-breezyvoice-05137.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_24478208-breezyvoice-02107.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_27358623-breezyvoice-01976.wav',\n", + " '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_30423060-breezyvoice-02184.wav'\n", + " ]\n", + "aduio_arr = torchaudio.load(aud[0])\n", + "prompt = \"Transcribe the audio clip into text.\"\n", + "inp = pickup_dataset.prepare_model_inputs(aduio_arr[0],prompt,\"\")\n", + "inp = {k:v.to('cuda') for k,v in inp.items()}\n", + "generate_ids = model.generate(**inp, \n", + "max_new_tokens=256,\n", + "temperature = 0.001, top_p = 0.95, top_k = 64, do_sample=True\n", + ")\n", + "\n", + "input_lengths = inp['input_ids'].shape[1]\n", + "\n", + "batch_predictions = processor.batch_decode(\n", + " generate_ids[:, input_lengths:], skip_special_tokens=True, clean_up_tokenization_spaces=False\n", + ")\n", + "processor.batch_decode(\n", + " generate_ids, skip_special_tokens=True, clean_up_tokenization_spaces=False\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "!cp '/mnt/jeff/InCar/data/multiturn_data/pickup_breezy/pickup_breezy-common_voice_zh-TW_24478208-breezyvoice-02107.wav' ." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "base", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.7" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/cpp/gemma_v1/eval_multiturn.py b/cpp/gemma_v1/eval_multiturn.py new file mode 100644 index 0000000000000000000000000000000000000000..a86f342b499f1a9ecbac025cf0f3ed47f790a77e --- /dev/null +++ b/cpp/gemma_v1/eval_multiturn.py @@ -0,0 +1,211 @@ +from io import BytesIO +from urllib.request import urlopen +import soundfile +import torch +from datasets import load_dataset, Audio +import numpy as np +from transformers import AutoModel, AutoProcessor, BatchFeature +from tqdm import tqdm +import json +import os +import time +from datetime import datetime +from whisper_normalizer.english import EnglishTextNormalizer +from whisper_normalizer.basic import BasicTextNormalizer +import sacrebleu +from jiwer import cer, wer +from torch.utils.data import Dataset, DataLoader +import soundfile as sf +import re +from pathlib import Path +import opencc +from ASRDataset import * + +converter = opencc.OpenCC('s2tw.json') +normalizer = { + "en_us" : EnglishTextNormalizer(), + "other" : BasicTextNormalizer() +} + +model_id = "/mnt/jeff/gemma_test" +revision = "main" #"v1.0" + +model = AutoModel.from_pretrained( + model_id, device_map="cuda", revision = revision, trust_remote_code=True +).eval() + +processor = AutoProcessor.from_pretrained( + model_id, revision = revision, trust_remote_code=True +) + +results_dir = f"evaluation_results_{datetime.now().strftime('%Y%m%d_%H%M%S')}" +os.makedirs(results_dir, exist_ok=True) + + +INSTRUCTION = { + "ast": "Translate the audio to {0}.", + "asr": "Transcribe the audio clip into text.", +} + + + +def save_results(results, dataset_name, task, source_lang, target_lang=None, sample_idx=None): + filename = f"{task}_{dataset_name}_{source_lang}" + if target_lang: + filename += f"_to_{target_lang}" + if sample_idx is not None: + filename += f"_sample_{sample_idx}" + + filepath = os.path.join(results_dir, f"{filename}.json") + + results["timestamp"] = datetime.now().strftime("%Y-%m-%d %H:%M:%S") + + with open(filepath, 'w', encoding='utf-8') as f: + json.dump(results, f, ensure_ascii=False, indent=2) + + return filepath + +def evaluate_task(dataset): + sample_results = [] + + + dataloader = DataLoader(dataset, batch_size=1, shuffle=False, collate_fn=covost_collate_fn) + + evaluated_samples = {} + + for batch_idx, batch in enumerate(tqdm(dataloader)): + + if torch.cuda.is_available(): + try: + batch = {k: v.to("cuda") for k, v in batch.items()} + except: + print('error') + break + + with torch.inference_mode(): + generate_ids = model.generate(**batch, + max_new_tokens=256, + #temperature = 1.0, top_p = 0.95, top_k = 64, do_sample=True + ) + + input_lengths = batch['input_ids'].shape[1] + generate_ids = generate_ids[:, input_lengths:] + + batch_predictions = processor.batch_decode( + generate_ids, skip_special_tokens=True, clean_up_tokenization_spaces=False + ) + input_lengths = batch['input_ids'].shape[1] + label_ids = generate_ids[:, input_lengths:] + batch_references = processor.batch_decode( + label_ids, skip_special_tokens=True, clean_up_tokenization_spaces=False + ) + + for i, (reference, prediction) in enumerate(zip(batch_references, batch_predictions)): + idx = batch_idx + i + sample_result = { + "id": idx, + "reference": reference, + "prediction": converter.convert(prediction) + } + sample_results.append(sample_result) + + if (batch_idx + 1) % 10 == 0: + temp_results = [] + + for item in sample_results: + sample_id = item["id"] + + if sample_id in evaluated_samples: + temp_item = item.copy() + temp_item.update(evaluated_samples[sample_id]) + temp_results.append(temp_item) + else: + temp_item = item.copy() + try: + ref = eval_normalizer(item["reference"]) + pred = eval_normalizer(item["prediction"]) + + # BLEU, WER/CER + utt_bleu = sacrebleu.sentence_bleu(pred, [ref]).score + utt_cer = round(cer(re.sub(r"\s+", "", ref), re.sub(r"\s+", "", pred)) * 100, 2) + utt_wer = round(wer(ref, pred) * 100, 2) + + metrics = { + "bleu": utt_bleu, + "cer": min(100,utt_cer), + "wer": utt_wer + } + + evaluated_samples[sample_id] = metrics + temp_item.update(metrics) + except Exception as e: + print(f"Error evaluating sample {sample_id}: {e}") + metrics = { + "bleu": 0, + "cer": 100, + "wer": 100, + "error": str(e) + } + evaluated_samples[sample_id] = metrics + temp_item.update(metrics) + + temp_results.append(temp_item) + + partial_results = { + "task": task_type, + "source_lang": source_lang, + "target_lang": target_lang, + "num_samples": len(temp_results), + "sample_results": temp_results + } + save_results(partial_results, dataset.name, task_type, source_lang, target_lang) + + for item in sample_results: + ref = eval_normalizer(item["reference"]) + pred = eval_normalizer(item["prediction"]) + + utt_bleu = sacrebleu.sentence_bleu(pred, [ref]).score + utt_cer = round(cer(re.sub(r"\s+", "", ref), re.sub(r"\s+", "", pred)) * 100, 2) + utt_wer = round(wer(ref, pred) * 100, 2) + + item.update({ + "bleu": utt_bleu, + "cer": min(100,utt_cer), + "wer": utt_wer + }) + + avg_bleu = sum(item["bleu"] for item in sample_results) / len(sample_results) + avg_cer = sum(item["cer"] for item in sample_results) / len(sample_results) + avg_wer = sum(item["wer"] for item in sample_results) / len(sample_results) + + results = { + "dataset": dataset.name, + "task": task_type, + "source_lang": source_lang, + "target_lang": target_lang, + "num_samples": len(sample_results), + "metrics": { + "bleu": avg_bleu, + "cer": avg_cer, + "wer": avg_wer + }, + "sample_results": sample_results + } + + save_results(results, dataset.name, task_type, source_lang, target_lang) + return results + + +if __name__ == "__main__": + + datasets = [] + pickup_dataset = MultiturnAudioDataset(split='eval',processor=processor,json_path='/mnt/jeff/InCar/data/multiturn_data/pickup_processed.json') + datasets.append(pickup_dataset) + for dataset in datasets: + # ASR + asr_results = evaluate_task(dataset) + + print(f"\n=== {asr_results.get('dataset', 'Dataset')}") + print(f"BLEU: {asr_results.get('metrics', {}).get('bleu', 'N/A')}") + print(f"WER: {asr_results.get('metrics', {}).get('wer', 'N/A')}") + print(f"CER: {asr_results.get('metrics', {}).get('cer', 'N/A')}") \ No newline at end of file diff --git a/cpp/gemma_v1/merge_lora.ipynb b/cpp/gemma_v1/merge_lora.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..1986900688cfb5209e4865f8f47fc5e5a712c1b0 --- /dev/null +++ b/cpp/gemma_v1/merge_lora.ipynb @@ -0,0 +1,119 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "from safetensors import safe_open\n", + "\n", + "lora = {}\n", + "with safe_open(\"/data2/bjh/diffusion-pipe/cosmos_test/20250327_02-37-25/epoch5/adapter_model.safetensors\", framework=\"pt\", device='cpu') as f:\n", + " for k in f.keys():\n", + " lora[k] = f.get_tensor(k)" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "tensors = {}\n", + "with safe_open(\"/data2/bjh/ComfyUI/models/diffusion_models/Cosmos-1_0-Diffusion-14B-Text2World.safetensors\", framework=\"pt\", device='cpu') as f:\n", + " for k in f.keys():\n", + " tensors[k] = f.get_tensor(k)" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "1152" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "len(lora)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "name_lis = []\n", + "for k in lora:\n", + " a = k.split('.')[1:][:-2]\n", + " name = '.'.join(a)\n", + " name_lis.append(name)\n", + "name_lis=set(name_lis)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "new_dic = {}\n", + "for k in tensors:\n", + " name='.'.join(k.split('.')[1:][:-1])\n", + " if name in name_lis:\n", + " a,b = lora['diffusion_model.'+name+'.lora_A.weight'],lora['diffusion_model.'+name+'.lora_B.weight']\n", + " new_dic[k]=tensors[k]+torch.matmul(b,a)\n", + " else:\n", + " new_dic[k]=tensors[k]" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "from safetensors.torch import save_file\n", + "save_file(new_dic,'test.safetensors')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "dp", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.9" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/cpp/gemma_v1/model-00001-of-00003.safetensors b/cpp/gemma_v1/model-00001-of-00003.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..6dc8d90b15664f84bf9bf1d481fdcb069dbd5dec --- /dev/null +++ b/cpp/gemma_v1/model-00001-of-00003.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ddd3e8916f7ad6ad92651ac288227995c1d34628f0f888eb2dc5b9acb4dc0121 +size 4976361384 diff --git a/cpp/gemma_v1/model-00002-of-00003.safetensors b/cpp/gemma_v1/model-00002-of-00003.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..74f1bb053efd74f582004b9ca5e14df20677299a --- /dev/null +++ b/cpp/gemma_v1/model-00002-of-00003.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c343a455ca768923cb3b9ab77cbb91c9cd2526a1bee5740cf9cf86bfa85a0a7b +size 4984907872 diff --git a/cpp/gemma_v1/model-00003-of-00003.safetensors b/cpp/gemma_v1/model-00003-of-00003.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..e0322267e00da1ffab98c822542b7df95c259fbe --- /dev/null +++ b/cpp/gemma_v1/model-00003-of-00003.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad04449d015f4efbda75d6cc41e06296b4da996cd84053fa6f9791fe16d55d03 +size 732141104 diff --git a/cpp/gemma_v1/model.safetensors.index.json b/cpp/gemma_v1/model.safetensors.index.json new file mode 100644 index 0000000000000000000000000000000000000000..e45347f8b05a317c86c6142537f0c423680096a7 --- /dev/null +++ b/cpp/gemma_v1/model.safetensors.index.json @@ -0,0 +1,2249 @@ +{ + "metadata": { + "total_size": 10693095712 + }, + "weight_map": { + "audio_projector.0.bias": "model-00001-of-00003.safetensors", + "audio_projector.0.weight": "model-00001-of-00003.safetensors", + "audio_projector.2.bias": "model-00001-of-00003.safetensors", + "audio_projector.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.embed.conv.0.bias": "model-00001-of-00003.safetensors", + "audio_tower.embed.conv.0.weight": "model-00001-of-00003.safetensors", + "audio_tower.embed.conv.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.embed.conv.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.embed.conv.3.bias": "model-00001-of-00003.safetensors", + "audio_tower.embed.conv.3.weight": "model-00001-of-00003.safetensors", + "audio_tower.embed.conv.5.bias": "model-00001-of-00003.safetensors", + "audio_tower.embed.conv.5.weight": "model-00001-of-00003.safetensors", + "audio_tower.embed.conv.6.bias": "model-00001-of-00003.safetensors", + "audio_tower.embed.conv.6.weight": "model-00001-of-00003.safetensors", + "audio_tower.embed.out.bias": "model-00001-of-00003.safetensors", + "audio_tower.embed.out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoder_embedding.global_invstd": "model-00001-of-00003.safetensors", + "audio_tower.encoder_embedding.global_mean": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.0.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.1.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.10.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.11.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.12.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.13.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.14.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.15.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.16.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.17.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.18.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.19.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.2.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.20.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.21.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.22.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.23.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.3.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.4.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.5.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.6.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.7.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.8.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.conv.dw_sep_conv_1d.dw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.conv.dw_sep_conv_1d.dw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.conv.dw_sep_conv_1d.pw_conv.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.conv.dw_sep_conv_1d.pw_conv.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.conv.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.conv.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.conv.glu.b1": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.conv.glu.b2": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.conv.glu.ext_pw_conv_1d.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.conv.glu.ext_pw_conv_1d.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.conv.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.conv.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.feed_forward_in.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.feed_forward_in.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.feed_forward_in.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.feed_forward_in.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.feed_forward_in.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.feed_forward_in.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.feed_forward_out.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.feed_forward_out.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.feed_forward_out.net.0.linear.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.feed_forward_out.net.0.linear.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.feed_forward_out.net.2.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.feed_forward_out.net.2.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.layer_norm.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.layer_norm.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.layer_norm_att.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.layer_norm_att.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.self_attn.linear_k.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.self_attn.linear_k.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.self_attn.linear_out.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.self_attn.linear_out.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.self_attn.linear_q.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.self_attn.linear_q.weight": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.self_attn.linear_v.bias": "model-00001-of-00003.safetensors", + "audio_tower.encoders.9.self_attn.linear_v.weight": "model-00001-of-00003.safetensors", + "audio_tower.relative_attention_bias_layer.bias_values.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.embed_tokens.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.input_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.mlp.down_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.mlp.down_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.mlp.down_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.mlp.gate_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.mlp.gate_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.mlp.gate_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.mlp.up_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.mlp.up_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.mlp.up_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.post_attention_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.post_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.pre_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.k_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.k_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.k_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.k_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.o_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.o_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.o_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.q_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.q_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.q_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.q_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.v_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.v_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.0.self_attn.v_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.input_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.mlp.down_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.mlp.down_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.mlp.down_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.mlp.gate_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.mlp.gate_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.mlp.gate_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.mlp.up_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.mlp.up_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.mlp.up_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.post_attention_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.post_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.pre_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.k_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.k_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.k_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.k_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.o_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.o_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.o_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.q_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.q_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.q_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.q_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.v_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.v_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.1.self_attn.v_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.10.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.11.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.12.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.13.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.14.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.15.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.16.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.17.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.18.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.19.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.input_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.mlp.down_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.mlp.down_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.mlp.down_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.mlp.gate_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.mlp.gate_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.mlp.gate_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.mlp.up_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.mlp.up_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.mlp.up_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.post_attention_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.post_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.pre_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.k_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.k_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.k_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.k_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.o_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.o_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.o_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.q_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.q_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.q_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.q_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.v_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.v_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.2.self_attn.v_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.20.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.21.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.22.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.23.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.24.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.25.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.26.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.27.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.28.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.29.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.input_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.mlp.down_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.mlp.down_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.mlp.down_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.mlp.gate_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.mlp.gate_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.mlp.gate_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.mlp.up_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.mlp.up_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.mlp.up_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.post_attention_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.post_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.pre_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.k_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.k_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.k_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.k_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.o_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.o_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.o_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.q_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.q_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.q_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.q_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.v_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.v_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.3.self_attn.v_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.input_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.mlp.down_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.mlp.down_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.mlp.down_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.post_attention_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.post_feedforward_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.pre_feedforward_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.30.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.input_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.mlp.down_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.mlp.down_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.mlp.down_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.mlp.gate_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.mlp.gate_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.mlp.gate_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.mlp.up_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.mlp.up_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.mlp.up_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.post_attention_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.post_feedforward_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.pre_feedforward_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.k_norm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.k_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.k_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.k_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.o_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.o_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.o_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.q_norm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.q_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.q_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.q_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.v_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.v_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.31.self_attn.v_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.input_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.mlp.down_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.mlp.down_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.mlp.down_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.mlp.gate_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.mlp.gate_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.mlp.gate_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.mlp.up_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.mlp.up_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.mlp.up_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.post_attention_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.post_feedforward_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.pre_feedforward_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.k_norm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.k_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.k_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.k_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.o_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.o_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.o_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.q_norm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.q_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.q_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.q_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.v_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.v_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.32.self_attn.v_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.input_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.mlp.down_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.mlp.down_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.mlp.down_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.mlp.gate_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.mlp.gate_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.mlp.gate_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.mlp.up_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.mlp.up_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.mlp.up_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.post_attention_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.post_feedforward_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.pre_feedforward_layernorm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.k_norm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.k_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.k_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.k_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.o_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.o_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.o_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.q_norm.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.q_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.q_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.q_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.v_proj.base_layer.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.v_proj.lora_A.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.33.self_attn.v_proj.lora_B.speech.weight": "model-00003-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.input_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.mlp.down_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.mlp.down_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.mlp.down_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.mlp.gate_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.mlp.gate_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.mlp.gate_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.mlp.up_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.mlp.up_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.mlp.up_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.post_attention_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.post_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.pre_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.k_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.k_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.k_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.k_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.o_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.o_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.o_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.q_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.q_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.q_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.q_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.v_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.v_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.4.self_attn.v_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.input_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.mlp.down_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.mlp.down_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.mlp.down_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.mlp.gate_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.mlp.gate_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.mlp.gate_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.mlp.up_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.mlp.up_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.mlp.up_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.post_attention_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.post_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.pre_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.k_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.k_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.k_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.k_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.o_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.o_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.o_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.q_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.q_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.q_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.q_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.v_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.v_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.5.self_attn.v_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.input_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.mlp.down_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.mlp.down_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.mlp.down_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.mlp.gate_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.mlp.gate_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.mlp.gate_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.mlp.up_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.mlp.up_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.mlp.up_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.post_attention_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.post_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.pre_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.k_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.k_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.k_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.k_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.o_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.o_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.o_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.q_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.q_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.q_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.q_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.v_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.v_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.6.self_attn.v_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.input_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.mlp.down_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.mlp.down_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.mlp.down_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.mlp.gate_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.mlp.gate_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.mlp.gate_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.mlp.up_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.mlp.up_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.mlp.up_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.post_attention_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.post_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.pre_feedforward_layernorm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.k_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.k_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.k_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.k_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.o_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.o_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.o_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.q_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.q_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.q_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.q_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.v_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.v_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.7.self_attn.v_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.mlp.gate_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.mlp.gate_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.mlp.gate_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.k_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.k_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.k_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.k_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.o_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.o_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.o_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.q_norm.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.q_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.q_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.q_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.v_proj.base_layer.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.v_proj.lora_A.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.8.self_attn.v_proj.lora_B.speech.weight": "model-00001-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.input_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.mlp.down_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.mlp.down_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.mlp.down_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.mlp.gate_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.mlp.gate_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.mlp.gate_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.mlp.up_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.mlp.up_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.mlp.up_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.post_attention_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.post_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.pre_feedforward_layernorm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.k_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.k_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.k_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.k_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.o_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.o_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.o_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.q_norm.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.q_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.q_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.q_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.v_proj.base_layer.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.v_proj.lora_A.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.layers.9.self_attn.v_proj.lora_B.speech.weight": "model-00002-of-00003.safetensors", + "language_model.model.base_model.model.norm.weight": "model-00003-of-00003.safetensors", + "multi_modal_projector.mm_input_projection_weight": "model-00001-of-00003.safetensors", + "multi_modal_projector.mm_soft_emb_norm.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.embeddings.patch_embedding.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.embeddings.patch_embedding.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.embeddings.position_embedding.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.0.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.1.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.10.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.11.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.12.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.13.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.14.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.15.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.16.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.17.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.18.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.19.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.2.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.20.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.21.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.22.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.23.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.24.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.25.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.26.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.3.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.4.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.5.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.6.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.7.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.8.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.layer_norm1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.layer_norm1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.layer_norm2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.layer_norm2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.mlp.fc1.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.mlp.fc1.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.mlp.fc2.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.mlp.fc2.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.self_attn.k_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.self_attn.k_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.self_attn.out_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.self_attn.out_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.self_attn.q_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.self_attn.q_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.self_attn.v_proj.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.encoder.layers.9.self_attn.v_proj.weight": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.post_layernorm.bias": "model-00001-of-00003.safetensors", + "vision_tower.vision_model.post_layernorm.weight": "model-00001-of-00003.safetensors" + } +} diff --git a/cpp/gemma_v1/modeling_gemma3omni.py b/cpp/gemma_v1/modeling_gemma3omni.py new file mode 100644 index 0000000000000000000000000000000000000000..d6f8d80fc01bb53de0c3382e6e08c07c2a24990f --- /dev/null +++ b/cpp/gemma_v1/modeling_gemma3omni.py @@ -0,0 +1,668 @@ +import copy +from collections.abc import Callable +from dataclasses import dataclass +from typing import List, Optional, Tuple, Union + +import torch +import torch.nn as nn + +from transformers.activations import ACT2FN +from transformers.cache_utils import Cache, HybridCache, StaticCache +from transformers.generation import GenerationMixin +from transformers.modeling_flash_attention_utils import FlashAttentionKwargs +from transformers.modeling_outputs import BaseModelOutputWithPast, CausalLMOutputWithPast, ModelOutput +from transformers.modeling_rope_utils import ROPE_INIT_FUNCTIONS +from transformers.modeling_utils import ALL_ATTENTION_FUNCTIONS, PreTrainedModel +from transformers.processing_utils import Unpack +from transformers.utils import ( + add_start_docstrings, + add_start_docstrings_to_model_forward, + is_torchdynamo_compiling, + logging, + replace_return_docstrings, +) +from transformers.utils.deprecation import deprecate_kwarg +from transformers import AutoModel, AutoModelForCausalLM + +from transformers.models.gemma3.modeling_gemma3 import Gemma3CausalLMOutputWithPast, Gemma3PreTrainedModel, Gemma3MultiModalProjector + +from transformers import AutoConfig, AutoModelForCausalLM + +from .configuration_gemma3omni import Gemma3OmniConfig +from .speech_conformer_encoder import ConformerEncoder +from enum import Enum +class InputMode(Enum): + LANGUAGE = 0 + VISION = 1 + SPEECH = 2 + VISION_SPEECH = 3 +logger = logging.get_logger(__name__) +_CONFIG_FOR_DOC = "Gemma3OmniConfig" + +@dataclass +class Gemma3OmniCausalLMOutputWithPast(Gemma3CausalLMOutputWithPast): + """ + Multimodal version of `Gemma3CausalLMOutputWithPast`. + Adds audio-specific hidden states. + + Args: + audio_hidden_states (`torch.FloatTensor`, *optional*): + A `torch.FloatTensor` of size `(batch_size, sequence_length, hidden_size)`. + Audio hidden states produced by the audio encoder. + """ + audio_hidden_states: Optional[torch.FloatTensor] = None + + +GEMMA3_START_DOCSTRING = r""" + This model inherits from [`PreTrainedModel`]. Check the superclass documentation for the generic methods the + library implements for all its model (such as downloading or saving, resizing the input embeddings, pruning heads + etc.) + + This model is also a PyTorch [torch.nn.Module](https://pytorch.org/docs/stable/nn.html#torch.nn.Module) subclass. + Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage + and behavior. + + Parameters: + config ([`Gemma3Config`]): + Model configuration class with all the parameters of the model. Initializing with a config file does not + load the weights associated with the model, only the configuration. Check out the + [`~PreTrainedModel.from_pretrained`] method to load the model weights. +""" + + + +GEMMA3_INPUTS_DOCSTRING = r""" + Args: + input_ids (`torch.LongTensor` of shape `(batch_size, sequence_length)`): + Indices of input sequence tokens in the vocabulary. Padding will be ignored by default should you provide + it. + + Indices can be obtained using [`AutoTokenizer`]. See [`PreTrainedTokenizer.encode`] and + [`PreTrainedTokenizer.__call__`] for details. + + [What are input IDs?](../glossary#input-ids) + attention_mask (`torch.Tensor` of shape `(batch_size, sequence_length)`, *optional*): + Mask to avoid performing attention on padding token indices. Mask values selected in `[0, 1]`: + + - 1 for tokens that are **not masked**, + - 0 for tokens that are **masked**. + + [What are attention masks?](../glossary#attention-mask) + + Indices can be obtained using [`AutoTokenizer`]. See [`PreTrainedTokenizer.encode`] and + [`PreTrainedTokenizer.__call__`] for details. + + If `past_key_values` is used, optionally only the last `input_ids` have to be input (see + `past_key_values`). + + If you want to change padding behavior, you should read [`modeling_opt._prepare_decoder_attention_mask`] + and modify to your needs. See diagram 1 in [the paper](https://arxiv.org/abs/1910.13461) for more + information on the default strategy. + + - 1 indicates the head is **not masked**, + - 0 indicates the head is **masked**. + position_ids (`torch.LongTensor` of shape `(batch_size, sequence_length)`, *optional*): + Indices of positions of each input sequence tokens in the position embeddings. Selected in the range `[0, + config.n_positions - 1]`. + + [What are position IDs?](../glossary#position-ids) + past_key_values (`Cache` or `tuple(tuple(torch.FloatTensor))`, *optional*): + Pre-computed hidden-states (key and values in the self-attention blocks and in the cross-attention + blocks) that can be used to speed up sequential decoding. This typically consists in the `past_key_values` + returned by the model at a previous stage of decoding, when `use_cache=True` or `config.use_cache=True`. + + Two formats are allowed: + - a [`~cache_utils.Cache`] instance, see our + [kv cache guide](https://huggingface.co/docs/transformers/en/kv_cache); + - Tuple of `tuple(torch.FloatTensor)` of length `config.n_layers`, with each tuple having 2 tensors of + shape `(batch_size, num_heads, sequence_length, embed_size_per_head)`). This is also known as the legacy + cache format. + + The model will output the same cache format that is fed as input. If no `past_key_values` are passed, the + legacy cache format will be returned. + + If `past_key_values` are used, the user can optionally input only the last `input_ids` (those that don't + have their past key value states given to this model) of shape `(batch_size, 1)` instead of all `input_ids` + of shape `(batch_size, sequence_length)`. + inputs_embeds (`torch.FloatTensor` of shape `(batch_size, sequence_length, hidden_size)`, *optional*): + Optionally, instead of passing `input_ids` you can choose to directly pass an embedded representation. This + is useful if you want more control over how to convert `input_ids` indices into associated vectors than the + model's internal embedding lookup matrix. + use_cache (`bool`, *optional*): + If set to `True`, `past_key_values` key value states are returned and can be used to speed up decoding (see + `past_key_values`). + output_attentions (`bool`, *optional*): + Whether or not to return the attentions tensors of all attention layers. See `attentions` under returned + tensors for more detail. + output_hidden_states (`bool`, *optional*): + Whether or not to return the hidden states of all layers. See `hidden_states` under returned tensors for + more detail. + return_dict (`bool`, *optional*): + Whether or not to return a [`~utils.ModelOutput`] instead of a plain tuple. + cache_position (`torch.LongTensor` of shape `(sequence_length)`, *optional*): + Indices depicting the position of the input sequence tokens in the sequence. Contrarily to `position_ids`, + this tensor is not affected by padding. It is used to update the cache in the correct position and to infer + the complete sequence length. +""" + +@add_start_docstrings( + "The bare Gemma3 Model outputting raw hidden-states without any specific head on top.", + GEMMA3_START_DOCSTRING, +) +class Gemma3OmniPreTrainedModel(Gemma3PreTrainedModel): + config_class = Gemma3OmniConfig + +@add_start_docstrings( + """The GEMMA3 model which consists of a vision backbone and a language model.""", + GEMMA3_START_DOCSTRING, +) +class Gemma3OmniForConditionalGeneration(Gemma3OmniPreTrainedModel, GenerationMixin): + def __init__(self, config: Gemma3OmniConfig): + super().__init__(config) + self.vision_tower = AutoModel.from_config(config=config.vision_config) + audio_config = config.audio_config.to_diff_dict() + for item in ['transformers_version', 'model_type', 'torch_dtype']: + if item in audio_config: + audio_config.pop(item) + self.audio_tower = ConformerEncoder(**audio_config) + self.audio_tower.post_init({}) + self.audio_tower = self.audio_tower.to(dtype=self.dtype) + self.audio_projector = nn.Sequential( + nn.Linear(in_features=config.audio_config.attention_dim, out_features=config.text_config.hidden_size, bias=True), + nn.GELU(approximate='none'), + nn.Linear(in_features=config.text_config.hidden_size, out_features=config.text_config.hidden_size, bias=True) + ).to(dtype=self.dtype) + + self.multi_modal_projector = Gemma3MultiModalProjector(config) + self.vocab_size = config.text_config.vocab_size + + language_model = AutoModelForCausalLM.from_config(config=config.text_config) + + if language_model._tied_weights_keys is not None: + self._tied_weights_keys = [f"language_model.{k}" for k in language_model._tied_weights_keys] + self.language_model = language_model + + self.pad_token_id = self.config.pad_token_id if self.config.pad_token_id is not None else -1 + self.init_lora() + self.post_init() + + + def init_lora(self): + from peft import LoraConfig, get_peft_model + import warnings + print('######################## speech lora #############') + speech_lora_config = LoraConfig( + r=self.config.speech_lora['r'], + lora_alpha=self.config.speech_lora['lora_alpha'], + target_modules=self.config.speech_lora['layer'], + use_rslora=self.config.speech_lora['use_rslora'], + lora_dropout=self.config.speech_lora['dp'], + task_type="CAUSAL_LM", + ) + self.language_model.model = get_peft_model(self.language_model.model, speech_lora_config, adapter_name="speech") + print('######################## text lora #############') + text_lora_config = LoraConfig( + r=self.config.text_lora['r'], + lora_alpha=self.config.text_lora['lora_alpha'], + target_modules=self.config.text_lora['layer'], + use_rslora=self.config.text_lora['use_rslora'], + lora_dropout=self.config.text_lora['dp'], + task_type="CAUSAL_LM", + ) + self.language_model.model.base_model.active_adapter.append("text") + self.language_model.model.add_adapter("text", text_lora_config) + + def set_lora_adapter(self, adapter_name) -> None: + from peft.tuners.lora.layer import LoraLayer + for module in self.modules(): + if isinstance(module, LoraLayer): + if module.merged: + warnings.warn("Adapter cannot be set when the model is merged. Unmerging the model first.") + module.unmerge() + module.set_adapter(adapter_name) + module._disable_adapters = False + + def unset_lora_adapter(self) -> None: + # Ref: peft/tuners/tuners_utils.py - enable_adapters() + # Ref: peft/tuners/lora/layer.py + from peft.tuners.lora.layer import LoraLayer + for module in self.modules(): + if isinstance(module, LoraLayer): + # disable grads on all adapter layers + # TODO weijian: may use enable_adapters() instead + for layer_name in module.adapter_layer_names: + layer = getattr(module, layer_name) + layer.requires_grad_(False) + module._disable_adapters = True + + def get_input_embeddings(self): + return self.language_model.get_input_embeddings() + + def set_input_embeddings(self, value): + self.language_model.set_input_embeddings(value) + + def get_output_embeddings(self): + return self.language_model.get_output_embeddings() + + def set_output_embeddings(self, new_embeddings): + self.language_model.set_output_embeddings(new_embeddings) + + def set_decoder(self, decoder): + self.language_model.set_decoder(decoder) + + def get_decoder(self): + return self.language_model.get_decoder() + + def _update_causal_mask( + self, + attention_mask, + token_type_ids, + past_key_values, + cache_position, + input_tensor, + is_training: bool = False, + ): + if self.config.text_config._attn_implementation == "flash_attention_2": + return attention_mask + + if attention_mask is not None and attention_mask.dim() == 4: + # In this case we assume that the mask comes already in inverted + # form and requires no inversion or slicing. + return attention_mask + + using_static_cache = isinstance(past_key_values, StaticCache) + min_dtype = torch.finfo(self.dtype).min + inputs_lead_dim, sequence_length = input_tensor.shape[:2] + if using_static_cache: + target_length = past_key_values.get_max_cache_shape() + elif isinstance(past_key_values, HybridCache): + target_length = past_key_values.get_max_cache_shape() + else: + target_length = ( + attention_mask.shape[-1] + if isinstance(attention_mask, torch.Tensor) + else cache_position[0] + sequence_length + 1 + ) + + if attention_mask is not None and attention_mask.dim() == 4: + # In this case we assume that the mask comes already in inverted form and requires no inversion or slicing. + return attention_mask + + causal_mask = torch.full( + (sequence_length, target_length), fill_value=min_dtype, dtype=self.dtype, device=cache_position.device + ) + + # Causal diagonal mask only if training, otherwise attend to the whole prefix. Training-specific attn for prefix is handled below + if sequence_length != 1: + causal_mask = torch.triu(causal_mask, diagonal=1) + + causal_mask *= torch.arange(target_length, device=cache_position.device) > cache_position.reshape(-1, 1) + causal_mask = causal_mask[None, None, :, :].expand(inputs_lead_dim, 1, -1, -1) + + # Apply bidirectional mask on images if token type ids are provided + if token_type_ids is not None and sequence_length != 1: + token_type_mask = token_type_ids.unsqueeze(1) == token_type_ids.unsqueeze(2) + token_type_mask[token_type_ids == 0] = False # if text token do not change anything + token_type_mask = token_type_mask.unsqueeze(1).to(causal_mask.device, dtype=torch.bool) + causal_mask = causal_mask.clone() + causal_mask[:, :, :, :sequence_length] = causal_mask[:, :, :, :sequence_length].masked_fill( + token_type_mask, 0.0 + ) + + if attention_mask is not None: + causal_mask = causal_mask.clone() # copy to contiguous memory for in-place edit + mask_length = attention_mask.shape[-1] + + # Then apply padding mask (will mask pad tokens) + padding_mask = causal_mask[:, :, :, :mask_length] + attention_mask[:, None, None, :].to(causal_mask.device) + padding_mask = padding_mask == 0 + causal_mask[:, :, :, :mask_length] = causal_mask[:, :, :, :mask_length].masked_fill( + padding_mask, min_dtype + ) + + return causal_mask + + def get_image_features(self, pixel_values: torch.Tensor) -> torch.Tensor: + """ + Projects the last hidden state from the vision model into language model space. + + Args: + pixel_values (`torch.FloatTensor]` of shape `(batch_size, channels, height, width)`) + The tensors corresponding to the input images. + Returns: + image_features (`torch.Tensor`): Image feature tensor of shape `(num_images, image_length, embed_dim)`). + """ + vision_outputs = self.vision_tower(pixel_values=pixel_values).last_hidden_state + image_features = self.multi_modal_projector(vision_outputs) + return image_features + + def get_audio_features(self, input_audio_embeds: torch.FloatTensor, audio_attention_mask: torch.FloatTensor, audio_embed_sizes: torch.FloatTensor): + """ + Projects the last hidden state from the audio model into language model space. + + Args: + audio_inputs (`torch.FloatTensor]` of shape `(batch_size, sequence_length, feature_dim)`) + The tensors corresponding to the input audio features. + + Returns: + audio_features (`torch.Tensor`): Audio feature tensor of shape `(batch_size, audio_length, embed_dim)`). + """ + audio_features, masks = self.audio_tower(input_audio_embeds, audio_attention_mask) + audio_outputs = self.audio_projector(audio_features) + return audio_outputs + + @deprecate_kwarg("num_logits_to_keep", version="4.50", new_name="logits_to_keep") + @add_start_docstrings_to_model_forward(GEMMA3_INPUTS_DOCSTRING) + @replace_return_docstrings(output_type=Gemma3OmniCausalLMOutputWithPast, config_class=_CONFIG_FOR_DOC) + def forward( + self, + input_ids: Optional[torch.LongTensor] = None, + pixel_values: Optional[torch.FloatTensor] = None, + input_audio_embeds: torch.FloatTensor = None, + audio_embed_sizes: torch.FloatTensor = None, + audio_attention_mask: torch.FloatTensor = None, + attention_mask: Optional[torch.Tensor] = None, + input_modes: torch.LongTensor = None, + position_ids: Optional[torch.LongTensor] = None, + past_key_values: Optional[Union[List[torch.FloatTensor], Cache]] = None, + token_type_ids: Optional[torch.LongTensor] = None, + cache_position: Optional[torch.LongTensor] = None, + inputs_embeds: Optional[torch.FloatTensor] = None, + labels: Optional[torch.LongTensor] = None, + use_cache: Optional[bool] = None, + output_attentions: Optional[bool] = None, + output_hidden_states: Optional[bool] = None, + return_dict: Optional[bool] = None, + logits_to_keep: Union[int, torch.Tensor] = 0, + **lm_kwargs, + ) -> Union[Tuple, Gemma3OmniCausalLMOutputWithPast]: + r""" + labels (`torch.LongTensor` of shape `(batch_size, sequence_length)`, *optional*): + Labels for computing the masked language modeling loss. Indices should either be in `[0, ..., + config.text_config.vocab_size]` or -100 (see `input_ids` docstring). Tokens with indices set to `-100` are ignored + (masked), the loss is only computed for the tokens with labels in `[0, ..., config.text_config.vocab_size]`. + + logits_to_keep (`int` or `torch.Tensor`, *optional*): + If an `int`, compute logits for the last `logits_to_keep` tokens. If `0`, calculate logits for all + `input_ids` (special case). Only last token logits are needed for generation, and calculating them only for that + token can save memory, which becomes pretty significant for long sequences or large vocabulary size. + If a `torch.Tensor`, must be 1D corresponding to the indices to keep in the sequence length dimension. + This is useful when using packed tensor format (single dimension for batch and sequence length). + + Returns: + + Example: + + ```python + >>> from PIL import Image + >>> import requests + >>> from transformers import AutoProcessor, Gemma3ForConditionalGeneration + + >>> model = Gemma3ForConditionalGeneration.from_pretrained("google/gemma-3-4b-it") + >>> processor = AutoProcessor.from_pretrained("google/gemma-3-4b-it") + + >>> messages = [ + ... { + ... "role": "system", + ... "content": [ + ... {"type": "text", "text": "You are a helpful assistant."} + ... ] + ... }, + ... { + ... "role": "user", "content": [ + ... {"type": "image", "url": "https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/pipeline-cat-chonk.jpeg"}, + ... {"type": "text", "text": "Where is the cat standing?"}, + ... ] + ... }, + ... ] + + >>> inputs = processor.apply_chat_template( + ... messages, + ... tokenizer=True, + ... return_dict=True, + ... return_tensors="pt", + ... add_generation_prompt=True + ... ) + >>> # Generate + >>> generate_ids = model.generate(**inputs) + >>> processor.batch_decode(generate_ids, skip_special_tokens=True, clean_up_tokenization_spaces=False)[0] + "user\nYou are a helpful assistant.\n\n\n\n\n\nWhere is the cat standing?\nmodel\nBased on the image, the cat is standing in a snowy area, likely outdoors. It appears to" + ``` + """ + + if (input_ids is None) ^ (inputs_embeds is not None): + raise ValueError("You must specify exactly one of input_ids or inputs_embeds") + + output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions + output_hidden_states = ( + output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states + ) + return_dict = return_dict if return_dict is not None else self.config.use_return_dict + + if isinstance(input_modes, torch.Tensor): + # len(input_mode) == num_beams in beam search, and all elements of input_mode should have the same value + input_modes = input_modes.unique() + if len(input_modes) != 1: + raise ValueError("Elements of input_modes should have the same value") + + input_mode = InputMode(input_modes.item()) + + if input_mode in [InputMode.VISION_SPEECH, InputMode.VISION]: + self.unset_lora_adapter() + #self.set_lora_adapter('vision') + #audio_projection_mode = 'vision' + elif input_mode == InputMode.SPEECH: + self.unset_lora_adapter() + self.set_lora_adapter('speech') + #audio_projection_mode = 'speech' + elif input_mode == InputMode.LANGUAGE: + self.unset_lora_adapter() + self.set_lora_adapter('text') + + #audio_projection_mode = 'speech' + else: + raise ValueError(f"Invalid input_mode: {input_mode}") + + is_training = token_type_ids is not None and labels is not None + + # Replace image id woth PAD if the image token if OOV, to avoid index-errors + if input_ids is not None and self.config.image_token_index >= self.vocab_size or self.config.audio_token_index >= self.vocab_size: + special_image_mask = input_ids == self.config.image_token_index + special_audio_mask = input_ids == self.config.audio_token_index + llm_input_ids = input_ids.clone() + llm_input_ids[special_image_mask] = 0 + llm_input_ids[special_audio_mask] = 0 + else: + llm_input_ids = input_ids + + if inputs_embeds is None: + inputs_embeds = self.get_input_embeddings()(llm_input_ids) + inputs_embeds = inputs_embeds.to(dtype=self.dtype) + if cache_position is None: + past_seen_tokens = past_key_values.get_seq_length() if past_key_values is not None else 0 + cache_position = torch.arange( + past_seen_tokens, past_seen_tokens + inputs_embeds.shape[1], device=inputs_embeds.device + ) + + if position_ids is None: + position_ids = cache_position.unsqueeze(0) + 1 # Gemma3 positions are 1-indexed + + # Merge text and images + if pixel_values is not None: + image_features = self.get_image_features(pixel_values) + + if input_ids is None: + special_image_mask = inputs_embeds == self.get_input_embeddings()( + torch.tensor(self.config.image_token_index, dtype=torch.long, device=inputs_embeds.device) + ) + else: + special_image_mask = (input_ids == self.config.image_token_index).unsqueeze(-1) + special_image_mask = special_image_mask.expand_as(inputs_embeds).to(inputs_embeds.device) + + if not is_torchdynamo_compiling() and inputs_embeds[special_image_mask].numel() != image_features.numel(): + image_tokens_in_text = (special_image_mask).sum(dim=1).sum(dim=0)[0] + raise ValueError( + f"Number of images does not match number of special image tokens in the input text. " + f"Got {image_tokens_in_text} image tokens in the text but {image_features.shape[0] * image_features.shape[1]} " + "tokens from image embeddings." + ) + image_features = image_features.to(inputs_embeds.device, inputs_embeds.dtype) + inputs_embeds = inputs_embeds.masked_scatter(special_image_mask, image_features) + + # Merge text and audios + if input_audio_embeds is not None: + input_audio_embeds=input_audio_embeds.to(inputs_embeds.device, inputs_embeds.dtype) + if audio_attention_mask is not None: + audio_attention_mask=audio_attention_mask.to(inputs_embeds.device, inputs_embeds.dtype) + audio_features = self.get_audio_features(input_audio_embeds, audio_attention_mask, audio_embed_sizes) + if input_ids is None: + special_audio_mask = inputs_embeds == self.get_input_embeddings()( + torch.tensor(self.config.audio_token_index, dtype=torch.long, device=inputs_embeds.device) + ) + else: + special_audio_mask = (input_ids == self.config.audio_token_index).unsqueeze(-1) + special_audio_mask = special_audio_mask.expand_as(inputs_embeds).to(inputs_embeds.device) + masked_audio_features = [] + for i, size in enumerate(audio_embed_sizes): + masked_audio_features.append(audio_features[i, :size, :]) + masked_audio_features = torch.cat(masked_audio_features, dim=0) + + if not is_torchdynamo_compiling() and inputs_embeds[special_audio_mask].numel() != masked_audio_features.numel(): + audio_tokens_in_text = (special_audio_mask).sum(dim=1).sum(dim=0)[0] + masked_audio_size = audio_embed_sizes#.sum()[0] + raise ValueError( + f"Number of audio does not match number of special audio tokens in the input text. " + f"Got {audio_tokens_in_text} audio tokens in the text but {masked_audio_size} " + "tokens from audio embeddings. " + f"{masked_audio_features.numel()} \n" + f"{inputs_embeds[special_audio_mask].numel()} \n" + f"{audio_features} \n" + f"{inputs_embeds[special_audio_mask]} \n" + f"{special_audio_mask} \n" + ) + masked_audio_features = masked_audio_features.to(inputs_embeds.device, inputs_embeds.dtype) + inputs_embeds = inputs_embeds.masked_scatter(special_audio_mask, masked_audio_features) + # mask out pad-token-ids in labels for BC + if labels is not None and self.pad_token_id in labels: + logger.warning_once( + "`labels` contains `pad_token_id` which will be masked with `config.ignore_index`. " + "You have to mask out `pad_token_id` when preparing `labels`, this behavior will be removed in v.4.46.", + ) + labels = torch.where(input_ids == self.pad_token_id, self.config.ignore_index, labels) + + causal_mask = self._update_causal_mask( + attention_mask, token_type_ids, past_key_values, cache_position, inputs_embeds, is_training + ) + outputs = self.language_model( + attention_mask=causal_mask, + position_ids=position_ids, + past_key_values=past_key_values, + inputs_embeds=inputs_embeds, + use_cache=use_cache, + output_attentions=output_attentions, + output_hidden_states=output_hidden_states, + return_dict=return_dict, + cache_position=cache_position, + logits_to_keep=logits_to_keep, + **lm_kwargs, + ) + + logits = outputs.logits + loss = None + # print('#############################') + # print(logits) + if labels is not None: + # Upcast to float if we need to compute the loss to avoid potential precision issues + logits = logits.float() + shift_logits = logits[..., :-1, :] + shift_labels = labels[..., 1:] + if attention_mask is not None: + # we use the input attention mask to shift the logits and labels, because it is 2D. + # we also crop attn mask in case it is longer, which happens in PrefixTuning with peft + shift_attention_mask = attention_mask[:, -shift_logits.shape[1] :].to(logits.device) + shift_logits = shift_logits[shift_attention_mask.to(logits.device) != 0].contiguous() + shift_labels = shift_labels[shift_attention_mask.to(shift_labels.device) != 0].contiguous() + else: + shift_logits = shift_logits.contiguous() + shift_labels = shift_labels.contiguous() + # Flatten the tokens + loss_fct = nn.CrossEntropyLoss() + + flat_logits = shift_logits.view(-1, self.config.text_config.vocab_size) + flat_labels = shift_labels.view(-1).to(shift_logits.device) + loss = loss_fct(flat_logits, flat_labels) + # print('flat logits',flat_logits) + # print(flat_labels) + # print(loss) + if not return_dict: + output = (logits,) + outputs[1:] + return (loss,) + output if loss is not None else output + + return Gemma3OmniCausalLMOutputWithPast( + loss=loss, + logits=logits, + past_key_values=outputs.past_key_values, + hidden_states=outputs.hidden_states, + attentions=outputs.attentions, + image_hidden_states=image_features if pixel_values is not None else None, + audio_hidden_states=audio_features if input_audio_embeds is not None else None, + ) + + def prepare_inputs_for_generation( + self, + input_ids, + past_key_values=None, + input_modes=None, + inputs_embeds=None, + cache_position=None, + position_ids=None, + pixel_values=None, + input_audio_embeds=None, + audio_embed_sizes=None, + audio_attention_mask=None, + attention_mask=None, + token_type_ids=None, + use_cache=True, + logits_to_keep=None, + labels=None, + **kwargs, + ): + # Overwritten -- custom `position_ids` and `pixel_values` handling + model_inputs = self.language_model.prepare_inputs_for_generation( + input_ids, + past_key_values=past_key_values, + input_modes=input_modes, + inputs_embeds=inputs_embeds, + attention_mask=attention_mask, + position_ids=position_ids, + cache_position=cache_position, + use_cache=use_cache, + logits_to_keep=logits_to_keep, + token_type_ids=token_type_ids, + **kwargs, + ) + + # position_ids in Gemma3 are 1-indexed + if model_inputs.get("position_ids") is not None: + model_inputs["position_ids"] += 1 + # If we're in cached decoding stage, pixel values should be None because input ids do not contain special image token anymore + # Otherwise we need pixel values to be passed to model. NOTE: use_cache=False needs pixel_values always + if cache_position[0] == 0: + model_inputs["pixel_values"] = pixel_values + model_inputs["input_audio_embeds"] = input_audio_embeds + model_inputs["audio_embed_sizes"] = audio_embed_sizes + model_inputs["audio_attention_mask"] = audio_attention_mask + model_inputs["input_modes"] = input_modes + is_training = token_type_ids is not None and labels is not None + if cache_position[0] == 0 and isinstance(past_key_values, HybridCache): + input_tensor = inputs_embeds if inputs_embeds is not None else input_ids + causal_mask = self._update_causal_mask( + attention_mask, token_type_ids, past_key_values, cache_position, input_tensor, is_training + ) + model_inputs["attention_mask"] = causal_mask + + return model_inputs + + def tie_weights(self): + return self.language_model.tie_weights() + diff --git a/cpp/gemma_v1/preprocessing_gemma3omni.py b/cpp/gemma_v1/preprocessing_gemma3omni.py new file mode 100644 index 0000000000000000000000000000000000000000..a56074590356192f1b85c07962cd09247812ce87 --- /dev/null +++ b/cpp/gemma_v1/preprocessing_gemma3omni.py @@ -0,0 +1,444 @@ +import re +from typing import List, Optional, Union, Tuple +from math import ceil + +import numpy as np +import torch +import scipy +from torch.nn.utils.rnn import pad_sequence + +from enum import Enum + +from transformers import AutoFeatureExtractor +from transformers.feature_extraction_utils import BatchFeature +from transformers.feature_extraction_sequence_utils import SequenceFeatureExtractor +from transformers.image_utils import ImageInput, make_nested_list_of_images +from transformers.processing_utils import ImagesKwargs, ProcessingKwargs, ProcessorMixin, Unpack, AudioKwargs +from transformers.tokenization_utils_base import PreTokenizedInput, TextInput +from transformers.utils import to_py_obj, TensorType +from transformers.audio_utils import AudioInput + + +class Gemma3ImagesKwargs(ImagesKwargs): + do_pan_and_scan: Optional[bool] + pan_and_scan_min_crop_size: Optional[int] + pan_and_scan_max_num_crops: Optional[int] + pan_and_scan_min_ratio_to_activate: Optional[float] + do_convert_rgb: Optional[bool] + + +class Gemma3ProcessorKwargs(ProcessingKwargs, total=False): + images_kwargs: Gemma3ImagesKwargs + _defaults = { + "text_kwargs": { + "padding": False, + }, + "images_kwargs": { + "do_pan_and_scan": False, + "pan_and_scan_min_crop_size": 256, + "pan_and_scan_max_num_crops": 4, + "pan_and_scan_min_ratio_to_activate": 1.2, + }, + } + +def speechlib_mel(sample_rate, n_fft, n_mels, fmin=None, fmax=None): + """Create a Mel filter-bank the same as SpeechLib FbankFC. + + Args: + sample_rate (int): Sample rate in Hz. number > 0 [scalar] + n_fft (int): FFT size. int > 0 [scalar] + n_mel (int): Mel filter size. int > 0 [scalar] + fmin (float): lowest frequency (in Hz). If None use 0.0. + float >= 0 [scalar] + fmax: highest frequency (in Hz). If None use sample_rate / 2. + float >= 0 [scalar] + + Returns + out (numpy.ndarray): Mel transform matrix + [shape=(n_mels, 1 + n_fft/2)] + """ + + bank_width = int(n_fft // 2 + 1) + if fmax is None: + fmax = sample_rate / 2 + if fmin is None: + fmin = 0 + assert fmin >= 0, "fmin cannot be negtive" + assert fmin < fmax <= sample_rate / 2, "fmax must be between (fmin, samplerate / 2]" + + def mel(f): + return 1127.0 * np.log(1.0 + f / 700.0) + + def bin2mel(fft_bin): + return 1127.0 * np.log(1.0 + fft_bin * sample_rate / (n_fft * 700.0)) + + def f2bin(f): + return int((f * n_fft / sample_rate) + 0.5) + + # Spec 1: FFT bin range [f2bin(fmin) + 1, f2bin(fmax) - 1] + klo = f2bin(fmin) + 1 + khi = f2bin(fmax) + + khi = max(khi, klo) + + # Spec 2: SpeechLib uses trianges in Mel space + mlo = mel(fmin) + mhi = mel(fmax) + m_centers = np.linspace(mlo, mhi, n_mels + 2) + ms = (mhi - mlo) / (n_mels + 1) + + matrix = np.zeros((n_mels, bank_width), dtype=np.float32) + for m in range(0, n_mels): + left = m_centers[m] + center = m_centers[m + 1] + right = m_centers[m + 2] + for fft_bin in range(klo, khi): + mbin = bin2mel(fft_bin) + if left < mbin < right: + matrix[m, fft_bin] = 1.0 - abs(center - mbin) / ms + + return matrix + + +class Gemma3AudioFeatureExtractor(SequenceFeatureExtractor): + model_input_names = ["input_audio_embeds", "audio_embed_sizes", "audio_attention_mask"] + + def __init__(self, audio_compression_rate=8, + audio_downsample_rate=1, + audio_feat_stride=1, + feature_size = 80, + sampling_rate = 16000, + padding_value = 0.0, + **kwargs): + + super().__init__(feature_size=feature_size, + sampling_rate=sampling_rate, + padding_value=padding_value, **kwargs) + + self.compression_rate = audio_compression_rate + self.qformer_compression_rate = audio_downsample_rate + self.feat_stride = audio_feat_stride + + self._eightk_method = "fillzero" + self._mel = speechlib_mel(self.sampling_rate, 512, self.feature_size, fmin=None, fmax=self.sampling_rate//2-self.feature_size-230).T + + self._hamming400 = np.hamming(400) # for 16k audio + self._hamming200 = np.hamming(200) # for 8k audio + + def duration_to_frames(self, duration): + """duration in s, estimated frames""" + frame_rate = 10 + + num_frames = duration * 1000 // frame_rate + return num_frames + + def __call__( + self, + audios: List[AudioInput], + sampling_rate = 16000, + return_attention_mask=True, + padding="max_length", + return_tensors: Optional[Union[str, TensorType]] = None, + ): + # Ref: https://github.com/huggingface/transformers/blob/v4.47.0/src/transformers/models/audio_spectrogram_transformer/feature_extraction_audio_spectrogram_transformer.py#L161 + returned_input_audio_embeds = [] + returned_audio_embed_sizes = [] + audio_frames_list = [] + + for audio_data in audios: + audio_embeds = self._extract_features(audio_data, sampling_rate) + audio_frames = len(audio_embeds) * self.feat_stride + audio_embed_size = self._compute_audio_embed_size(audio_frames) + + returned_input_audio_embeds.append(torch.tensor(audio_embeds)) + returned_audio_embed_sizes.append(torch.tensor(audio_embed_size).long()) + audio_frames_list.append(audio_frames) + + returned_input_audio_embeds = pad_sequence( + returned_input_audio_embeds, batch_first=True + ) + returned_audio_embed_sizes = torch.stack(returned_audio_embed_sizes, dim=0) + audio_frames = torch.tensor(audio_frames_list) + returned_audio_attention_mask = torch.arange(0, audio_frames.max()).unsqueeze(0) < audio_frames.unsqueeze(1) if len(audios) > 1 else None + + data = { + "input_audio_embeds": returned_input_audio_embeds, + "audio_embed_sizes": returned_audio_embed_sizes, + } + if returned_audio_attention_mask is not None and return_attention_mask: + data["audio_attention_mask"] = returned_audio_attention_mask + + return BatchFeature(data=data, tensor_type=return_tensors) + + def _extract_spectrogram(self, wav, fs): + """Extract spectrogram features from waveform. + Args: + wav (1D array): waveform of the input + fs (int): sampling rate of the waveform, 16000 or 8000. + If fs=8000, the waveform will be resampled to 16000Hz. + Output: + log_fbank (2D array): a TxD matrix of log Mel filterbank features. + D=80, and T is the number of frames. + """ + if wav.ndim > 1: + wav = np.squeeze(wav) + + # by default, we extract the mean if stereo + if len(wav.shape) == 2: + wav = wav.mean(1) + + # Resample to 16000 or 8000 if needed + if fs > 16000: + wav = scipy.signal.resample_poly(wav, 1, fs // 16000) + fs = 16000 + elif 8000 < fs < 16000: + wav = scipy.signal.resample_poly(wav, 1, fs // 8000) + fs = 8000 + elif fs < 8000: + raise RuntimeError(f"Unsupported sample rate {fs}") + + if fs == 8000: + if self._eightk_method == "resample": + # Input audio is 8 kHz. Convert to 16 kHz before feature + # extraction + wav = scipy.signal.resample_poly(wav, 2, 1) + fs = 16000 + # Do nothing here for fillzero method + elif fs != 16000: + # Input audio is not a supported sample rate. + raise RuntimeError(f"Input data using an unsupported sample rate: {fs}") + + preemphasis = 0.97 + + if fs == 8000: + n_fft = 256 + win_length = 200 + hop_length = 80 + fft_window = self._hamming200 + elif fs == 16000: + n_fft = 512 + win_length = 400 + hop_length = 160 + fft_window = self._hamming400 + + # Spec 1: SpeechLib cut remaining sample insufficient for a hop + n_batch = (wav.shape[0] - win_length) // hop_length + 1 + # Here we don't use stride_tricks since the input array may not satisfy + # memory layout requirement and we need writeable output + # Here we only use list of views before copy to desination + # so it is more efficient than broadcasting + y_frames = np.array( + [wav[_stride : _stride + win_length] for _stride in range(0, hop_length * n_batch, hop_length)], + dtype=np.float32, + ) + + # Spec 2: SpeechLib applies preemphasis within each batch + y_frames_prev = np.roll(y_frames, 1, axis=1) + y_frames_prev[:, 0] = y_frames_prev[:, 1] + y_frames = (y_frames - preemphasis * y_frames_prev) * 32768 + + S = np.fft.rfft(fft_window * y_frames, n=n_fft, axis=1).astype(np.complex64) + + if fs == 8000: + # Need to pad the output to look like 16 kHz data but with zeros in + # the 4 to 8 kHz bins. + frames, bins = S.shape + padarray = np.zeros((frames, bins)) + S = np.concatenate((S[:, 0:-1], padarray), axis=1) # Nyquist bin gets set to zero + + spec = np.abs(S).astype(np.float32) + return spec + + def _extract_features(self, wav, fs): + """Extract log filterbank features from waveform. + Args: + wav (1D array): waveform of the input + fs (int): sampling rate of the waveform, 16000 or 8000. + If fs=8000, the waveform will be resampled to 16000Hz. + Output: + log_fbank (2D array): a TxD matrix of log Mel filterbank features. + D=80, and T is the number of frames. + """ + spec = self._extract_spectrogram(wav, fs) + spec_power = spec**2 + + fbank_power = np.clip(spec_power.dot(self._mel), 1.0, None) + log_fbank = np.log(fbank_power).astype(np.float32) + + return log_fbank + + def _compute_audio_embed_size(self, audio_frames): + integer = audio_frames // self.compression_rate + remainder = audio_frames % self.compression_rate + + result = integer if remainder == 0 else integer + 1 + + integer = result // self.qformer_compression_rate + remainder = result % self.qformer_compression_rate + result = integer if remainder == 0 else integer + 1 # qformer compression + + return result + +class Gemma3OmniProcessor(ProcessorMixin): + attributes = ["image_processor", "feature_extractor", "tokenizer"] + valid_kwargs = ["chat_template", "image_seq_length"] + image_processor_class = "AutoImageProcessor" + feature_extractor_class = "Gemma3AudioFeatureExtractor" + tokenizer_class = "AutoTokenizer" + + def __init__( + self, + image_processor, + feature_extractor, + tokenizer, + chat_template=None, + image_seq_length: int = 256, + **kwargs, + ): + self.image_seq_length = image_seq_length + self.image_token_id = tokenizer.image_token_id + self.boi_token = tokenizer.boi_token + self.image_token = tokenizer.image_token + image_tokens_expanded = "".join([tokenizer.image_token] * image_seq_length) + self.full_image_sequence = f"\n\n{tokenizer.boi_token}{image_tokens_expanded}{tokenizer.eoi_token}\n\n" + + self.audio_token_id = tokenizer.audio_token_id + self.boa_token = tokenizer.boa_token + self.eoa_token = tokenizer.eoa_token + self.audio_token = tokenizer.audio_token + + super().__init__( + image_processor=image_processor, + feature_extractor=feature_extractor, + tokenizer=tokenizer, + chat_template=chat_template, + **kwargs, + ) + + def __call__( + self, + images: ImageInput = None, + text: Union[TextInput, PreTokenizedInput, List[TextInput], List[PreTokenizedInput]] = None, + videos=None, + audio: List[AudioInput] = None, + **kwargs: Unpack[Gemma3ProcessorKwargs], + ) -> BatchFeature: + if text is None and images is None: + raise ValueError("Provide at least one of `text` or `images`.") + + output_kwargs = self._merge_kwargs( + Gemma3ProcessorKwargs, + tokenizer_init_kwargs=self.tokenizer.init_kwargs, + **kwargs, + ) + + if isinstance(text, str): + text = [text] + elif not isinstance(text, list) and not isinstance(text[0], str): + raise ValueError("Invalid input text. Please provide a string, or a list of strings") + + image_inputs = {} + if images is not None: + batched_images = make_nested_list_of_images(images) + image_inputs = self.image_processor(batched_images, **output_kwargs["images_kwargs"]) + + # Create empty text to be replaced with placeholders + if not text: + text = [" ".join([self.boi_token] * len(images)) for images in batched_images] + + if len(batched_images) != len(text): + raise ValueError( + f"Received inconsistently sized batches of images ({len(batched_images)}) and text ({len(text)})." + ) + + # Replace image tokens by the full expanded sequence + num_crops = to_py_obj(image_inputs.pop("num_crops")) + batch_num_crops = [[num_crops.pop(0) for _ in range(len(images))] for images in batched_images] + for batch_idx, (prompt, images, num_crops) in enumerate(zip(text, batched_images, batch_num_crops)): + image_indexes = [m.start() for m in re.finditer(self.boi_token, prompt)] + + if len(images) != len(image_indexes): + raise ValueError( + f"Prompt contained {len(image_indexes)} image tokens but received {len(images)} images." + ) + + # Insert additional image tokens for Pan-and-Scan crops + for num, idx in reversed(list(zip(num_crops, image_indexes))): + if num: + formatted_image_text = ( + f"Here is the original image {self.boi_token} and here are some crops to help you see better " + + " ".join([self.boi_token] * num) + ) + prompt = prompt[:idx] + formatted_image_text + prompt[idx + len(self.boi_token) :] + text[batch_idx] = prompt + + # Expand placeholder image tokens to the full image token sequence + text = [prompt.replace(self.boi_token, self.full_image_sequence) for prompt in text] + + return_tensors = output_kwargs["text_kwargs"].pop("return_tensors", None) + + audio_inputs = {} + if audio is not None: + full_audio_sequences = [] + audio_inputs = self.feature_extractor(audio) + def replace_tokens_sequentially(prompt, boa_token, audio_sequences): + parts = prompt.split(boa_token) + result = "" + for i in range(len(parts) - 1): + result += parts[i] + if i < len(audio_sequences): + result += audio_sequences[i] + else: + result += boa_token + result += parts[-1] + return result + for i, embed_size in enumerate(audio_inputs.audio_embed_sizes): + audio_tokens_expanded = "".join([self.audio_token] * embed_size) + full_audio_sequence = f"\n\n{self.boa_token}{audio_tokens_expanded}{self.eoa_token}\n\n" + full_audio_sequences.append(full_audio_sequence) + + text = [replace_tokens_sequentially(prompt, self.boa_token, [audio_sequences]) for (prompt, audio_sequences) in zip(text, full_audio_sequences)] + #text = [prompt.replace(self.boa_token, audio_sequences) for (prompt, audio_sequences) in zip(text, full_audio_sequences)] + + text_inputs = self.tokenizer(text=text, **output_kwargs["text_kwargs"], return_tensors="np") + + # Add token type ids manually, as tokenizer can't do arbitrary position token types + array_ids = text_inputs["input_ids"] + mm_token_type_ids = np.zeros_like(text_inputs["input_ids"]) + mm_token_type_ids[array_ids == self.image_token_id] = 1 + mm_token_type_ids[array_ids == self.audio_token_id] = 2 + + has_vision_ids = np.any(mm_token_type_ids == 1, axis=1) + has_audio_ids = np.any(mm_token_type_ids == 2, axis=1) + + input_modes = (has_audio_ids << 1) | has_vision_ids + + text_inputs = {k: v.tolist() for k, v in text_inputs.items()} # in case user requested list inputs + text_inputs["token_type_ids"] = mm_token_type_ids.tolist() + text_inputs["input_modes"] = input_modes.tolist() + + return BatchFeature(data={**text_inputs, **image_inputs, **audio_inputs}, tensor_type=return_tensors) + + # Copied from transformers.models.clip.processing_clip.CLIPProcessor.batch_decode with CLIP->Gemma + def batch_decode(self, *args, **kwargs): + """ + This method forwards all its arguments to GemmaTokenizerFast's [`~PreTrainedTokenizer.batch_decode`]. Please + refer to the docstring of this method for more information. + """ + return self.tokenizer.batch_decode(*args, **kwargs) + + # Copied from transformers.models.clip.processing_clip.CLIPProcessor.decode with CLIP->Gemma + def decode(self, *args, **kwargs): + """ + This method forwards all its arguments to GemmaTokenizerFast's [`~PreTrainedTokenizer.decode`]. Please refer to + the docstring of this method for more information. + """ + return self.tokenizer.decode(*args, **kwargs) + + @property + def model_input_names(self): + tokenizer_input_names = self.tokenizer.model_input_names + ["token_type_ids"] + image_processor_input_names = self.image_processor.model_input_names + return list(dict.fromkeys(tokenizer_input_names + image_processor_input_names)) + +AutoFeatureExtractor.register("Gemma3AudioFeatureExtractor", Gemma3AudioFeatureExtractor) \ No newline at end of file diff --git a/cpp/gemma_v1/preprocessor_config.json b/cpp/gemma_v1/preprocessor_config.json new file mode 100644 index 0000000000000000000000000000000000000000..13dae671e13ab77b918037c86cd09ec57f64f687 --- /dev/null +++ b/cpp/gemma_v1/preprocessor_config.json @@ -0,0 +1,41 @@ +{ + "audio_compression_rate": 8, + "audio_downsample_rate": 1, + "audio_feat_stride": 1, + "compression_rate": 8, + "do_convert_rgb": null, + "do_normalize": true, + "do_pan_and_scan": null, + "do_rescale": true, + "do_resize": true, + "feat_stride": 1, + "feature_extractor_type": "Gemma3AudioFeatureExtractor", + "feature_size": 80, + "image_mean": [ + 0.5, + 0.5, + 0.5 + ], + "image_processor_type": "Gemma3ImageProcessor", + "image_seq_length": 256, + "image_std": [ + 0.5, + 0.5, + 0.5 + ], + "padding_side": "right", + "padding_value": 0.0, + "pan_and_scan_max_num_crops": null, + "pan_and_scan_min_crop_size": null, + "pan_and_scan_min_ratio_to_activate": null, + "processor_class": "Gemma3OmniProcessor", + "qformer_compression_rate": 1, + "resample": 2, + "rescale_factor": 0.00392156862745098, + "return_attention_mask": true, + "sampling_rate": 16000, + "size": { + "height": 896, + "width": 896 + } +} diff --git a/cpp/gemma_v1/processor_config.json b/cpp/gemma_v1/processor_config.json new file mode 100644 index 0000000000000000000000000000000000000000..6762a9580eb73ee8114f5f1321d7a8f52200d2b8 --- /dev/null +++ b/cpp/gemma_v1/processor_config.json @@ -0,0 +1,7 @@ +{ + "auto_map": { + "AutoProcessor": "preprocessing_gemma3omni.Gemma3OmniProcessor" + }, + "image_seq_length": 256, + "processor_class": "Gemma3Processor" +} diff --git a/cpp/gemma_v1/special_tokens_map.json b/cpp/gemma_v1/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..6bb15953db58fec11fc61720db517062f5a4f040 --- /dev/null +++ b/cpp/gemma_v1/special_tokens_map.json @@ -0,0 +1,36 @@ +{ + "audio_token": "", + "boa_token": "", + "boi_token": "", + "bos_token": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "eoa_token": "", + "eoi_token": "", + "eos_token": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "image_token": "", + "pad_token": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "unk_token": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + } +} diff --git a/cpp/gemma_v1/speech_conformer_encoder.py b/cpp/gemma_v1/speech_conformer_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..03dac5b08575e9e4e19648364c053a46cb2beb80 --- /dev/null +++ b/cpp/gemma_v1/speech_conformer_encoder.py @@ -0,0 +1,2954 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +#!/usr/bin/env python3 + +# activation_checkpointing.py +"""helper function for activation checkpointing""" + +from typing import Union, Dict, Callable +from functools import partial +from torch.distributed.algorithms._checkpoint.checkpoint_wrapper import ( + checkpoint_wrapper, + offload_wrapper, + CheckpointImpl, +) + + +# utils.py +"""cascade basic blocks""" + +import math +import backoff +import random +import numpy as np +from typing import Optional, Tuple, Union +import torch +from torch import nn +from torch import Tensor +import torch.nn.functional as F + + +# conformer_encoder.py +"""ConformerEncoder Module""" + +from typing import Optional, Tuple, List, Literal +import abc +import math +import numpy as np + +import torch +from torch import nn, Tensor + +from torch.distributed.algorithms._checkpoint.checkpoint_wrapper import CheckpointWrapper +from torch.distributed.fsdp.fully_sharded_data_parallel import FullyShardedDataParallel + + +# activation_checkpointing.py +def validate_checkpointing_config(activation_checkpointing): + """validate activation checkpointing configuration""" + if isinstance(activation_checkpointing, str): + assert activation_checkpointing in ( + "", + "checkpoint", + "offload", + ), "activation_checkpointing has to be a dict or a str in ('', 'checkpoint', 'offload')." + elif isinstance(activation_checkpointing, dict): + assert activation_checkpointing.get("module", "transformer") in ( + "transformer", + "attention", + ), "module in activation_checkpointing has to be in ('transformer', 'attention')." + else: + raise ValueError("activation_checkpointing has to be a str or dict.") + + +def embedding_checkpoint_wrapper( + activation_checkpointing: Union[str, Dict], +) -> Callable: + """return encoder embedding activation checkpoint wrapper""" + validate_checkpointing_config(activation_checkpointing) + + if isinstance(activation_checkpointing, str): + if activation_checkpointing: + if activation_checkpointing == "offload": + return offload_wrapper + return partial(checkpoint_wrapper) + return lambda x: x + + if isinstance(activation_checkpointing, dict): + enabled = activation_checkpointing.get("embed", False) + if enabled: + offloading = activation_checkpointing.get("offload", False) + if offloading: + return offload_wrapper + impl = ( + CheckpointImpl.REENTRANT + if activation_checkpointing.get("reentrant", False) + else CheckpointImpl.NO_REENTRANT + ) + return partial(checkpoint_wrapper, checkpoint_impl=impl) + return lambda x: x + raise ValueError("Invalid activation_checkpointing config") + + +def encoder_checkpoint_wrapper( + activation_checkpointing: Union[str, Dict], + layer_cls: type, + idx: int = 0, +) -> Callable: + """return encoder activation checkpoint wrapper""" + validate_checkpointing_config(activation_checkpointing) + + if isinstance(activation_checkpointing, str): + if activation_checkpointing: + if activation_checkpointing == "offload": + return offload_wrapper + return partial(checkpoint_wrapper) + return lambda x: x + + if isinstance(activation_checkpointing, dict): + target_layer_cls = activation_checkpointing.get("module", "transformer") + if target_layer_cls.lower() == "transformer": + target_layer_cls = ( + "EncoderLayer", + "ConformerEncoderLayer", + ) + elif target_layer_cls.lower() == "attention": + target_layer_cls = ("MultiHeadedAttention", "MultiHeadAttention") + checkpointing_interval = activation_checkpointing.get("interval", 1) + offloading = activation_checkpointing.get("offload", False) + impl = ( + CheckpointImpl.REENTRANT + if activation_checkpointing.get("reentrant", True) + else CheckpointImpl.NO_REENTRANT + ) + + if idx % checkpointing_interval == 0 and layer_cls.__name__ in target_layer_cls: + if offloading: + return offload_wrapper + return partial(checkpoint_wrapper, checkpoint_impl=impl) + return lambda x: x + + raise ValueError("Invalid activation_checkpointing config") + + +def attn_checkpointing(activation_checkpointing: Union[str, Dict], i) -> Union[str, Dict]: + """return activation checkpointing config for attention layer""" + if isinstance(activation_checkpointing, str): + return "" + + if isinstance(activation_checkpointing, dict): + target_layer_cls = activation_checkpointing.get("module", "transformer") + checkpointing_interval = activation_checkpointing.get("interval", 1) + if target_layer_cls == "attention" and i % checkpointing_interval == 0: + return activation_checkpointing + return "" + + raise ValueError("Invalid activation_checkpointing config") + + +# utils.py +class Block(nn.Module): + """Block abstract module""" + + def __init__(self, input_size, output_size): + super().__init__() + self.input_size = input_size + self.output_size = output_size + +def get_activation(name="relu"): + """Select an activation function by name + + Args: + name: str + activation function name, + one of ["relu", "gelu", "swish", "sigmoid"], + default "relu". + """ + name = name.lower() + if name == "relu": + return nn.ReLU(inplace=True) + if name == "gelu": + return nn.GELU() + if name == "swish": + return Swish() + if name == "sigmoid": + return torch.nn.Sigmoid() + return nn.Identity() + +def adaptive_enc_mask(x_len, chunk_start_idx, left_window=0, right_window=0): + """ + The function is very important for Transformer Transducer Streaming mode + Args: + xs_len (int): sequence length + chunk_start_idx (list): first idx of each chunk, such as [0,18,36,48]. It also supports adaptive chunk size [0,10,15,45] + left_window (int): how many left chunks can be seen + right_window (int): how many right chunks can be seen. It is used for chunk overlap model. + Returns: + mask (torch.Tensor): a mask tensor for streaming model + Torch 1.0.1 + tensor([[1., 1., 0., 0.], + [0., 1., 1., 0.], + [0., 0., 1., 1.]]) + Torch 1.4.1 + tensor([[True., True., False., False.], + [False., True., True., False.], + [False., False., True., True.]]) + """ + chunk_start_idx = torch.Tensor( + chunk_start_idx + ).long() # first idx of each chunk, such as [0,18,36,48]. + # start_pad = torch.nn.functional.pad( + # chunk_start_idx, (1, 0) + # ) # append 0 to the beginning, so it becomes [0, 0, 18, 36, 48] + # end_pad = torch.nn.functional.pad( + # chunk_start_idx, (0, 1), value=x_len + # ) # append x_len to the end, so it becomes [0,18,36,48, x_len] + start_pad = torch.cat((torch.tensor([0], dtype=torch.int64), chunk_start_idx), dim=0) + end_pad = torch.cat((chunk_start_idx, torch.tensor([x_len], dtype=torch.int64)), dim=0) + seq_range = torch.arange(0, x_len).unsqueeze(-1) # seq_range size: [x_len, 1] + idx = ((seq_range < end_pad) & (seq_range >= start_pad)).nonzero()[:, 1] # idx size: [x_len] + boundary = end_pad[idx] # boundary size: [x_len] + seq_range_expand = ( + torch.arange(0, x_len).unsqueeze(0).expand(x_len, -1) + ) # seq_range_expand size [x_len, x_len] + idx_left = idx - left_window + idx_left[idx_left < 0] = 0 + boundary_left = start_pad[idx_left] + mask_left = seq_range_expand >= boundary_left.unsqueeze(-1) + idx_right = idx + right_window + idx_right[idx_right > len(chunk_start_idx)] = len(chunk_start_idx) + boundary_right = end_pad[idx_right] + mask_right = seq_range_expand < boundary_right.unsqueeze(-1) + return mask_left & mask_right + +class Swish(nn.Module): + """Implement Swish activation module. + From https://arxiv.org/pdf/2005.03191.pdf + + """ + + def __init__(self) -> None: + super().__init__() + self.act_fn = nn.Sigmoid() + + def forward(self, x: Tensor) -> Tensor: + """Apply Swish function + + Args: + x: torch.Tensor + Input. + """ + return x * self.act_fn(x) + +class GLU(nn.Module): + """Implement Gated Linear Unit (GLU) module""" + + def __init__(self, dim: int = -1, act_name: str = "sigmoid") -> None: + super().__init__() + self.dim = dim + self.act_name = act_name.lower() + + if self.act_name == "relu": + self.act_fn = nn.ReLU(inplace=True) + elif self.act_name == "gelu": + self.act_fn = nn.GELU() + elif self.act_name == "swish": + self.act_fn = Swish() + elif self.act_name == "sigmoid": + self.act_fn = nn.Sigmoid() + else: + self.act_fn = nn.Identity() + + def forward(self, x: Tensor) -> Tensor: + """GLU forward + Apply Swish function on the first half of input matrices + with sigmoid of the second half. + + Args: + x: torch.Tensor + Input. + + """ + half_x, gate = x.chunk(2, dim=self.dim) + return half_x * self.act_fn(gate) + +# TODO: Abdel, this can be improved using GLU module +class GLUPointWiseConv(nn.Module): + """GLUPointWiseConv module + used for conformer architecture, + for more details see: + https://arxiv.org/pdf/2005.08100v1.pdf + + Args: + input_dim: int + input channel size. + output_dim: int + output channel size. + kernel_size: int + kernel size + glu_type: str, optional + activation function one of + ["sigmoid", "relu", "gelu"] + default "sigmoid". + bias_in_glu: bool, optional + use addtive bias in glu + causal: bool, optional + if set to True, padding is set to the half of + kernel size, ie, convolution can't see future frames. + default False. + + """ + + def __init__( + self, input_dim, output_dim, kernel_size, glu_type="sigmoid", bias_in_glu=True, causal=False + ): + super().__init__() + + self.glu_type = glu_type + self.output_dim = output_dim + self.bias_in_glu = bias_in_glu + if causal: + self.ext_pw_conv_1d = nn.Conv1d( + input_dim, output_dim * 2, kernel_size, 1, padding=(kernel_size - 1) + ) + else: + self.ext_pw_conv_1d = nn.Conv1d( + input_dim, output_dim * 2, kernel_size, 1, padding=(kernel_size - 1) // 2 + ) + + if glu_type == "sigmoid": + self.glu_act = nn.Sigmoid() + elif glu_type == "relu": + self.glu_act = nn.ReLU() + elif glu_type == "gelu": + self.glu_act = nn.GELU() + elif glu_type == "swish": + self.glu_act = Swish() + else: + raise ValueError(f"Unsupported activation type {self.glu_act}") + + if bias_in_glu: + self.b1 = nn.Parameter(torch.zeros(1, output_dim, 1)) + self.b2 = nn.Parameter(torch.zeros(1, output_dim, 1)) + + def forward(self, x): + """ + Args: + x: torch.Tensor + input tensor + """ + # to be consistent with GLULinear, we assume the input always has the #channel (#dim) in the last dimension of the tensor, so need to switch the dimension first for 1D-Conv case + x = x.permute([0, 2, 1]) + x = self.ext_pw_conv_1d(x) + if self.glu_type == "bilinear": + if self.bias_in_glu: + x = (x[:, 0 : self.output_dim, :] + self.b1) * ( + x[:, self.output_dim : self.output_dim * 2, :] + self.b2 + ) + else: + x = (x[:, 0 : self.output_dim, :]) * ( + x[:, self.output_dim : self.output_dim * 2, :] + ) + else: + if self.bias_in_glu: + x = (x[:, 0 : self.output_dim, :] + self.b1) * self.glu_act( + x[:, self.output_dim : self.output_dim * 2, :] + self.b2 + ) + else: + x = (x[:, 0 : self.output_dim, :]) * self.glu_act( + x[:, self.output_dim : self.output_dim * 2, :] + ) + + x = x.permute([0, 2, 1]) + return x + + +class DepthWiseSeperableConv1d(nn.Module): + """DepthWiseSeperableConv1d module used in Convnet module + for the conformer, for more details see: + https://arxiv.org/pdf/2005.08100v1.pdf + + Args: + input_dim: int + input channel size. + depthwise_seperable_out_channel: int + if set different to 0, the number of depthwise_seperable_out_channel + will be used as a channel_out of the second conv1d layer. + otherwise, it equal to 0, the second conv1d layer is skipped. + kernel_size: int + kernel_size + depthwise_multiplier: int + number of input_dim channels duplication. this value + will be used to compute the hidden channels of the Conv1D. + padding: int, optional + padding for the conv1d, + default: 0. + + """ + + def __init__( + self, + input_dim, + depthwise_seperable_out_channel, + kernel_size, + depthwise_multiplier, + padding=0, + ): + super().__init__() + + self.dw_conv = nn.Conv1d( + input_dim, + input_dim * depthwise_multiplier, + kernel_size, + 1, + padding=padding, + groups=input_dim, + ) + + if depthwise_seperable_out_channel != 0: + self.pw_conv = nn.Conv1d( + input_dim * depthwise_multiplier, depthwise_seperable_out_channel, 1, 1, 0 + ) + else: + self.pw_conv = nn.Identity() + self.depthwise_seperable_out_channel = depthwise_seperable_out_channel + + def forward(self, x): + """ + + Args: + x: torch.Tensor + input tensor + """ + x = self.dw_conv(x) + if self.depthwise_seperable_out_channel != 0: + x = self.pw_conv(x) + return x + + +class ConvModule(nn.Module): + """ConvModule Module for the conformer block. + for more details see: + https://arxiv.org/pdf/2005.08100v1.pdf + + Args: + input_dim: int + input channel size. + ext_pw_out_channel: int + if > 0, ext_pw_out_channel is a dim channel size + for the last pointwise conv after swish activation. + depthwise_seperable_out_channel: int + if set different to 0, the number of depthwise_seperable_out_channel + will be used as a channel_out of the second conv1d layer. + otherwise, it equal to 0, the second conv1d layer is skipped. + ext_pw_kernel_size: int + kernel size of the conv pointwise of the conformer. + kernel_size: int + kernel size. + depthwise_multiplier: int + number of input_dim channels duplication. this value + will be used to compute the hidden channels of the Conv1D. + dropout_rate: float + dropout rate. + causal: bool, optional + if set to True, convolution have no access + to future frames. default False. + batch_norm: bool, optional + if set to True, apply batchnorm before activation. + default False + chunk_se: int, optional + 0 for offline SE. + 1 for streaming SE, where mean is computed + by accumulated history until current chunk_se. + 2 for streaming SE, where mean is computed + by only the current chunk. + chunk_size: int, optional + chunk size for cnn. default 18 + activation: str, optional + activation function used in ConvModule, + default: "relu". + glu_type: str, optional + activation function used for the glu, + default: "sigmoid". + bias_in_glu: bool, optional + if set to True, use additive bias in the weight module + before GLU. + linear_glu_in_convm: bool, optional + if set to True, use GLULinear module, + otherwise, used GLUPointWiseConv module. + default to False. + export: bool, optional, + if set to True, padding is equal to 0. This is for inference, + or onnx export. Typically this is set by the export program or + the decoder program, and it isn't present in your config file. + default False + """ + + def __init__( + self, + input_dim, + ext_pw_out_channel, + depthwise_seperable_out_channel, + ext_pw_kernel_size, + kernel_size, + depthwise_multiplier, + dropout_rate, + causal=False, + batch_norm=False, + chunk_se=0, + chunk_size=18, + activation="relu", + glu_type="sigmoid", + bias_in_glu=True, + linear_glu_in_convm=False, + export=False, + ): + super().__init__() + self.layer_norm = nn.LayerNorm(input_dim) + self.input_dim = input_dim + self.ext_pw_out_channel = ext_pw_out_channel + self.ext_pw_kernel_size = ext_pw_kernel_size + self.depthwise_seperable_out_channel = depthwise_seperable_out_channel + self.glu_type = glu_type + self.bias_in_glu = bias_in_glu + self.linear_glu_in_convm = linear_glu_in_convm + self.causal = causal + + self._add_ext_pw_layer() + + self.batch_norm = batch_norm + self.kernel_size = kernel_size + + if batch_norm: + self.bn_layer = nn.BatchNorm1d(input_dim) + + self.act = get_activation(activation) + self.dropout = nn.Dropout(dropout_rate) + self.export = export + + if causal: + if export: # Inference only. + padding = 0 # A cache is concatenated to the left. No padding in the kernel. + else: + # Training only. Padding will be added symmetrically on both sides. + # After convolution, clip off kernel_size-1 points on the right. + padding = kernel_size - 1 + else: + padding = (kernel_size - 1) // 2 + + self.dw_sep_conv_1d = DepthWiseSeperableConv1d( + input_dim, + depthwise_seperable_out_channel, + kernel_size, + depthwise_multiplier, + padding=padding, + ) + + if depthwise_seperable_out_channel != 0: + if input_dim != depthwise_seperable_out_channel: + self.ln2 = nn.Linear(depthwise_seperable_out_channel, input_dim) + else: + if depthwise_multiplier != 1: + self.ln2 = nn.Linear(input_dim * depthwise_multiplier, input_dim) + + def _add_ext_pw_layer(self): + """ + This function is an extension of __init__ function + and dedicated to the convolution module creation + of the conformer. + """ + self.ln1 = self.glu = self.bn_layer = self.ext_pw_conv_1d = nn.Identity() # jit hacks. + self.squeeze_excitation = nn.Identity() # jit. + self.apply_ln1 = self.fix_len1 = False # jit. + + if self.ext_pw_out_channel != 0: + if self.causal: + self.ext_pw_conv_1d = nn.Conv1d( + self.input_dim, + self.ext_pw_out_channel, + self.ext_pw_kernel_size, + 1, + padding=(self.ext_pw_kernel_size - 1), + ) + if self.ext_pw_kernel_size > 1: + self.fix_len1 = True + else: + self.fix_len1 = False + else: + self.ext_pw_conv_1d = nn.Conv1d( + self.input_dim, + self.ext_pw_out_channel, + self.ext_pw_kernel_size, + 1, + padding=(self.ext_pw_kernel_size - 1) // 2, + ) + self.fix_len1 = False + + if self.linear_glu_in_convm: + self.glu = GLULinear( + self.input_dim, self.ext_pw_out_channel, self.glu_type, self.bias_in_glu + ) + else: + self.glu = GLUPointWiseConv( + self.input_dim, + self.ext_pw_out_channel, + self.ext_pw_kernel_size, + self.glu_type, + self.bias_in_glu, + self.causal, + ) + + if self.input_dim != self.ext_pw_out_channel: + self.apply_ln1 = True + self.ln1 = nn.Linear(self.ext_pw_out_channel, self.input_dim) + else: + self.apply_ln1 = False + else: + self.pw_conv_simplify_w = torch.nn.Parameter(torch.ones(3)) + self.pw_conv_simplify_b = torch.nn.Parameter(torch.zeros(3)) + + def forward(self, x): + """ConvModule Forward. + + Args: + x: torch.Tensor + input tensor. + """ + x = self.layer_norm(x) + + if self.ext_pw_out_channel != 0: + x = self.glu(x) + if self.causal and self.ext_pw_kernel_size > 1: + x = x[:, : -(self.ext_pw_kernel_size - 1), :] + if self.apply_ln1: + x = self.ln1(x) + else: + x_0 = x * self.pw_conv_simplify_w[0] + self.pw_conv_simplify_b[0] + x_1 = x * self.pw_conv_simplify_w[1] + self.pw_conv_simplify_b[1] + x = x_0 + x_1 + + x = x.permute([0, 2, 1]) + + x = self.dw_sep_conv_1d(x) + if self.causal and self.kernel_size > 1: + x = x[:, :, : -(self.kernel_size - 1)] + if hasattr(self, "ln2"): + x = x.permute([0, 2, 1]) + x = self.ln2(x) + x = x.permute([0, 2, 1]) + if self.batch_norm: + x = self.bn_layer(x) + x = self.act(x) + + if self.ext_pw_out_channel != 0: + x = self.ext_pw_conv_1d(x) + if self.fix_len1: + x = x[:, :, : -(self.ext_pw_kernel_size - 1)] + + if self.apply_ln1: + x = x.permute([0, 2, 1]) + x = self.ln1(x) + x = x.permute([0, 2, 1]) + + x = x.permute([0, 2, 1]) + else: + x = x.unsqueeze(1).permute([0, 1, 3, 2]) + x = x * self.pw_conv_simplify_w[2] + self.pw_conv_simplify_b[2] + x = x.squeeze(1) + + x = self.dropout(x) + return x + +class GLULinear(nn.Module): + """Linear + GLU module + + Args: + input_dim: int + input size + output_dim: int + output size. + glu_type: + activation function name used in glu module. + default "sigmoid" (swish function). + bias_in_glu: bool, optional + If True, the addtive bias is added. Default False. + """ + + def __init__( + self, + input_dim, + output_dim, + glu_type="sigmoid", + bias_in_glu=True, + ): + super().__init__() + self.linear = nn.Linear(input_dim, output_dim * 2, bias_in_glu) + self.glu_act = GLU(-1, glu_type) + + def forward(self, x): + """GLULinear forward + + Args: + x: torch.Tensor + inpute tensor. + """ + x = self.linear(x) + return self.glu_act(x) + +class FeedForward(nn.Module): + """FeedForward Module. + For more details see Conformer paper: + https://arxiv.org/pdf/2005.08100.pdf + + Args: + d_model: int + input size. + d_inner: int + output size. + dropout_rate: float, + dropout rate. + activation: str, + activation function name, + one of ["relu", "swish", "sigmoid"], + sigmoid activation is only used with "glu_in_fnn=True", + default "sigmoid". + bias_in_glu: bool, optional + """ + + def __init__( + self, + d_model, + d_inner, + dropout_rate, + activation="sigmoid", + bias_in_glu=True, + ): + super().__init__() + self.d_model = d_model + self.d_inner = d_inner + + self.layer_norm = nn.LayerNorm(d_model) + module = GLULinear(d_model, d_inner, activation, bias_in_glu) + self.net = nn.Sequential( + module, + nn.Dropout(dropout_rate), + nn.Linear(d_inner, d_model), + nn.Dropout(dropout_rate), + ) + + def forward(self, x): + """FeedForward forward function. + + Args: + x: torch.Tensor + input tensor. + """ + out = self.net(self.layer_norm(x)) + + return out + +#### positional encoding starts here +def _pre_hook( + state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs +): + """Perform pre-hook in load_state_dict for backward compatibility. + + Note: + We saved self.pe until v.0.5.2 but we have omitted it later. + Therefore, we remove the item "pe" from `state_dict` for backward compatibility. + + """ + k = prefix + "pe" + if k in state_dict: + state_dict.pop(k) + +class T5RelativeAttentionLogitBias(nn.Module): + """ + This module implements the relative position bias described in Section 2.1 of + the T5 paper: https://arxiv.org/pdf/1910.10683.pdf + + The Huggingface implementation is used as a reference + https://github.com/huggingface/transformers/blob/v4.30.0/src/transformers/models/t5/modeling_t5.py#L435 + + Modifies attention as Q*K^T + B, where B is a learned scalar bias based on relative position + of the query and key. It is HxNxN, where H is the number of heads, N is the sequence length. + + I've made these modifications to the original T5 bias: + - Skipping of the bucketing step. Original T5 bias converted rel position distances into + logarithmically increasing buckets. This is supposed to help with length generalization. + - I just directly use rel position index as bias values, as we don't need length + generalization (40s max is good enough for ASR encoder), and it keeps ONNX export simple. + - I've also extended it so that biases can be asymmetric, the default implementation treats + L->R and R->L the same. Asymmetric was found to yield better results in my experiments. + + Args: + num_heads: int + Number of attention heads + num_buckets: int + Number of buckets to use for relative attention bias. This is the size of the learnable + bias parameter. Bucketing is not yet supported, so this defaults to -1 which means + no bucketing is used (max_distance determines size of bias param). + max_distance: int + Maximum distance to use for relative attention bias. With num_buckets=-1, this directly + controls the max size of the bias parameter. When num_buckets > 0 is supported, this + will control the maximum distance for logarithmic bucketing after which all positions + are in the same bucket. + symmetric: bool + Whether to use symmetric or asymmetric biases. symmetric=False uses 2x number of bias + params to distinguish L->R from R->L. This was found to be better for the encoder. + """ + + def __init__(self, num_heads, num_buckets=-1, max_distance=1000, symmetric=False): + super().__init__() + self.num_heads = num_heads + self.num_buckets = num_buckets + self.max_distance = max_distance + self.symmetric = symmetric + self._skip_bucketing = self.num_buckets < 0 + if self._skip_bucketing: + self.num_buckets = max_distance + else: + raise NotImplementedError("T5 attention bias with bucketed positions is not yet tested") + if not self.symmetric: + self.num_buckets *= 2 + self.bias_values = nn.Embedding(self.num_buckets, self.num_heads) + + def forward(self, x): + # instantiate bias compatible with shape of x + maxpos = x.size(1) + context_position = torch.arange(maxpos, device=x.device, dtype=torch.long)[:, None] + memory_position = torch.arange(maxpos, device=x.device, dtype=torch.long)[None, :] + relative_position = memory_position - context_position + # clipping to a maximum distance using ops that play well with ONNX export + relative_position = relative_position.masked_fill( + relative_position < -self.max_distance, -self.max_distance + ) + relative_position = relative_position.masked_fill( + relative_position > self.max_distance - 1, self.max_distance - 1 + ) + + # mapping from relative position to index in the bias parameter + if self._skip_bucketing: + bias_idx = relative_position + else: + bias_idx = self._bucket_relative_position(relative_position) + if self.symmetric: + bias_idx = bias_idx.abs() + else: + bias_idx += self.num_buckets // 2 + + t5_rel_att_bias = self.bias_values(bias_idx) # [L, L, H] + t5_rel_att_bias = t5_rel_att_bias.permute(2, 0, 1).unsqueeze(0) # [1, H, L, L] + + return t5_rel_att_bias + + def _bucket_relative_position(self, relative_position): + # this is a placeholder (isn't tested, likely buggy) using HuggingFace implem as a reference + # this also needs to be extended to support asymmetric +/- ve positions + relative_buckets = 0 + if not self.causal: + num_buckets //= 2 + relative_buckets += (relative_position > 0).to(torch.long) * num_buckets + relative_position = torch.abs(relative_position) + else: + relative_position = -torch.min(relative_position, torch.zeros_like(relative_position)) + # now relative_position is in the range [0, inf) + + # half of the buckets are for exact increments in positions + max_exact = num_buckets // 2 + is_small = relative_position < max_exact + + # The other half of the buckets are for logarithmically bigger bins in positions up to max_distance + relative_position_if_large = max_exact + ( + torch.log(relative_position.float() / max_exact) + / math.log(self.max_distance / max_exact) + * (num_buckets - max_exact) + ).to(torch.long) + relative_position_if_large = torch.min( + relative_position_if_large, torch.full_like(relative_position_if_large, num_buckets - 1) + ) + + relative_buckets += torch.where(is_small, relative_position, relative_position_if_large) + return relative_buckets + +class AbsolutePositionalEncoding(nn.Module): + """Absolute Positional encoding module. + This module implement Absolute sinusoidal positional encoding + from: https://arxiv.org/pdf/1706.03762.pdf + + Args: + d_model: int + Input embedding size. + dropout_rate: float + dropout rate + max_len: int, optional + Maximum input length sequence, Default 5000 + + """ + + def __init__(self, d_model, dropout_rate, max_len=5000): + """Construct an PositionalEncoding object.""" + super().__init__() + self.d_model = d_model + self.xscale = math.sqrt(self.d_model) + self.dropout = torch.nn.Dropout(p=dropout_rate) + self.pe = None + self.extend_pe(torch.tensor(0.0).expand(1, max_len)) + self._register_load_state_dict_pre_hook(_pre_hook) + + def extend_pe(self, x): + """Reset the positional encodings. + + Args: + x: torch.Tensor + """ + if self.pe is not None: + if self.pe.size(1) >= x.size(1): + if self.pe.dtype != x.dtype or self.pe.device != x.device: + self.pe = self.pe.to(dtype=x.dtype, device=x.device) + return + pe = torch.zeros(x.size(1), self.d_model) + position = torch.arange(0, x.size(1), dtype=torch.float32).unsqueeze(1) + div_term = torch.exp( + torch.arange(0, self.d_model, 2, dtype=torch.float32) + * -(math.log(10000.0) / self.d_model) + ) + pe[:, 0::2] = torch.sin(position * div_term) + pe[:, 1::2] = torch.cos(position * div_term) + pe = pe.unsqueeze(0) + self.pe = pe.to(device=x.device, dtype=x.dtype) + + def forward(self, x: torch.Tensor): + """Add positional encoding. + + Args: + x: torch.Tensor + Input tensor. shape is (batch, time, ...) + + Returns: + torch.Tensor: Encoded tensor. Its shape is (batch, time, ...) + + """ + self.extend_pe(x) + x = x * self.xscale + self.pe[:, : x.size(1)] + return self.dropout(x) + +#### forward embedding layers starts here + +@backoff.on_exception(backoff.expo, Exception, max_tries=10) +def np_loadtxt_with_retry(filepath): + """np.loadtxt with retry + + Args: + filepath: str + file path to the numpy array. + """ + result = np.loadtxt(filepath, dtype="f") + return result + +class MeanVarianceNormLayer(nn.Module): + """Mean/variance normalization layer. + + Will substract mean and multiply input by inverted standard deviation. + Typically used as a very first layer in a model. + + Args: + input_size: int + layer input size. + """ + + def __init__(self, input_size): + super().__init__() + self.input_size = input_size + self.register_buffer("global_mean", torch.zeros(input_size)) + self.register_buffer("global_invstd", torch.ones(input_size)) + self.global_mean: Optional[Tensor] + self.global_invstd: Optional[Tensor] + + def forward(self, input_: Tensor) -> Tensor: + """MeanVarianceNormLayer Forward + + Args: + input_: torch.Tensor + input tensor. + """ + return (input_ - self.global_mean) * self.global_invstd + + def load_mean_invstd(self, mean_file, invstd_file, cuside_features=False): + """Load feature mean and variance used for normalization. + + Args: + mean_file: str + path to the feature mean statistics file. + invstd_file: str + path to the features inverted standard deviation + statistics file. + cuside_features: bool + Boolean that indicates CUSIDE is being used. + The statistics of CUSIDE features are copied + from the normal features + """ + self.global_mean.data = torch.from_numpy(np_loadtxt_with_retry(mean_file)) + self.global_invstd.data = torch.from_numpy(np_loadtxt_with_retry(invstd_file)) + + if cuside_features: + self.global_mean.data = torch.cat((self.global_mean.data, self.global_mean.data), 0) + self.global_invstd.data = torch.cat( + (self.global_invstd.data, self.global_invstd.data), 0 + ) + +class CausalConv1D(nn.Conv1d): + """ + A causal version of nn.Conv1d where each step would have limited access to locations on its right or left + All arguments are the same as nn.Conv1d except padding. + + If padding is set None, then paddings are set automatically to make it a causal convolution where each location would not see any steps on its right. + + If padding is set as a list (size of 2), then padding[0] would be used as left padding and padding[1] as right padding. + It would make it possible to control the number of steps to be accessible on the right and left. + This mode is not supported when stride > 1. padding[0]+padding[1] should be equal to (kernel_size - 1). + """ + + def __init__( + self, + in_channels: int, + out_channels: int, + kernel_size: int, + stride: int = 1, + padding: Union[str, int] = 0, + dilation: int = 1, + groups: int = 1, + bias: bool = True, + padding_mode: str = "zeros", + device=None, + dtype=None, + ) -> None: + self.cache_drop_size = None + if padding is None: + self._left_padding = kernel_size - 1 + self._right_padding = stride - 1 + else: + if stride != 1 and padding != kernel_size - 1: + raise ValueError("No striding allowed for non-symmetric convolutions!") + if isinstance(padding, int): + self._left_padding = padding + self._right_padding = padding + elif ( + isinstance(padding, list) + and len(padding) == 2 + and padding[0] + padding[1] == kernel_size - 1 + ): + self._left_padding = padding[0] + self._right_padding = padding[1] + else: + raise ValueError(f"Invalid padding param: {padding}!") + + self._max_cache_len = self._left_padding + + super().__init__( + in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + padding=0, + dilation=dilation, + groups=groups, + bias=bias, + padding_mode=padding_mode, + device=device, + dtype=dtype, + ) + + def update_cache(self, x, cache=None): + if cache is None: + new_x = F.pad(x, pad=(self._left_padding, self._right_padding)) + next_cache = cache + else: + new_x = F.pad(x, pad=(0, self._right_padding)) + new_x = torch.cat([cache, new_x], dim=-1) + if self.cache_drop_size > 0: + next_cache = new_x[:, :, : -self.cache_drop_size] + else: + next_cache = new_x + next_cache = next_cache[:, :, -cache.size(-1) :] + return new_x, next_cache + + def forward(self, x, cache=None): + x, cache = self.update_cache(x, cache=cache) + x = super().forward(x) + if cache is None: + return x + else: + return x, cache + + +class CausalConv2D(nn.Conv2d): + """ + A causal version of nn.Conv2d where each location in the 2D matrix would have no access to locations on its right or down + All arguments are the same as nn.Conv2d except padding which should be set as None + """ + + def __init__( + self, + in_channels: int, + out_channels: int, + kernel_size: int, + stride: int = 1, + padding: Union[str, int] = 0, + dilation: int = 1, + groups: int = 1, + bias: bool = True, + padding_mode: str = "zeros", + device=None, + dtype=None, + ) -> None: + if padding is not None: + raise ValueError("Argument padding should be set to None for CausalConv2D.") + self._left_padding = kernel_size - 1 + self._right_padding = stride - 1 + + padding = 0 + super().__init__( + in_channels, + out_channels, + kernel_size, + stride, + padding, + dilation, + groups, + bias, + padding_mode, + device, + dtype, + ) + + def forward( + self, + x, + ): + if self.training: + x = F.pad( + x, + pad=( + self._left_padding, + self._right_padding, + self._left_padding, + self._right_padding, + ), + ) + else: + x = F.pad( + x, + pad=(self._left_padding, self._right_padding, 0, 0), + ) + x = super().forward(x) + return x + + +class NemoConvSubsampling(torch.nn.Module): + """Convlutional subsampling module, taken from NeMo ASR + (https://github.com/NVIDIA/NeMo/blob/b367413645d5c72db3c2c96e46e95a34501479cf/nemo/collections/asr/parts/submodules/subsampling.py) + + Striding Subsampling: "Speech-Transformer: A No-Recurrence Sequence-to-Sequence Model for + Speech Recognition" by Linhao Dong et al. (https://ieeexplore.ieee.org/document/8462506) + + + Compared with the EncoderConv2D (`input_layer: custom`), this is a much simplified approach, + and uses no LayerNorm and far fewer Conv2Ds. Moreover, depthwise convolutions are used to reduce + FLOPs, but the first layer is kept as a regular convolution so as not to degrade accuracy. + + `Striding` and `dw_striding` are the same except that the latter uses depthwise convolutions + after the first layer, whereas the former does not. + + Args: + subsampling_factor (int): Time reduction factor + feat_in (int): size of the input features + feat_out (int): size of the output features + subsampling (str): The subsampling technique, choose from + {"striding", "dw-striding", "striding_conv1d", "dw_striding_conv1d"} + conv_channels (int): Number of channels for the convolution layers, default is 256. + subsampling_conv_chunking_factor (int): Input chunking factor which can be -1 (no chunking) + 1 (auto) or a power of 2. Default is 1 + activation (Module): activation function, default is nn.ReLU() + is_causal (bool): whether to use causal Conv1/2D, where each step will have limited access + to locations on its right or left + """ + + def __init__( + self, + feat_in, + feat_out, + subsampling_factor=4, + subsampling="dw_striding", + conv_channels=256, + subsampling_conv_chunking_factor=1, + activation=nn.ReLU(), + is_causal=False, + ): + super().__init__() + self._subsampling = subsampling + self._conv_channels = conv_channels + self._feat_in = feat_in + self._feat_out = feat_out + + if subsampling_factor % 2 != 0: + raise ValueError("Sampling factor should be a multiply of 2!") + self._sampling_num = int(math.log(subsampling_factor, 2)) + self.subsampling_factor = subsampling_factor + self.is_causal = is_causal + self.subsampling_causal_cond = subsampling in ("dw_striding", "striding", "striding_conv1d") + + if ( + subsampling_conv_chunking_factor != -1 + and subsampling_conv_chunking_factor != 1 + and subsampling_conv_chunking_factor % 2 != 0 + ): + raise ValueError("subsampling_conv_chunking_factor should be -1, 1, or a power of 2") + self.subsampling_conv_chunking_factor = subsampling_conv_chunking_factor + + in_channels = 1 + layers = [] + + if subsampling == "dw_striding": + self._stride = 2 + self._kernel_size = 3 + self._ceil_mode = False + + if self.is_causal: + self._left_padding = self._kernel_size - 1 + self._right_padding = self._stride - 1 + self._max_cache_len = subsampling_factor + 1 + else: + self._left_padding = (self._kernel_size - 1) // 2 + self._right_padding = (self._kernel_size - 1) // 2 + self._max_cache_len = 0 + + # Layer 1 + if self.is_causal: + layers.append( + CausalConv2D( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=None, + ) + ) + else: + layers.append( + torch.nn.Conv2d( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + ) + ) + in_channels = conv_channels + layers.append(activation) + + for i in range(self._sampling_num - 1): + if self.is_causal: + layers.append( + CausalConv2D( + in_channels=in_channels, + out_channels=in_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=None, + groups=in_channels, + ) + ) + else: + layers.append( + torch.nn.Conv2d( + in_channels=in_channels, + out_channels=in_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + groups=in_channels, + ) + ) + + layers.append( + torch.nn.Conv2d( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=1, + stride=1, + padding=0, + groups=1, + ) + ) + layers.append(activation) + in_channels = conv_channels + + elif subsampling == "striding": + self._stride = 2 + self._kernel_size = 3 + self._ceil_mode = False + + if self.is_causal: + self._left_padding = self._kernel_size - 1 + self._right_padding = self._stride - 1 + self._max_cache_len = subsampling_factor + 1 + else: + self._left_padding = (self._kernel_size - 1) // 2 + self._right_padding = (self._kernel_size - 1) // 2 + self._max_cache_len = 0 + + for i in range(self._sampling_num): + if self.is_causal: + layers.append( + CausalConv2D( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=None, + ) + ) + else: + layers.append( + torch.nn.Conv2d( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + ) + ) + layers.append(activation) + in_channels = conv_channels + + elif subsampling == "striding_conv1d": + in_channels = feat_in + + self._stride = 2 + self._kernel_size = 5 + self._ceil_mode = False + + if self.is_causal: + self._left_padding = self._kernel_size - 1 + self._right_padding = self._stride - 1 + self._max_cache_len = subsampling_factor + 1 + else: + self._left_padding = (self._kernel_size - 1) // 2 + self._right_padding = (self._kernel_size - 1) // 2 + self._max_cache_len = 0 + + for i in range(self._sampling_num): + if self.is_causal: + layers.append( + CausalConv1D( + in_channels=in_channels, + out_channels=feat_out if self._sampling_num == i + 1 else conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=None, + ) + ) + else: + layers.append( + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=feat_out if self._sampling_num == i + 1 else conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + ) + ) + layers.append(activation) + in_channels = conv_channels + + elif subsampling == "dw_striding_conv1d": + in_channels = feat_in + + self._stride = 2 + self._kernel_size = 5 + self._ceil_mode = False + + self._left_padding = (self._kernel_size - 1) // 2 + self._right_padding = (self._kernel_size - 1) // 2 + + # Layer 1 + layers.extend( + [ + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=in_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + groups=in_channels, + ), + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=feat_out if self._sampling_num == 1 else conv_channels, + kernel_size=1, + stride=1, + padding=0, + groups=1, + ), + ] + ) + in_channels = conv_channels + layers.append(activation) + + for i in range(self._sampling_num - 1): + layers.extend( + [ + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=in_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + groups=in_channels, + ), + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=feat_out if self._sampling_num == i + 2 else conv_channels, + kernel_size=1, + stride=1, + padding=0, + groups=1, + ), + ] + ) + layers.append(activation) + in_channels = conv_channels + + else: + raise ValueError(f"Not valid sub-sampling: {subsampling}!") + + if subsampling in ["dw_striding", "striding"]: + in_length = torch.tensor(feat_in, dtype=torch.float) + out_length = calc_length( + lengths=in_length, + all_paddings=self._left_padding + self._right_padding, + kernel_size=self._kernel_size, + stride=self._stride, + ceil_mode=self._ceil_mode, + repeat_num=self._sampling_num, + ) + self.out = torch.nn.Linear(conv_channels * int(out_length), feat_out) + self.conv2d_subsampling = True + elif subsampling in ["striding_conv1d", "dw_striding_conv1d"]: + self.out = None + self.conv2d_subsampling = False + else: + raise ValueError(f"Not valid sub-sampling: {subsampling}!") + + self.conv = torch.nn.Sequential(*layers) + + def get_sampling_frames(self): + return [1, self.subsampling_factor] + + def get_streaming_cache_size(self): + return [0, self.subsampling_factor + 1] + + def forward(self, x, mask): + """ + Forward method for NeMo subsampling. + + Args: + x[Batch, Time, Filters]: torch.Tensor + input tensor + x_mask: torch.Tensor + input mask + + Returns: + x: torch.Tensor + Resulting tensor from subsampling (B, T // time_reduction_factor, feat_out) + pad_mask: torch.Tensor + tensor of padded hidden state sequences (B, 1, T // time_reduction_factor) + """ + batch_size = x.shape[0] + # Unsqueeze Channel Axis + if self.conv2d_subsampling: + x = x.unsqueeze(1) + # Transpose to Channel First mode + else: + x = x.transpose(1, 2) + + # split inputs if chunking_factor is set + if self.subsampling_conv_chunking_factor != -1 and self.conv2d_subsampling: + if self.subsampling_conv_chunking_factor == 1: + # if subsampling_conv_chunking_factor is 1, we split only if needed + # avoiding a bug / feature limiting indexing of tensors to 2**31 + # see https://github.com/pytorch/pytorch/issues/80020 + x_ceil = 2**31 / self._conv_channels * self._stride * self._stride + if torch.numel(x) > x_ceil: + need_to_split = True + else: + need_to_split = False + else: + # if subsampling_conv_chunking_factor > 1 we always split + need_to_split = True + + if need_to_split: + x, success = self.conv_split_by_batch(x) + if not success: # if unable to split by batch, try by channel + if self._subsampling == "dw_striding": + x = self.conv_split_by_channel(x) + else: + x = self.conv(x) # try anyway + else: + x = self.conv(x) + else: + x = self.conv(x) + + # Flatten Channel and Frequency Axes + if self.conv2d_subsampling: + b, c, t, f = x.size() + x = self.out(x.transpose(1, 2).reshape(b, t, -1)) + # Transpose to Channel Last mode + else: + x = x.transpose(1, 2) + + max_audio_length = x.shape[1] + feature_lens = mask.sum(1) + padding_length = torch.ceil(feature_lens.to(torch.float32) / float(self.subsampling_factor)).to(torch.int64) + if self.is_causal and self.subsampling_causal_cond: + feature_lens_remainder = feature_lens % self.subsampling_factor + padding_length[feature_lens_remainder != 1] += 1 + pad_mask = ( + torch.arange(0, max_audio_length, device=x.device).expand(padding_length.size(0), -1) + < padding_length.unsqueeze(1) + ) + + condition = torch.full_like(pad_mask, batch_size != 1).bool() + pad_mask = pad_mask * condition + return x, pad_mask.unsqueeze(1) + + def reset_parameters(self): + # initialize weights + if self._subsampling == "dw_striding": + with torch.no_grad(): + # init conv + scale = 1.0 / self._kernel_size + dw_max = (self._kernel_size**2) ** -0.5 + pw_max = self._conv_channels**-0.5 + + torch.nn.init.uniform_(self.conv[0].weight, -scale, scale) + torch.nn.init.uniform_(self.conv[0].bias, -scale, scale) + + for idx in range(2, len(self.conv), 3): + torch.nn.init.uniform_(self.conv[idx].weight, -dw_max, dw_max) + torch.nn.init.uniform_(self.conv[idx].bias, -dw_max, dw_max) + torch.nn.init.uniform_(self.conv[idx + 1].weight, -pw_max, pw_max) + torch.nn.init.uniform_(self.conv[idx + 1].bias, -pw_max, pw_max) + + # init fc (80 * 64 = 5120 from https://github.com/kssteven418/Squeezeformer/blob/13c97d6cf92f2844d2cb3142b4c5bfa9ad1a8951/src/models/conformer_encoder.py#L487 + fc_scale = (self._feat_out * self._feat_in / self._sampling_num) ** -0.5 + torch.nn.init.uniform_(self.out.weight, -fc_scale, fc_scale) + torch.nn.init.uniform_(self.out.bias, -fc_scale, fc_scale) + + def conv_split_by_batch(self, x): + """Tries to split input by batch, run conv and concat results""" + b, _, _, _ = x.size() + if b == 1: # can't split if batch size is 1 + return x, False + + if self.subsampling_conv_chunking_factor > 1: + cf = self.subsampling_conv_chunking_factor + else: + # avoiding a bug / feature limiting indexing of tensors to 2**31 + # see https://github.com/pytorch/pytorch/issues/80020 + x_ceil = 2**31 / self._conv_channels * self._stride * self._stride + p = math.ceil(math.log(torch.numel(x) / x_ceil, 2)) + cf = 2**p + + new_batch_size = b // cf + if new_batch_size == 0: # input is too big + return x, False + + return torch.cat([self.conv(chunk) for chunk in torch.split(x, new_batch_size, 0)]), True + + def conv_split_by_channel(self, x): + """For dw convs, tries to split input by time, run conv and concat results""" + x = self.conv[0](x) # full conv2D + x = self.conv[1](x) # activation + + for i in range(self._sampling_num - 1): + _, c, t, _ = x.size() + + if self.subsampling_conv_chunking_factor > 1: + cf = self.subsampling_conv_chunking_factor + else: + # avoiding a bug / feature limiting indexing of tensors to 2**31 + # see https://github.com/pytorch/pytorch/issues/80020 + p = math.ceil(math.log(torch.numel(x) / 2**31, 2)) + cf = 2**p + + new_c = int(c // cf) + if new_c == 0: + new_c = 1 + + new_t = int(t // cf) + if new_t == 0: + new_t = 1 + + x = self.channel_chunked_conv(self.conv[i * 3 + 2], new_c, x) # conv2D, depthwise + + # splitting pointwise convs by time + x = torch.cat( + [self.conv[i * 3 + 3](chunk) for chunk in torch.split(x, new_t, 2)], 2 + ) # conv2D, pointwise + x = self.conv[i * 3 + 4](x) # activation + return x + + def channel_chunked_conv(self, conv, chunk_size, x): + """Performs channel chunked convolution""" + + ind = 0 + out_chunks = [] + for chunk in torch.split(x, chunk_size, 1): + step = chunk.size()[1] + + if self.is_causal: + chunk = nn.functional.pad( + chunk, + pad=( + self._kernel_size - 1, + self._stride - 1, + self._kernel_size - 1, + self._stride - 1, + ), + ) + ch_out = nn.functional.conv2d( + chunk, + conv.weight[ind : ind + step, :, :, :], + bias=conv.bias[ind : ind + step], + stride=self._stride, + padding=0, + groups=step, + ) + else: + ch_out = nn.functional.conv2d( + chunk, + conv.weight[ind : ind + step, :, :, :], + bias=conv.bias[ind : ind + step], + stride=self._stride, + padding=self._left_padding, + groups=step, + ) + out_chunks.append(ch_out) + ind += step + + return torch.cat(out_chunks, 1) + + def change_subsampling_conv_chunking_factor(self, subsampling_conv_chunking_factor: int): + if ( + subsampling_conv_chunking_factor != -1 + and subsampling_conv_chunking_factor != 1 + and subsampling_conv_chunking_factor % 2 != 0 + ): + raise ValueError("subsampling_conv_chunking_factor should be -1, 1, or a power of 2") + self.subsampling_conv_chunking_factor = subsampling_conv_chunking_factor + + +def calc_length(lengths, all_paddings, kernel_size, stride, ceil_mode, repeat_num=1): + """Calculates the output length of a Tensor passed through a convolution or max pooling layer""" + add_pad: float = all_paddings - kernel_size + one: float = 1.0 + for i in range(repeat_num): + lengths = torch.div(lengths.to(dtype=torch.float) + add_pad, stride) + one + if ceil_mode: + lengths = torch.ceil(lengths) + else: + lengths = torch.floor(lengths) + return lengths.to(dtype=torch.int) + +#### multihead attention starts here +class AttModule(nn.Module): + """Attention abstraction module""" + + def __init__(self): + super().__init__() + self.export_mode = False + + def set_export(self, mode=True): + """set the export mode""" + self.export_mode = mode + + def forward( + self, + x: Tensor, + memory: Optional[Tensor] = None, + pos_emb: Optional[Tensor] = None, + att_mask: Optional[Tensor] = None, + ) -> Tuple[Tensor, Tensor, Optional[Tensor], Optional[Tensor]]: + """AttModule forward + + Args: + x: torch.Tensor + input tensor. + memory: torch.Tensor, optional + memory tensor. + pos_emb: torch.Tensor, optional + positional encoder embedding. + att_mask: torch.Tensor, optional + attention mask tensor. + """ + return x, memory, pos_emb, att_mask + + +class AttBlock(Block, AttModule): + """Attention Block module to support both Attention and Block module.""" + + def memory_dims(self, max_len=False): + """memory dimensions""" + return (1, self.input_size) + +def masked_softmax( + scores, + mask: Optional[Tensor], +): + if mask is not None: + # mask = mask.unsqueeze(1).eq(0) # (batch, 1, time1, time2) + scores = scores.masked_fill(mask, -torch.inf) + attn = torch.softmax(scores, dim=-1).masked_fill(mask, 0.0) # (batch, head, time1, time2) + else: + attn = torch.softmax(scores, dim=-1) # (batch, head, time1, time2) + return attn + + +class MultiHeadedAttention(nn.Module): + """Multi-Head Attention layer with optional relative position embedding and GLU. + + Args: + n_head: int + the number of heads. + n_feat: int + input size features. + dropout_rate: float + dropout rate. + use_LN: bool + apply layer norm or not + dropout_at_output: bool + whether to apply dropout at output + attention_inner_dim: int, optional + the attention dimension used in the class, + it can be different from the input dimension n_feat. + default: -1 (equal to n_feat). + use_pt_scaled_dot_product_attention: bool, optional + if set True, use pytorch scaled dot product attention in training. NOTE: this will NOT + be used in ONNX decoding due to a lack of support. In that case, we use the original + attention implementation, which shows no regression. + default: False. + n_value: int, optional + if set to values other than -1, use a different dimension for value. With the default value (i.e. -1), it is backward compatible. + group_size: int, optional. must divide `n_head` + if group_size > 1: GQA + if group_size = 1: MHA + if group_size = n_head: MQA + """ + + inv_sqrt_d_k: torch.jit.Final[float] + h: torch.jit.Final[int] + h_k: torch.jit.Final[int] + g: torch.jit.Final[int] + + def __init__( + self, + n_head, + n_feat, + dropout_rate, + attention_inner_dim=-1, + glu_type="swish", + bias_in_glu=True, + use_pt_scaled_dot_product_attention=False, + n_value=-1, + group_size: int = 1, + ): + super().__init__() + if n_value == -1: + n_value = n_feat + if attention_inner_dim == -1: + attention_inner_dim = n_feat + assert attention_inner_dim % n_head == 0 + + # We assume d_v always equals d_k + self.d_k = attention_inner_dim // n_head + self.inv_sqrt_d_k = 1.0 / math.sqrt(self.d_k) + self.h = n_head + assert n_head % group_size == 0, "group_size must divide n_head" + self.g = group_size + self.h_k = n_head // group_size + + self.linear_q = nn.Linear(n_feat, attention_inner_dim) + self.linear_k = nn.Linear(n_feat, attention_inner_dim // group_size) + self.linear_v = nn.Linear(n_value, attention_inner_dim // group_size) + self.linear_out = nn.Linear(attention_inner_dim // group_size, n_value) + + self.attn = torch.jit.Attribute(None, Optional[Tensor]) + self.dropout = nn.Dropout(p=dropout_rate) + self.dropout_rate = dropout_rate + self.use_pt_scaled_dot_product_attention = use_pt_scaled_dot_product_attention + + if use_pt_scaled_dot_product_attention and group_size > 1: + raise ValueError("Cannot use PT Scaled Attention with GQA") + + # Torchscript eager quantization. Note that these functions below are + # NOOPs and have very little impact on performance unless quantization is + # enabled. + self.quant_q = torch.ao.quantization.QuantStub() + self.quant_x = torch.ao.quantization.QuantStub() + self.dequant = torch.ao.quantization.DeQuantStub() + self.ffunc = torch.ao.nn.quantized.FloatFunctional() + + def forward( + self, + query: Tensor, + key: Tensor, + value: Tensor, + pos_k: Tensor, + pos_v: Tensor, + mask: Optional[Tensor], + relative_attention_bias: Optional[Tensor] = None, + ): + """Compute 'Scaled Dot Product Attention'. + + Args: + query: torch.Tensor + query tensor (batch, time1, size) + key: torch.Tensor + key tensor (batch, time2, size) + value: torch.Tensor + value tensor (batch, time1, size) + pos_k: torch.Tensor + key tensor used for relative positional embedding. + pos_v: torch.Tensor + value tensor used for relative positional embedding. + mask: torch.Tensor + mask tensor (batch, time1, time2) + relative_attention_bias: torch.Tensor + bias added to attention logits w.r.t. relative positions (1, n_head, time1, time2) + """ + # self.h = num_heads + # self.h_k = num_kv_heads + # self.d_k = head_size + n_batch, seq_len, _ = query.size() + + q = self.linear_q(query).view(n_batch, seq_len, self.h, self.d_k) # (b, t, d) + k = self.linear_k(key).view(n_batch, seq_len, self.h_k, self.d_k) # (b, t, d) + v = self.linear_v(value).view(n_batch, seq_len, self.h_k, self.d_k) + q = ( + q.transpose(1, 2) + if self.use_pt_scaled_dot_product_attention and not torch.jit.is_scripting() + else q.transpose(1, 2) * self.inv_sqrt_d_k + ) + k = k.transpose(1, 2) # (batch, head_k, time2, d_k) + v = v.transpose(1, 2) # (batch, head_k, time2, d_k) + + if self.use_pt_scaled_dot_product_attention and not torch.jit.is_scripting(): + attn_mask = None + if mask is not None: + mask = mask.unsqueeze(1) + if relative_attention_bias is not None: + attn_mask = mask + relative_attention_bias + else: + attn_mask = mask + if mask.dtype != q.dtype: + attn_mask = attn_mask.to(q.dtype) + + with torch.backends.cuda.sdp_kernel( + enable_flash=True, enable_math=True, enable_mem_efficient=True + ): + x = torch.nn.functional.scaled_dot_product_attention( + q, + k, + v, + attn_mask=attn_mask, + dropout_p=self.dropout_rate, + ) + else: + if self.h != self.h_k: + q = q.reshape(n_batch, self.g, self.h_k, -1, self.d_k) + A = torch.einsum("b g h t d, b h s d -> b h t s", q, k) + else: + A = torch.matmul(q, k.transpose(-2, -1)) + if pos_k is not None: + if self.h != self.h_k: + B = torch.einsum("b g h t d, t s d -> b h t s", q, pos_k) + else: + reshape_q = ( + q.contiguous().view(n_batch * self.h, -1, self.d_k).transpose(0, 1) + ) # (t1,nh,dk) + B = torch.matmul(reshape_q, pos_k.transpose(-2, -1)) # pos_k: (t1,dk,t2) + B = B.transpose(0, 1).view(n_batch, self.h, pos_k.size(0), pos_k.size(1)) + scores = A + B + else: + scores = A + + if relative_attention_bias is not None: + scores = scores + relative_attention_bias + + attn = masked_softmax(scores, mask) # (batch, head, time1, time2) + + self.attn = attn + + p_attn = self.dropout(attn) + x = torch.matmul(p_attn.to(v.dtype), v) # (batch, head, time1, d_k) + if pos_v is not None: + reshape_attn = ( + p_attn.contiguous() + .view(n_batch * self.h, pos_v.size(0), pos_v.size(1)) + .transpose(0, 1) + ) # (t1, bh, t2) + + attn_v = ( + torch.matmul(reshape_attn, pos_v) + .transpose(0, 1) + .contiguous() + .view(n_batch, self.h, pos_v.size(0), self.d_k) + ) + x = x + attn_v + x = ( + x.transpose(1, 2).contiguous().view(n_batch, seq_len, self.h_k * self.d_k) + ) # (batch, time1, d_model) + + return self.linear_out(x) # (batch, time1, d_model) + + +def unfold_tensor(xs_pad, max_seq_len): + """ + For a given tensor with shape of (N, T, D), if sequence length T is longer than max_seq_len, + this function unfold it to a (NT', max_seq_len, D) where T' is T // max_seq_len. + Args: + xs_pad: N, T, D + """ + _, _, D = xs_pad.shape + xs_pad = xs_pad.transpose(-1, -2) # convert to N, D, T + # N x D x 1 x T => N x (D x max_seq_len) x T' + xs_pad = F.unfold( + xs_pad[..., None, :], + kernel_size=(1, max_seq_len), + stride=(1, max_seq_len), + ) + + new_bsz, _, slen = xs_pad.shape + # N x D x max_seq_len x T' + xs_pad = xs_pad.view(new_bsz, -1, max_seq_len, slen) + # N x T' x max_seq_len x D + xs_pad = xs_pad.permute(0, 3, 2, 1).contiguous() + # NT' x max_seq_len x D + xs_pad = xs_pad.view(-1, max_seq_len, D) + return xs_pad + +# conformer_encoder.py +class MultiSequential(torch.nn.Sequential): + """Multi-input multi-output torch.nn.Sequential""" + + # @torch.jit.ignore + def forward(self, *args): + """Forward method implementation.""" + for m in self: + args = m(*args) + return args + +def repeat(repeat_num, module_gen_fn): + """repeat module N times + + :param int repeat_num: repeat time + :param function module_gen_fn: function to generate module + :return: repeated modules + :rtype: MultiSequential + """ + return MultiSequential(*[module_gen_fn(i) for i in range(repeat_num)]) + +class ConformerEncoderLayer(nn.Module): + """ConformerEncoder Layer module. + for more details see conformer paper: + https://arxiv.org/abs/2005.08100 + This module implement the Conformer block layer. + + Args: + d_model: int + attention dim. + ext_pw_out_channel: int + if > 0, ext_pw_out_channel is a dim channel size + for the last pointwise conv after swish activation. + depthwise_seperable_out_channel: int + if set different to 0, the number of depthwise_seperable_out_channel + will be used as a channel_out of the second conv1d layer. + otherwise, it equal to 0, the second conv1d layer is skipped. + depthwise_multiplier: int + number of input_dim channels duplication. this value + will be used to compute the hidden channels of the Conv1D. + n_head: int + the number of heads for multihead attention module. + d_ffn: int + output size of the feed_forward blocks. + ext_pw_kernel_size: int + kernel size of the conv pointwise of the conformer. + kernel_size: int + kernel size. + dropout_rate: float + dropout rate. + causal: bool, optional + if set to True, convolution have no access + to future frames. default False. + batch_norm: bool, optional + if set to True, apply batchnorm before activation + in ConvModule layer of the conformer. + default False + activation: str, optional + activation function name, + one of ["relu", "swish", "sigmoid"], + sigmoid activation is only used with "glu_in_fnn=True", + default "relu". + chunk_se: int, optional + 0 for offline SE. + 1 for streaming SE, where mean is computed + by accumulated history until current chunk_se. + 2 for streaming SE, where mean is computed + by only the current chunk. + default 0. + chunk_size: int, optional + chunk_size for cnn. default 18 + conv_activation: str, optional + activation function used in ConvModule part + of the conformer, default "relu". + conv_glu_type: str, optional + activation function used for the glu inside + the ConvModule part of the conformer. + default: "sigmoid". + bias_in_glu: bool, optional + if set to True, use additive bias in the weight module + before GLU. + linear_glu_in_convm: bool, optional + if set to True, use GLULinear module, + otherwise, used GLUPointWiseConv module. + default to False. + attention_innner_dim: int, otional + if equal to -1, attention dim for linears k/q/v is + equal to d_model. otherwise attention_innner_dim is used. + default -1. + attention_glu_type: str, optional + activation function for glu used in the multihead attention, + default "swish". + activation_checkpointing: str, optional + a dictionarry of {"module","interval","offload"}, where + "module": str + accept ["transformer", "attention"] to select + which module should do activation checkpointing. + "interval": int, default 1, + interval of applying activation checkpointing, + interval = 1 means that we apply checkpointing + on every layer (if activation), otherwise, + we apply it every x interval. + "offload": bool, default False, + if set to True, we offload activation to cpu and + reload it during backward, otherwise, + we recalculate activation in backward. + default "". + export: bool, optional + if set to True, it remove the padding from convolutional layers + and allow the onnx conversion for inference. + default False. + use_pt_scaled_dot_product_attention: bool, optional + if set to True, use pytorch's scaled dot product attention implementation in training. + attn_group_sizes: int, optional + the number of groups to use for attention, default 1 (Multi-Head Attention), + 1 = typical Multi-Head Attention, + 1 < attn_group_sizes < attention_heads = Grouped-Query Attention + attn_group_sizes = attenion_heads = Multi-Query Attention + """ + + def __init__( + self, + d_model=512, + ext_pw_out_channel=0, + depthwise_seperable_out_channel=256, + depthwise_multiplier=1, + n_head=4, + d_ffn=2048, + ext_pw_kernel_size=1, + kernel_size=3, + dropout_rate=0.1, + causal=False, + batch_norm=False, + activation="relu", + chunk_se=0, + chunk_size=18, + conv_activation="relu", + conv_glu_type="sigmoid", + bias_in_glu=True, + linear_glu_in_convm=False, + attention_innner_dim=-1, + attention_glu_type="swish", + activation_checkpointing="", + export=False, + use_pt_scaled_dot_product_attention=False, + attn_group_sizes: int = 1, + ): + super().__init__() + + self.feed_forward_in = FeedForward( + d_model=d_model, + d_inner=d_ffn, + dropout_rate=dropout_rate, + activation=activation, + bias_in_glu=bias_in_glu, + ) + + self.self_attn = encoder_checkpoint_wrapper( + activation_checkpointing, + MultiHeadedAttention, + )( + MultiHeadedAttention( + n_head, + d_model, + dropout_rate, + attention_innner_dim, + attention_glu_type, + bias_in_glu, + use_pt_scaled_dot_product_attention=use_pt_scaled_dot_product_attention, + group_size=attn_group_sizes, + ) + ) + self.conv = ConvModule( + d_model, + ext_pw_out_channel, + depthwise_seperable_out_channel, + ext_pw_kernel_size, + kernel_size, + depthwise_multiplier, + dropout_rate, + causal, + batch_norm, + chunk_se, + chunk_size, + conv_activation, + conv_glu_type, + bias_in_glu, + linear_glu_in_convm, + export=export, + ) + + self.feed_forward_out = FeedForward( + d_model=d_model, + d_inner=d_ffn, + dropout_rate=dropout_rate, + activation=activation, + bias_in_glu=bias_in_glu, + ) + + self.layer_norm_att = nn.LayerNorm(d_model) + self.layer_norm = nn.LayerNorm(d_model) + + def forward( + self, + x, + pos_k, + pos_v, + mask, + relative_attention_bias: Optional[Tensor] = None, + ): + """ConformerEncoder forward. + + Args: + x: torch.Tensor + input feature of shape (batch, max_time_in, size) + pos_k: torch.Tensor + positional key embedding. + mask: torch.Tensor + mask for x (batch, max_time_in) + relative_attention_bias: Optional[torch.Tensor] + bias added to attention logits w.r.t. relative positions (1, n_head, time1, time2) + """ + x = x + 0.5 * self.feed_forward_in(x) + norm_x = self.layer_norm_att(x) + + x = x + self.self_attn( + norm_x, + norm_x, + norm_x, + pos_k, + pos_v, + mask, + relative_attention_bias=relative_attention_bias, + ) + x = x + self.conv(x) + x = x + 0.5 * self.feed_forward_out(x) + + out = self.layer_norm(x) + + return out, pos_k, pos_v + +class TransformerEncoderBase(abc.ABC, nn.Module): + """The Base class for Transformer based encoders + + Please set causal = True in streaming model + Args: + input_size: int + input feature dimension. + chunk_size: int, list(int) + Number of frames for each chunk + This variable can take 2 forms: + int: Used for inference, or single chunk size training + list(int) : Used only for variable chunk size training + Some examples for the 2 cases: + chunk_size = 12 + chunk_size = [6, 8, 12, 24] + left_chunk: int, list(int) + Number of chunks used for masking in streaming mode. + This variable can take 2 forms: + int: Used for inference, or single chunk size training + list(int) : Used only for variable chunk size training. When + chunk_size is a list, left_chunk must be a list with same length. + Some examples for the 2 cases: + left_chunk = 6 + left_chunk = [12, 9, 6, 3] + attention_dim: int, optional + attention dimension. default 256. + attention_heads: int, optional + the number of heads. default 4 + input_layer: str, optional + input layer type before Conformer, + one of ["linear", "conv2d", "custom", "vgg2l", "embed"], + default "conv2d" + cnn_out: int, optional + the number of CNN channels before Conformer. + default -1. + cnn_layer_norm: bool, optional + layer norm between Conformer and the first CNN. + default False. + time_reduction: int, optional + time reduction factor + default 4 + dropout_rate: float, optional + dropout rate. default 0.1 + padding_idx: int, optional + padding index for input_layer=embed + default -1 + relative_attention_bias_args: dict, optional + use more efficient scalar bias-based relative multihead attention (Q*K^T + B) + implemented in cmb.basics.embedding.[T5/ALiBi]RelativeAttentionLogitBias + usage: relative_attention_bias_args={"type": t5/alibi} + additional method-specific arguments can be provided (see transformer_base.py) + positional_dropout_rate: float, optional + dropout rate after positional encoding. default 0.0 + nemo_conv_settings: dict, optional + A dictionary of settings for NeMo Subsampling. + default None + conv2d_extra_padding: str, optional + Add extra padding in conv2d subsampling layers. Choices are + (feat, feat_time, none, True). + if True or feat_time, the extra padding is added into non full + supraframe utts in batch. + Default: none + attention_group_size: int, optional + the number of groups to use for attention, default 1 (Multi-Head Attention), + 1 = typical Multi-Head Attention, + 1 < attention_group_size < attention_heads = Grouped-Query Attention + attention_group_size = attenion_heads = Multi-Query Attention + """ + + def __init__( + self, + input_size, + chunk_size, + left_chunk, + attention_dim=256, + attention_heads=4, + input_layer="nemo_conv", + cnn_out=-1, + cnn_layer_norm=False, + time_reduction=4, + dropout_rate=0.0, + padding_idx=-1, + relative_attention_bias_args=None, + positional_dropout_rate=0.0, + nemo_conv_settings=None, + conv2d_extra_padding: Literal["feat", "feat_time", "none", True] = "none", + attention_group_size=1, + encoder_embedding_config=None, + ): + super().__init__() + self.input_size = input_size + self.input_layer = input_layer + self.chunk_size = chunk_size + self.left_chunk = left_chunk + self.attention_dim = attention_dim + self.num_heads = attention_heads + self.attention_group_size = attention_group_size + self.time_reduction = time_reduction + self.nemo_conv_settings = nemo_conv_settings + self.encoder_embedding_config = encoder_embedding_config + + if self.input_layer == "nemo_conv": + default_nemo_conv_settings = { + "subsampling": "dw_striding", + "subsampling_factor": self.time_reduction, + "feat_in": input_size, + "feat_out": attention_dim, + "conv_channels": 256, + "subsampling_conv_chunking_factor": 1, + "activation": nn.ReLU(), + "is_causal": False, + } + # Override any of the defaults with the incoming, user settings + if nemo_conv_settings: + default_nemo_conv_settings.update(nemo_conv_settings) + for i in ["subsampling_factor", "feat_in", "feat_out"]: + assert ( + i not in nemo_conv_settings + ), "{i} should be specified outside of the NeMo dictionary" + + self.embed = NemoConvSubsampling( + **default_nemo_conv_settings, + ) + else: + raise ValueError("unknown input_layer: " + input_layer) + + self.pos_emb = AbsolutePositionalEncoding(attention_dim, positional_dropout_rate) + + self.relative_attention_bias_type = ( + relative_attention_bias_args.get("type") if relative_attention_bias_args else None + ) + if self.relative_attention_bias_type == "t5": + assert ( + self.num_heads % self.attention_group_size == 0 + ), "attention_group_size must divide n_head" + self.relative_attention_bias_layer = T5RelativeAttentionLogitBias( + self.num_heads // self.attention_group_size, + max_distance=relative_attention_bias_args.get("t5_bias_max_distance", 1000), + symmetric=relative_attention_bias_args.get("t5_bias_symmetric", False), + ) + else: + raise NotImplementedError + + + def post_init(self, init_model_config): + + pretrained_speech_encoder_path = init_model_config.get('pretrained_speech_encoder_path', None) + if pretrained_speech_encoder_path: + model_state = torch.load(pretrained_speech_encoder_path, map_location="cpu") + encoder_state_dict = {} + for k, v in model_state.items(): + if "encoder." in k: + tmp_k = k.replace("encoder.", "") + encoder_state_dict[tmp_k] = v + + if hasattr(self, "encoder_embedding"): + del self.encoder_embedding + self.load_state_dict(encoder_state_dict) + + if not hasattr(self, "encoder_embedding"): + self.encoder_embedding = MeanVarianceNormLayer(self.encoder_embedding_config["input_size"]) + + mean_file = init_model_config.get('mean_file', None) + invstd_file = init_model_config.get('invstd_file', None) + if mean_file is not None and invstd_file is not None: + self.encoder_embedding.load_mean_invstd(mean_file, invstd_file) + + def compute_lens_change(self, feature_lens): + """feature_lens: int + return updated feature lens. + + This used to return a different lambda function for each case that computed + the right thing. That does not work within Torchscript. If you really + need this to be faster, create nn.Module()-s for all the cases and return + one of them. Torchscript does support that. + """ + if self.input_layer == "nemo_conv": + # Handle the special causal case + subsampling_causal_cond = self.nemo_conv_settings.get("subsampling", "dw_striding") in [ + "dw_striding", + "striding", + "striding_conv1d", + ] + is_causal = self.nemo_conv_settings.get("is_causal", False) + if is_causal and subsampling_causal_cond: + lens_change = ( + torch.ceil(feature_lens / self.time_reduction).long() + if isinstance(feature_lens, Tensor) + else math.ceil(feature_lens / self.time_reduction) + ) + feature_lens_remainder = feature_lens % self.time_reduction + if isinstance(feature_lens, Tensor): + lens_change[feature_lens_remainder != 1] += 1 + elif feature_lens_remainder != 1: + lens_change += 1 + return lens_change + # ceil_func = math.ceil if isinstance(feature_lens, int) else torch.ceil + # return ceil_func(feature_lens / self.time_reduction) + return math.ceil(feature_lens / self.time_reduction) + + @abc.abstractmethod + def forward(self): + """Abstract forward method implementation.""" + + def _chunk_size_selection(self, chunk_size=None, left_chunk=None): + """If chunk size is a list, we will randomly select a chunk size.""" + + if chunk_size is None: + chunk_size = self.chunk_size + if left_chunk is None: + left_chunk = self.left_chunk + if isinstance(chunk_size, list): + # Variable chunk size during training + chunk_size_index = int(torch.randint(low=0, high=len(chunk_size), size=(1,))) + chunk_size_train_eff = chunk_size[chunk_size_index] + if not isinstance(left_chunk, list): + raise ValueError("Since chunk_size is a list, left_chunk must be a list") + if len(left_chunk) != len(chunk_size): + raise ValueError( + "The length of left_chunk must be the same as length of chunk_size." + ) + left_chunk_train_eff = left_chunk[chunk_size_index] + else: + chunk_size_train_eff = chunk_size + left_chunk_train_eff = left_chunk + + return chunk_size_train_eff, left_chunk_train_eff + + def _get_embed_class(self, embed): + # pylint: disable=protected-access + is_embed_using_act_chkpt = isinstance(embed, CheckpointWrapper) + is_embed_fsdp_wrapped = isinstance(embed, FullyShardedDataParallel) + embed_class = embed + if is_embed_using_act_chkpt: + embed_class = embed._checkpoint_wrapped_module + if is_embed_fsdp_wrapped: + embed_class = embed.module + return embed_class + + def _forward_embeddings_core(self, input_tensor, masks): + embed_class = self._get_embed_class(self.embed) + assert isinstance(embed_class, NemoConvSubsampling) + input_tensor, masks = self.embed(input_tensor, masks) + return input_tensor, masks + + def _position_embedding(self, input_tensor): + pos_k = None + pos_v = None + if self.relative_attention_bias_layer is None: + input_tensor = self.pos_emb(input_tensor) # default to add abs sinusoid embedding + return pos_k, pos_v + + def _streaming_mask(self, seq_len, batch_size, chunk_size, left_chunk): + chunk_size_train_eff, left_chunk_train_eff = self._chunk_size_selection( + chunk_size, left_chunk + ) + + # Create mask matrix for streaming + # S stores start index. if chunksize is 18, s is [0,18,36,....] + # chunk_start_idx = np.arange(0, seq_len, chunk_size_train_eff) + # avoid randomness when run evaluation or decoding + # if self.training:# and np.random.rand() > 0.5: + # # Either first or last chunk is not complete. + # # If only the last one is not complete, EOS is not effective + # chunk_start_idx = seq_len - chunk_start_idx + # chunk_start_idx = chunk_start_idx[::-1] + # chunk_start_idx = chunk_start_idx[:-1] + # chunk_start_idx = np.insert(chunk_start_idx, 0, 0) + # else: + chunk_start_idx = torch.tensor([], dtype=torch.int64) + + enc_streaming_mask = ( + adaptive_enc_mask(seq_len, chunk_start_idx, left_window=left_chunk_train_eff) + .unsqueeze(0) + .expand([batch_size, -1, -1]) + ) + return enc_streaming_mask + + def expand_mask(self, mask): + # Convert `mask = torch.tensor([])` to `mask = torch.tensor(0)` + # and leave `mask` unmodified otherwise + orig_num_elements = mask.numel() + new_num_elements = max(1, orig_num_elements) + mask_shape = list(mask.shape) + mask_shape[0] = max(1, mask_shape[0]) + expanded_mask = torch.zeros(new_num_elements, dtype=mask.dtype) + expanded_mask[ : orig_num_elements] = mask.flatten() + expanded_mask = expanded_mask.view(mask_shape) + return expanded_mask + + def forward_embeddings(self, xs_pad, masks, chunk_size_nc=None, left_chunk_nc=None): + """Forwarding the inputs through the top embedding layers + + Args: + xs_pad: torch.Tensor + input tensor + masks: torch.Tensor + input mask + chunk_size_nc: (optional, default is None) chunk size for non-causal layers + left_chunk_nc: (optional, default is None) # of left chunks for non-causal layers + """ + # pylint: disable=R0915 + # get new lens. + seq_len = self.compute_lens_change(xs_pad.shape[1]) + if seq_len <= 0: + raise ValueError( + f"""The sequence length after time reduction is invalid: {seq_len}. + Your input feature is too short. Consider filtering out the very + short sentence from data loader""", + ) + + batch_size = xs_pad.shape[0] + + enc_streaming_mask = self._streaming_mask( + seq_len, batch_size, self.chunk_size, self.left_chunk + ) + + if xs_pad.is_cuda: + enc_streaming_mask = enc_streaming_mask.cuda() + xs_pad = xs_pad.cuda() + + input_tensor = xs_pad + input_tensor, masks = self._forward_embeddings_core(input_tensor, masks) + + # Select correct `hs_mask` + streaming_mask = enc_streaming_mask + expanded_masks = self.expand_mask(masks) + expanded_streaming_mask = self.expand_mask(streaming_mask) + + if_condition = torch.full_like(expanded_streaming_mask, streaming_mask.numel() > 0 and batch_size > 1).bool() + elif_condition = torch.full_like(expanded_masks, streaming_mask.numel() == 0 and batch_size > 1).bool() + else_condition = ~elif_condition + hs_mask = (expanded_masks & expanded_streaming_mask) * if_condition + expanded_masks * elif_condition + expanded_streaming_mask * else_condition + + if chunk_size_nc is not None: + enc_streaming_mask_nc = self._streaming_mask( + seq_len, batch_size, chunk_size_nc, left_chunk_nc + ) + if xs_pad.is_cuda: + enc_streaming_mask_nc = enc_streaming_mask_nc.cuda() + if masks is not None: + hs_mask_nc = masks & enc_streaming_mask_nc + else: + hs_mask_nc = enc_streaming_mask_nc + else: + hs_mask_nc = None + + pos_k, pos_v = self._position_embedding(input_tensor) + + if chunk_size_nc is None: + return input_tensor, pos_k, pos_v, hs_mask, masks + return input_tensor, pos_k, pos_v, hs_mask, masks, hs_mask_nc + + def get_offset(self): + """Returns offset used when retaining inputs for decoding. + + This is essentially, how many additional frames have to be added to + the front-end CNN input to ensure it can produce a single output. + So if the "padding" parameter is 0, typically offset will be > 0. + """ + return get_offset(self.input_layer, self.time_reduction) + + +def get_offset(input_layer: str, time_reduction: int): + """Get an offset. We will use the offset for determining #frames of a subsampled feature. + + Args: + input_layer (str): Type of an input layer + time_reduction (int): time reduction factor for downsampling a feature + Returns: + int: offset + """ + if input_layer in ("conv2d", "nemo_conv") and time_reduction == 4: + return 3 + if input_layer in ("conv2d",) and time_reduction == 6: + return 1 + if input_layer in ("conv2d", "nemo_conv") and time_reduction == 8: + return 7 + return 0 + + +class ConformerEncoder(TransformerEncoderBase): + """ConformerEncoder module. + see original paper for more details: + https://arxiv.org/abs/2005.08100 + + Please set causal = True in streaming model + Args: + input_size: int + input feature dimension. + chunk_size: int, list(int) + Number of frames for each chunk + This variable can take 2 forms: + int: Used for inference, or single chunk size training + list(int) : Used only for variable chunk size training + Some examples for the 2 cases: + chunk_size = 12 + chunk_size = [6, 8, 12, 24] + left_chunk: int, list(int) + Number of chunks used for masking in streaming mode. + This variable can take 2 forms: + int: Used for inference, or single chunk size training + list(int) : Used only for variable chunk size training. When + chunk_size is a list, left_chunk must be a list with same length. + Some examples for the 2 cases: + left_chunk = 6 + left_chunk = [12, 9, 6, 3] + left_chunk: int + number of chunks used for masking in streaming mode. + num_lang: int + This parameter is used to store the number of languages in the lang_dict, + only used for multiseed/multilingual models. default None. + attention_dim: int, optional + attention dimension. default 256. + attention_heads: int, optional + the number of heads. default 4 + linear_units: + the number of units of position-wise feed forward. + default 2048 + num_block: + number of Transformer layer. default 6 + dropout_rate: float, optional + dropout rate. default 0.1 + input_layer: str, optional + input layer type before Conformer, + one of ["linear", "conv2d", "custom", "vgg2l", "embed"], + default "conv2d" + causal: bool, optional + if set to True, convolution have no access + to future frames. default False. + batch_norm: bool, optional + if set to True, apply batchnorm before activation + in ConvModule layer of the conformer. + default False + cnn_out: int, optional + the number of CNN channels before Conformer. + default -1. + cnn_layer_norm: bool, optional + layer norm between Conformer and the first CNN. + default False. + ext_pw_out_channel: int, optional + the number of channel for CNN + before depthwise_seperable_CNN. + If 0 then use linear. default 0. + ext_pw_kernel_size: int, optional + kernel size of N before depthwise_seperable_CNN. + only work for ext_pw_out_channel > 0. + default 1 + depthwise_seperable_out_channel: int, optional + the number of channel for + depthwise_seperable_CNN. + default 256. + depthwise_multiplier: int, optional + the number of multiplier for + depthwise_seperable_CNN. + default 1. + chunk_se: int, optional + 0 for offline SE. + 1 for streaming SE, where mean is computed + by accumulated history until current chunk_se. + 2 for streaming SE, where mean is computed + by only the current chunk. + default 0. + kernel_size: int, optional + the number of kernels for depthwise_seperable_CNN. + default 3. + activation: str, optional + FeedForward block activation. + one of ["relu", "swish", "sigmoid"] + default "relu". + conv_activation: str, optional + activation function used in ConvModule part + of the conformer, default "relu". + conv_glu_type: str, otional + activation used use glu in depthwise_seperable_CNN, + default "sigmoid" + bias_in_glu: bool, optional + if set to True, use additive bias in the weight module + before GLU. default True + linear_glu_in_convm: bool, optional + if set to True, use GLULinear module, + otherwise, used GLUPointWiseConv module. + default to False. + attention_glu_type: str + only work for glu_in_attention !=0 + default "swish". + export: bool, optional + if set to True, it remove the padding from convolutional layers + and allow the onnx conversion for inference. + default False. + activation_checkpointing: str, optional + a dictionarry of {"module","interval","offload"}, where + "module": str + accept ["transformer", "attention"] to select + which module should do activation checkpointing. + "interval": int, default 1, + interval of applying activation checkpointing, + interval = 1 means that we apply checkpointing + on every layer (if activation), otherwise, + we apply it every x interval. + "offload": bool, default False, + if set to True, we offload activation to cpu and + reload it during backward, otherwise, + we recalculate activation in backward. + default "". + extra_layer_output_idx: int + the layer index to be exposed. + relative_attention_bias_args: dict, optional + use more efficient scalar bias-based relative multihead attention (Q*K^T + B) + implemented in cmb.basics.embedding.[T5/ALiBi]RelativeAttentionLogitBias + usage: relative_attention_bias_args={"type": t5/alibi} + additional method-specific arguments can be provided (see transformer_base.py) + time_reduction: int optional + time reduction factor + default 4 + use_pt_scaled_dot_product_attention: whether to use pytorch scaled dot product attention + in training. + Default: False + nemo_conv_settings: dict, optional + A dictionary of settings for NeMo Subsampling. + default: None + usage: nemo_conv_settings= + { + "subsampling": + dw_striding/striding/dw_striding_conv1d/striding_conv1d, + "conv_channels": int, + "subsampling_conv_chunking_factor": int, + "is_causal": True/False + } + conv2d_extra_padding: str, optional + Add extra padding in conv2d subsampling layers. Choices are + (feat, feat_time, none, True) + Default: none + replication_pad_for_subsample_embedding: For batched-streaming decoding, use + "replication" padding for the cache at start of utterance. + Default: False + attention_group_size: int, optional + the number of groups to use for attention, default 1 (Multi-Head Attention), + 1 = typical Multi-Head Attention, + 1 < attention_group_size < attention_heads = Grouped-Query Attention + attention_group_size = attenion_heads = Multi-Query Attention + """ + + extra_multi_layer_output_idxs: List[int] + + def __init__( # pylint: disable-all + self, + input_size, + chunk_size, + left_chunk, + num_lang=None, + attention_dim=256, + attention_heads=4, + linear_units=2048, + num_blocks=6, + dropout_rate=0.1, + input_layer="nemo_conv", + causal=True, + batch_norm=False, + cnn_out=-1, + cnn_layer_norm=False, + ext_pw_out_channel=0, + ext_pw_kernel_size=1, + depthwise_seperable_out_channel=256, + depthwise_multiplier=1, + chunk_se=0, + kernel_size=3, + activation="relu", + conv_activation="relu", + conv_glu_type="sigmoid", + bias_in_glu=True, + linear_glu_in_convm=False, + attention_glu_type="swish", + export=False, + extra_layer_output_idx=-1, + extra_multi_layer_output_idxs=[], + activation_checkpointing="", + relative_attention_bias_args=None, + time_reduction=4, + use_pt_scaled_dot_product_attention=False, + nemo_conv_settings=None, + conv2d_extra_padding: Literal["feat", "feat_time", "none", True] = "none", + replication_pad_for_subsample_embedding=False, + attention_group_size=1, + encoder_embedding_config=None, + ): + super().__init__( + input_size, + chunk_size, + left_chunk, + attention_dim, + attention_heads, + input_layer, + cnn_out, + cnn_layer_norm, + time_reduction, + dropout_rate=dropout_rate, + relative_attention_bias_args=relative_attention_bias_args, + positional_dropout_rate=0.0, + nemo_conv_settings=nemo_conv_settings, + conv2d_extra_padding=conv2d_extra_padding, + attention_group_size=attention_group_size, + encoder_embedding_config=encoder_embedding_config, + ) + self.num_blocks = num_blocks + self.num_lang = num_lang + self.kernel_size = kernel_size + self.embed = embedding_checkpoint_wrapper(activation_checkpointing)(self.embed) + self.replication_pad_for_subsample_embedding: bool = replication_pad_for_subsample_embedding + assert self.num_heads % attention_group_size == 0, "attention_group_size must divide n_head" + self.num_heads_k = self.num_heads // attention_group_size + + self.encoders = repeat( + num_blocks, + lambda i: encoder_checkpoint_wrapper( + activation_checkpointing, ConformerEncoderLayer, i + )( + ConformerEncoderLayer( + d_model=attention_dim, + ext_pw_out_channel=ext_pw_out_channel, + depthwise_seperable_out_channel=depthwise_seperable_out_channel, + depthwise_multiplier=depthwise_multiplier, + n_head=attention_heads, + d_ffn=linear_units, + ext_pw_kernel_size=ext_pw_kernel_size, + kernel_size=kernel_size, + dropout_rate=dropout_rate, + causal=causal, + batch_norm=batch_norm, + activation=activation, + chunk_se=chunk_se, + chunk_size=chunk_size, + conv_activation=conv_activation, + conv_glu_type=conv_glu_type, + bias_in_glu=bias_in_glu, + linear_glu_in_convm=linear_glu_in_convm, + attention_glu_type=attention_glu_type, + activation_checkpointing=attn_checkpointing(activation_checkpointing, i), + export=export, + use_pt_scaled_dot_product_attention=use_pt_scaled_dot_product_attention, + attn_group_sizes=attention_group_size, + ) + ), + ) + self.extra_layer_output_idx = extra_layer_output_idx + self.extra_multi_layer_output_idxs = extra_multi_layer_output_idxs + # Make a zeros scalar we can use in get_initial_state to determine + # the device and the needed dtype: + self.register_buffer("dev_type", torch.zeros(()), persistent=False) + + for i in range(len(self.encoders)): + self.encoders[i] = self.encoders[i]._checkpoint_wrapped_module + + def init_relative_attention_bias(self, input_tensor): + if self.relative_attention_bias_layer: + return self.relative_attention_bias_layer(input_tensor) + + def calculate_hs_mask(self, xs_pad, device, mask): + max_audio_length = xs_pad.shape[1] + batch_size = xs_pad.shape[0] + enc_streaming_mask = self._streaming_mask( + max_audio_length, batch_size, self.chunk_size, self.left_chunk + ) + enc_streaming_mask = enc_streaming_mask.to(device) + + feature_lens = mask.sum(1) + padding_length = feature_lens + pad_mask = ( + torch.arange(0, max_audio_length, device=device).expand(padding_length.size(0), -1) + < padding_length.unsqueeze(1) + ) + pad_mask = pad_mask.unsqueeze(1) + pad_mask = pad_mask & enc_streaming_mask + + if_condition = torch.full_like(enc_streaming_mask, batch_size == 1).bool() + else_condition = ~if_condition + return enc_streaming_mask * if_condition + pad_mask * else_condition + + # @torch.jit.ignore + def forward(self, xs_pad, masks): + """Conformer Forward function + + Args: + xs_pad: torch.Tensor + input tensor + masks: torch.Tensor + post-embedding input lengths + """ + xs_pad = self.encoder_embedding(xs_pad) + input_tensor, pos_k, pos_v, hs_mask, masks = self.forward_embeddings(xs_pad, masks) + + # Rewritten unfold logic + ori_bz, seq_len, D = input_tensor.shape + max_seq_len = 500 # maximum position for absolute positional encoding + + chunk_pad_size = (max_seq_len - (seq_len % max_seq_len)) % max_seq_len + # the unfold op will drop residual frames, pad it to the multiple of max_seq_len + if_padding_tensor = torch.zeros((ori_bz, chunk_pad_size, D), device=input_tensor.device) + if_padded_input_tensor = torch.cat((input_tensor, if_padding_tensor), dim=1).to(input_tensor.device) + + new_bz = ori_bz * ((seq_len + chunk_pad_size) // max_seq_len) + if_unfolded_tensor = if_padded_input_tensor.reshape(new_bz, max_seq_len, D) + + # revise hs_mask here because the previous calculated hs_mask did not consider extra pad + subsampled_pad_mask = masks.squeeze(1) # [bz, subsampled_unmask_seq_len] + extra_padded_subsampled_padding_tensor = torch.zeros((ori_bz, chunk_pad_size), device=subsampled_pad_mask.device) + extra_padded_subsampled_pad_mask = torch.cat((subsampled_pad_mask, extra_padded_subsampled_padding_tensor), dim=1).to(subsampled_pad_mask.device) # extra padding to the pad mask + if_masks_unfold = extra_padded_subsampled_pad_mask.reshape(new_bz, max_seq_len) # unfold the pad mask like we did to the input tensor + + # Calculate values in masks_unfold to use + # If condition is true, all values in masks_unfold are left as is. + # If condition is false, all values in masks_unfold are set to 0. + condition = torch.full_like(if_masks_unfold, ori_bz != 1).bool() + masks_unfold = if_masks_unfold * condition + + if_hs_mask = self.calculate_hs_mask(if_unfolded_tensor, if_unfolded_tensor.device, masks_unfold) + + # Pad original hs_mask to be the same shape as if_hs_mask + hs_mask_dim0, hs_mask_dim1, hs_mask_dim2 = hs_mask.shape + if_hs_mask_dim0, if_hs_mask_dim1, if_hs_mask_dim2 = if_hs_mask.shape + padded_dim0 = max(hs_mask_dim0, if_hs_mask_dim0) + padded_dim1 = max(hs_mask_dim1, if_hs_mask_dim1) + padded_dim2 = max(hs_mask_dim2, if_hs_mask_dim2) + + padded_hs_mask = torch.zeros(padded_dim0, padded_dim1, padded_dim2, device=input_tensor.device) + padded_hs_mask[:hs_mask_dim0, :hs_mask_dim1, :hs_mask_dim2] = hs_mask + padded_if_hs_mask = torch.zeros(padded_dim0, padded_dim1, padded_dim2, device=input_tensor.device) + padded_if_hs_mask[:if_hs_mask_dim0, :if_hs_mask_dim1, :if_hs_mask_dim2] = if_hs_mask + + if_condition = torch.full_like(padded_if_hs_mask, seq_len > max_seq_len).bool() + else_condition = ~if_condition + chosen_padded_hs_mask = padded_if_hs_mask * if_condition + padded_hs_mask * else_condition + + # Remove any padding from chosen_padded_hs_mask + shape_dim1, shape_dim2 = min(hs_mask_dim1, if_hs_mask_dim1), min(hs_mask_dim2, if_hs_mask_dim2) + hs_mask = chosen_padded_hs_mask[:, :shape_dim1, :shape_dim2] + + # layer_emb = None + hs_mask = hs_mask.to(torch.int32).unsqueeze(1).eq(0) # (batch, 1, time1, time2) + + relative_attention_bias = self.init_relative_attention_bias(input_tensor) + + _simplified_path = ( + self.extra_layer_output_idx == -1 + and relative_attention_bias is None + ) + + if _simplified_path: + input_tensor, *_ = self.encoders(input_tensor, pos_k, pos_v, hs_mask) + else: + for i, layer in enumerate(self.encoders): + input_tensor, _, _ = layer( + input_tensor, + pos_k, + pos_v, + hs_mask, + relative_attention_bias=relative_attention_bias, + ) + + # if i == self.extra_layer_output_idx: + # layer_emb = input_tensor + + embed_dim = input_tensor.shape[-1] + input_tensor = input_tensor.reshape(ori_bz, -1, embed_dim) + # if we ever padded before unfolding, we need to remove the padding + input_tensor = input_tensor[:, :seq_len, :] # original code does :-chunk_pad_size to remove padding, which makes the tensor the same shape as before any padding + + return input_tensor, masks #, layer_emb + + def gradient_checkpointing_enable(self): + pass diff --git a/cpp/gemma_v1/speech_conformer_encoder_old.py b/cpp/gemma_v1/speech_conformer_encoder_old.py new file mode 100644 index 0000000000000000000000000000000000000000..17c442e0bc80fdd31f6064935efe23c0ce66d3f9 --- /dev/null +++ b/cpp/gemma_v1/speech_conformer_encoder_old.py @@ -0,0 +1,2906 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +#!/usr/bin/env python3 + +# activation_checkpointing.py +"""helper function for activation checkpointing""" + +from typing import Union, Dict, Callable +from functools import partial +from torch.distributed.algorithms._checkpoint.checkpoint_wrapper import ( + checkpoint_wrapper, + offload_wrapper, + CheckpointImpl, +) + + +# utils.py +"""cascade basic blocks""" + +import math +import backoff +import random +import numpy as np +from typing import Optional, Tuple, Union +import torch +from torch import nn +from torch import Tensor +import torch.nn.functional as F + + +# conformer_encoder.py +"""ConformerEncoder Module""" + +from typing import Optional, Tuple, List, Literal +import abc +import math +import numpy as np + +import torch +from torch import nn, Tensor + +from torch.distributed.algorithms._checkpoint.checkpoint_wrapper import CheckpointWrapper +from torch.distributed.fsdp.fully_sharded_data_parallel import FullyShardedDataParallel + + +# activation_checkpointing.py +def validate_checkpointing_config(activation_checkpointing): + """validate activation checkpointing configuration""" + if isinstance(activation_checkpointing, str): + assert activation_checkpointing in ( + "", + "checkpoint", + "offload", + ), "activation_checkpointing has to be a dict or a str in ('', 'checkpoint', 'offload')." + elif isinstance(activation_checkpointing, dict): + assert activation_checkpointing.get("module", "transformer") in ( + "transformer", + "attention", + ), "module in activation_checkpointing has to be in ('transformer', 'attention')." + else: + raise ValueError("activation_checkpointing has to be a str or dict.") + + +def embedding_checkpoint_wrapper( + activation_checkpointing: Union[str, Dict], +) -> Callable: + """return encoder embedding activation checkpoint wrapper""" + validate_checkpointing_config(activation_checkpointing) + + if isinstance(activation_checkpointing, str): + if activation_checkpointing: + if activation_checkpointing == "offload": + return offload_wrapper + return partial(checkpoint_wrapper) + return lambda x: x + + if isinstance(activation_checkpointing, dict): + enabled = activation_checkpointing.get("embed", False) + if enabled: + offloading = activation_checkpointing.get("offload", False) + if offloading: + return offload_wrapper + impl = ( + CheckpointImpl.REENTRANT + if activation_checkpointing.get("reentrant", False) + else CheckpointImpl.NO_REENTRANT + ) + return partial(checkpoint_wrapper, checkpoint_impl=impl) + return lambda x: x + raise ValueError("Invalid activation_checkpointing config") + + +def encoder_checkpoint_wrapper( + activation_checkpointing: Union[str, Dict], + layer_cls: type, + idx: int = 0, +) -> Callable: + """return encoder activation checkpoint wrapper""" + validate_checkpointing_config(activation_checkpointing) + + if isinstance(activation_checkpointing, str): + if activation_checkpointing: + if activation_checkpointing == "offload": + return offload_wrapper + return partial(checkpoint_wrapper) + return lambda x: x + + if isinstance(activation_checkpointing, dict): + target_layer_cls = activation_checkpointing.get("module", "transformer") + if target_layer_cls.lower() == "transformer": + target_layer_cls = ( + "EncoderLayer", + "ConformerEncoderLayer", + ) + elif target_layer_cls.lower() == "attention": + target_layer_cls = ("MultiHeadedAttention", "MultiHeadAttention") + checkpointing_interval = activation_checkpointing.get("interval", 1) + offloading = activation_checkpointing.get("offload", False) + impl = ( + CheckpointImpl.REENTRANT + if activation_checkpointing.get("reentrant", True) + else CheckpointImpl.NO_REENTRANT + ) + + if idx % checkpointing_interval == 0 and layer_cls.__name__ in target_layer_cls: + if offloading: + return offload_wrapper + return partial(checkpoint_wrapper, checkpoint_impl=impl) + return lambda x: x + + raise ValueError("Invalid activation_checkpointing config") + + +def attn_checkpointing(activation_checkpointing: Union[str, Dict], i) -> Union[str, Dict]: + """return activation checkpointing config for attention layer""" + if isinstance(activation_checkpointing, str): + return "" + + if isinstance(activation_checkpointing, dict): + target_layer_cls = activation_checkpointing.get("module", "transformer") + checkpointing_interval = activation_checkpointing.get("interval", 1) + if target_layer_cls == "attention" and i % checkpointing_interval == 0: + return activation_checkpointing + return "" + + raise ValueError("Invalid activation_checkpointing config") + + +# utils.py +class Block(nn.Module): + """Block abstract module""" + + def __init__(self, input_size, output_size): + super().__init__() + self.input_size = input_size + self.output_size = output_size + +def get_activation(name="relu"): + """Select an activation function by name + + Args: + name: str + activation function name, + one of ["relu", "gelu", "swish", "sigmoid"], + default "relu". + """ + name = name.lower() + if name == "relu": + return nn.ReLU(inplace=True) + if name == "gelu": + return nn.GELU() + if name == "swish": + return Swish() + if name == "sigmoid": + return torch.nn.Sigmoid() + return nn.Identity() + +def adaptive_enc_mask(x_len, chunk_start_idx, left_window=0, right_window=0): + """ + The function is very important for Transformer Transducer Streaming mode + Args: + xs_len (int): sequence length + chunk_start_idx (list): first idx of each chunk, such as [0,18,36,48]. It also supports adaptive chunk size [0,10,15,45] + left_window (int): how many left chunks can be seen + right_window (int): how many right chunks can be seen. It is used for chunk overlap model. + Returns: + mask (torch.Tensor): a mask tensor for streaming model + Torch 1.0.1 + tensor([[1., 1., 0., 0.], + [0., 1., 1., 0.], + [0., 0., 1., 1.]]) + Torch 1.4.1 + tensor([[True., True., False., False.], + [False., True., True., False.], + [False., False., True., True.]]) + """ + chunk_start_idx = torch.Tensor( + chunk_start_idx + ).long() # first idx of each chunk, such as [0,18,36,48]. + start_pad = torch.nn.functional.pad( + chunk_start_idx, (1, 0) + ) # append 0 to the beginning, so it becomes [0, 0, 18, 36, 48] + end_pad = torch.nn.functional.pad( + chunk_start_idx, (0, 1), value=x_len + ) # append x_len to the end, so it becomes [0,18,36,48, x_len] + seq_range = torch.arange(0, x_len).unsqueeze(-1) # seq_range size: [x_len, 1] + idx = ((seq_range < end_pad) & (seq_range >= start_pad)).nonzero()[:, 1] # idx size: [x_len] + boundary = end_pad[idx] # boundary size: [x_len] + seq_range_expand = ( + torch.arange(0, x_len).unsqueeze(0).expand(x_len, -1) + ) # seq_range_expand size [x_len, x_len] + idx_left = idx - left_window + idx_left[idx_left < 0] = 0 + boundary_left = start_pad[idx_left] + mask_left = seq_range_expand >= boundary_left.unsqueeze(-1) + idx_right = idx + right_window + idx_right[idx_right > len(chunk_start_idx)] = len(chunk_start_idx) + boundary_right = end_pad[idx_right] + mask_right = seq_range_expand < boundary_right.unsqueeze(-1) + return mask_left & mask_right + +class Swish(nn.Module): + """Implement Swish activation module. + From https://arxiv.org/pdf/2005.03191.pdf + + """ + + def __init__(self) -> None: + super().__init__() + self.act_fn = nn.Sigmoid() + + def forward(self, x: Tensor) -> Tensor: + """Apply Swish function + + Args: + x: torch.Tensor + Input. + """ + return x * self.act_fn(x) + +class GLU(nn.Module): + """Implement Gated Linear Unit (GLU) module""" + + def __init__(self, dim: int = -1, act_name: str = "sigmoid") -> None: + super().__init__() + self.dim = dim + self.act_name = act_name.lower() + + if self.act_name == "relu": + self.act_fn = nn.ReLU(inplace=True) + elif self.act_name == "gelu": + self.act_fn = nn.GELU() + elif self.act_name == "swish": + self.act_fn = Swish() + elif self.act_name == "sigmoid": + self.act_fn = nn.Sigmoid() + else: + self.act_fn = nn.Identity() + + def forward(self, x: Tensor) -> Tensor: + """GLU forward + Apply Swish function on the first half of input matrices + with sigmoid of the second half. + + Args: + x: torch.Tensor + Input. + + """ + half_x, gate = x.chunk(2, dim=self.dim) + return half_x * self.act_fn(gate) + +# TODO: Abdel, this can be improved using GLU module +class GLUPointWiseConv(nn.Module): + """GLUPointWiseConv module + used for conformer architecture, + for more details see: + https://arxiv.org/pdf/2005.08100v1.pdf + + Args: + input_dim: int + input channel size. + output_dim: int + output channel size. + kernel_size: int + kernel size + glu_type: str, optional + activation function one of + ["sigmoid", "relu", "gelu"] + default "sigmoid". + bias_in_glu: bool, optional + use addtive bias in glu + causal: bool, optional + if set to True, padding is set to the half of + kernel size, ie, convolution can't see future frames. + default False. + + """ + + def __init__( + self, input_dim, output_dim, kernel_size, glu_type="sigmoid", bias_in_glu=True, causal=False + ): + super().__init__() + + self.glu_type = glu_type + self.output_dim = output_dim + self.bias_in_glu = bias_in_glu + if causal: + self.ext_pw_conv_1d = nn.Conv1d( + input_dim, output_dim * 2, kernel_size, 1, padding=(kernel_size - 1) + ) + else: + self.ext_pw_conv_1d = nn.Conv1d( + input_dim, output_dim * 2, kernel_size, 1, padding=(kernel_size - 1) // 2 + ) + + if glu_type == "sigmoid": + self.glu_act = nn.Sigmoid() + elif glu_type == "relu": + self.glu_act = nn.ReLU() + elif glu_type == "gelu": + self.glu_act = nn.GELU() + elif glu_type == "swish": + self.glu_act = Swish() + else: + raise ValueError(f"Unsupported activation type {self.glu_act}") + + if bias_in_glu: + self.b1 = nn.Parameter(torch.zeros(1, output_dim, 1)) + self.b2 = nn.Parameter(torch.zeros(1, output_dim, 1)) + + def forward(self, x): + """ + Args: + x: torch.Tensor + input tensor + """ + # to be consistent with GLULinear, we assume the input always has the #channel (#dim) in the last dimension of the tensor, so need to switch the dimension first for 1D-Conv case + x = x.permute([0, 2, 1]) + x = self.ext_pw_conv_1d(x) + if self.glu_type == "bilinear": + if self.bias_in_glu: + x = (x[:, 0 : self.output_dim, :] + self.b1) * ( + x[:, self.output_dim : self.output_dim * 2, :] + self.b2 + ) + else: + x = (x[:, 0 : self.output_dim, :]) * ( + x[:, self.output_dim : self.output_dim * 2, :] + ) + else: + if self.bias_in_glu: + x = (x[:, 0 : self.output_dim, :] + self.b1) * self.glu_act( + x[:, self.output_dim : self.output_dim * 2, :] + self.b2 + ) + else: + x = (x[:, 0 : self.output_dim, :]) * self.glu_act( + x[:, self.output_dim : self.output_dim * 2, :] + ) + + x = x.permute([0, 2, 1]) + return x + + +class DepthWiseSeperableConv1d(nn.Module): + """DepthWiseSeperableConv1d module used in Convnet module + for the conformer, for more details see: + https://arxiv.org/pdf/2005.08100v1.pdf + + Args: + input_dim: int + input channel size. + depthwise_seperable_out_channel: int + if set different to 0, the number of depthwise_seperable_out_channel + will be used as a channel_out of the second conv1d layer. + otherwise, it equal to 0, the second conv1d layer is skipped. + kernel_size: int + kernel_size + depthwise_multiplier: int + number of input_dim channels duplication. this value + will be used to compute the hidden channels of the Conv1D. + padding: int, optional + padding for the conv1d, + default: 0. + + """ + + def __init__( + self, + input_dim, + depthwise_seperable_out_channel, + kernel_size, + depthwise_multiplier, + padding=0, + ): + super().__init__() + + self.dw_conv = nn.Conv1d( + input_dim, + input_dim * depthwise_multiplier, + kernel_size, + 1, + padding=padding, + groups=input_dim, + ) + + if depthwise_seperable_out_channel != 0: + self.pw_conv = nn.Conv1d( + input_dim * depthwise_multiplier, depthwise_seperable_out_channel, 1, 1, 0 + ) + else: + self.pw_conv = nn.Identity() + self.depthwise_seperable_out_channel = depthwise_seperable_out_channel + + def forward(self, x): + """ + + Args: + x: torch.Tensor + input tensor + """ + x = self.dw_conv(x) + if self.depthwise_seperable_out_channel != 0: + x = self.pw_conv(x) + return x + + +class ConvModule(nn.Module): + """ConvModule Module for the conformer block. + for more details see: + https://arxiv.org/pdf/2005.08100v1.pdf + + Args: + input_dim: int + input channel size. + ext_pw_out_channel: int + if > 0, ext_pw_out_channel is a dim channel size + for the last pointwise conv after swish activation. + depthwise_seperable_out_channel: int + if set different to 0, the number of depthwise_seperable_out_channel + will be used as a channel_out of the second conv1d layer. + otherwise, it equal to 0, the second conv1d layer is skipped. + ext_pw_kernel_size: int + kernel size of the conv pointwise of the conformer. + kernel_size: int + kernel size. + depthwise_multiplier: int + number of input_dim channels duplication. this value + will be used to compute the hidden channels of the Conv1D. + dropout_rate: float + dropout rate. + causal: bool, optional + if set to True, convolution have no access + to future frames. default False. + batch_norm: bool, optional + if set to True, apply batchnorm before activation. + default False + chunk_se: int, optional + 0 for offline SE. + 1 for streaming SE, where mean is computed + by accumulated history until current chunk_se. + 2 for streaming SE, where mean is computed + by only the current chunk. + chunk_size: int, optional + chunk size for cnn. default 18 + activation: str, optional + activation function used in ConvModule, + default: "relu". + glu_type: str, optional + activation function used for the glu, + default: "sigmoid". + bias_in_glu: bool, optional + if set to True, use additive bias in the weight module + before GLU. + linear_glu_in_convm: bool, optional + if set to True, use GLULinear module, + otherwise, used GLUPointWiseConv module. + default to False. + export: bool, optional, + if set to True, padding is equal to 0. This is for inference, + or onnx export. Typically this is set by the export program or + the decoder program, and it isn't present in your config file. + default False + """ + + def __init__( + self, + input_dim, + ext_pw_out_channel, + depthwise_seperable_out_channel, + ext_pw_kernel_size, + kernel_size, + depthwise_multiplier, + dropout_rate, + causal=False, + batch_norm=False, + chunk_se=0, + chunk_size=18, + activation="relu", + glu_type="sigmoid", + bias_in_glu=True, + linear_glu_in_convm=False, + export=False, + ): + super().__init__() + self.layer_norm = nn.LayerNorm(input_dim) + self.input_dim = input_dim + self.ext_pw_out_channel = ext_pw_out_channel + self.ext_pw_kernel_size = ext_pw_kernel_size + self.depthwise_seperable_out_channel = depthwise_seperable_out_channel + self.glu_type = glu_type + self.bias_in_glu = bias_in_glu + self.linear_glu_in_convm = linear_glu_in_convm + self.causal = causal + + self._add_ext_pw_layer() + + self.batch_norm = batch_norm + self.kernel_size = kernel_size + + if batch_norm: + self.bn_layer = nn.BatchNorm1d(input_dim) + + self.act = get_activation(activation) + self.dropout = nn.Dropout(dropout_rate) + self.export = export + + if causal: + if export: # Inference only. + padding = 0 # A cache is concatenated to the left. No padding in the kernel. + else: + # Training only. Padding will be added symmetrically on both sides. + # After convolution, clip off kernel_size-1 points on the right. + padding = kernel_size - 1 + else: + padding = (kernel_size - 1) // 2 + + self.dw_sep_conv_1d = DepthWiseSeperableConv1d( + input_dim, + depthwise_seperable_out_channel, + kernel_size, + depthwise_multiplier, + padding=padding, + ) + + if depthwise_seperable_out_channel != 0: + if input_dim != depthwise_seperable_out_channel: + self.ln2 = nn.Linear(depthwise_seperable_out_channel, input_dim) + else: + if depthwise_multiplier != 1: + self.ln2 = nn.Linear(input_dim * depthwise_multiplier, input_dim) + + def _add_ext_pw_layer(self): + """ + This function is an extension of __init__ function + and dedicated to the convolution module creation + of the conformer. + """ + self.ln1 = self.glu = self.bn_layer = self.ext_pw_conv_1d = nn.Identity() # jit hacks. + self.squeeze_excitation = nn.Identity() # jit. + self.apply_ln1 = self.fix_len1 = False # jit. + + if self.ext_pw_out_channel != 0: + if self.causal: + self.ext_pw_conv_1d = nn.Conv1d( + self.input_dim, + self.ext_pw_out_channel, + self.ext_pw_kernel_size, + 1, + padding=(self.ext_pw_kernel_size - 1), + ) + if self.ext_pw_kernel_size > 1: + self.fix_len1 = True + else: + self.fix_len1 = False + else: + self.ext_pw_conv_1d = nn.Conv1d( + self.input_dim, + self.ext_pw_out_channel, + self.ext_pw_kernel_size, + 1, + padding=(self.ext_pw_kernel_size - 1) // 2, + ) + self.fix_len1 = False + + if self.linear_glu_in_convm: + self.glu = GLULinear( + self.input_dim, self.ext_pw_out_channel, self.glu_type, self.bias_in_glu + ) + else: + self.glu = GLUPointWiseConv( + self.input_dim, + self.ext_pw_out_channel, + self.ext_pw_kernel_size, + self.glu_type, + self.bias_in_glu, + self.causal, + ) + + if self.input_dim != self.ext_pw_out_channel: + self.apply_ln1 = True + self.ln1 = nn.Linear(self.ext_pw_out_channel, self.input_dim) + else: + self.apply_ln1 = False + else: + self.pw_conv_simplify_w = torch.nn.Parameter(torch.ones(3)) + self.pw_conv_simplify_b = torch.nn.Parameter(torch.zeros(3)) + + def forward(self, x): + """ConvModule Forward. + + Args: + x: torch.Tensor + input tensor. + """ + x = self.layer_norm(x) + + if self.ext_pw_out_channel != 0: + x = self.glu(x) + if self.causal and self.ext_pw_kernel_size > 1: + x = x[:, : -(self.ext_pw_kernel_size - 1), :] + if self.apply_ln1: + x = self.ln1(x) + else: + x_0 = x * self.pw_conv_simplify_w[0] + self.pw_conv_simplify_b[0] + x_1 = x * self.pw_conv_simplify_w[1] + self.pw_conv_simplify_b[1] + x = x_0 + x_1 + + x = x.permute([0, 2, 1]) + + x = self.dw_sep_conv_1d(x) + if self.causal and self.kernel_size > 1: + x = x[:, :, : -(self.kernel_size - 1)] + if hasattr(self, "ln2"): + x = x.permute([0, 2, 1]) + x = self.ln2(x) + x = x.permute([0, 2, 1]) + if self.batch_norm: + x = self.bn_layer(x) + x = self.act(x) + + if self.ext_pw_out_channel != 0: + x = self.ext_pw_conv_1d(x) + if self.fix_len1: + x = x[:, :, : -(self.ext_pw_kernel_size - 1)] + + if self.apply_ln1: + x = x.permute([0, 2, 1]) + x = self.ln1(x) + x = x.permute([0, 2, 1]) + + x = x.permute([0, 2, 1]) + else: + x = x.unsqueeze(1).permute([0, 1, 3, 2]) + x = x * self.pw_conv_simplify_w[2] + self.pw_conv_simplify_b[2] + x = x.squeeze(1) + + x = self.dropout(x) + return x + +class GLULinear(nn.Module): + """Linear + GLU module + + Args: + input_dim: int + input size + output_dim: int + output size. + glu_type: + activation function name used in glu module. + default "sigmoid" (swish function). + bias_in_glu: bool, optional + If True, the addtive bias is added. Default False. + """ + + def __init__( + self, + input_dim, + output_dim, + glu_type="sigmoid", + bias_in_glu=True, + ): + super().__init__() + self.linear = nn.Linear(input_dim, output_dim * 2, bias_in_glu) + self.glu_act = GLU(-1, glu_type) + + def forward(self, x): + """GLULinear forward + + Args: + x: torch.Tensor + inpute tensor. + """ + x = self.linear(x) + return self.glu_act(x) + +class FeedForward(nn.Module): + """FeedForward Module. + For more details see Conformer paper: + https://arxiv.org/pdf/2005.08100.pdf + + Args: + d_model: int + input size. + d_inner: int + output size. + dropout_rate: float, + dropout rate. + activation: str, + activation function name, + one of ["relu", "swish", "sigmoid"], + sigmoid activation is only used with "glu_in_fnn=True", + default "sigmoid". + bias_in_glu: bool, optional + """ + + def __init__( + self, + d_model, + d_inner, + dropout_rate, + activation="sigmoid", + bias_in_glu=True, + ): + super().__init__() + self.d_model = d_model + self.d_inner = d_inner + + self.layer_norm = nn.LayerNorm(d_model) + module = GLULinear(d_model, d_inner, activation, bias_in_glu) + self.net = nn.Sequential( + module, + nn.Dropout(dropout_rate), + nn.Linear(d_inner, d_model), + nn.Dropout(dropout_rate), + ) + + def forward(self, x): + """FeedForward forward function. + + Args: + x: torch.Tensor + input tensor. + """ + out = self.net(self.layer_norm(x)) + + return out + +#### positional encoding starts here +def _pre_hook( + state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs +): + """Perform pre-hook in load_state_dict for backward compatibility. + + Note: + We saved self.pe until v.0.5.2 but we have omitted it later. + Therefore, we remove the item "pe" from `state_dict` for backward compatibility. + + """ + k = prefix + "pe" + if k in state_dict: + state_dict.pop(k) + +class T5RelativeAttentionLogitBias(nn.Module): + """ + This module implements the relative position bias described in Section 2.1 of + the T5 paper: https://arxiv.org/pdf/1910.10683.pdf + + The Huggingface implementation is used as a reference + https://github.com/huggingface/transformers/blob/v4.30.0/src/transformers/models/t5/modeling_t5.py#L435 + + Modifies attention as Q*K^T + B, where B is a learned scalar bias based on relative position + of the query and key. It is HxNxN, where H is the number of heads, N is the sequence length. + + I've made these modifications to the original T5 bias: + - Skipping of the bucketing step. Original T5 bias converted rel position distances into + logarithmically increasing buckets. This is supposed to help with length generalization. + - I just directly use rel position index as bias values, as we don't need length + generalization (40s max is good enough for ASR encoder), and it keeps ONNX export simple. + - I've also extended it so that biases can be asymmetric, the default implementation treats + L->R and R->L the same. Asymmetric was found to yield better results in my experiments. + + Args: + num_heads: int + Number of attention heads + num_buckets: int + Number of buckets to use for relative attention bias. This is the size of the learnable + bias parameter. Bucketing is not yet supported, so this defaults to -1 which means + no bucketing is used (max_distance determines size of bias param). + max_distance: int + Maximum distance to use for relative attention bias. With num_buckets=-1, this directly + controls the max size of the bias parameter. When num_buckets > 0 is supported, this + will control the maximum distance for logarithmic bucketing after which all positions + are in the same bucket. + symmetric: bool + Whether to use symmetric or asymmetric biases. symmetric=False uses 2x number of bias + params to distinguish L->R from R->L. This was found to be better for the encoder. + """ + + def __init__(self, num_heads, num_buckets=-1, max_distance=1000, symmetric=False): + super().__init__() + self.num_heads = num_heads + self.num_buckets = num_buckets + self.max_distance = max_distance + self.symmetric = symmetric + self._skip_bucketing = self.num_buckets < 0 + if self._skip_bucketing: + self.num_buckets = max_distance + else: + raise NotImplementedError("T5 attention bias with bucketed positions is not yet tested") + if not self.symmetric: + self.num_buckets *= 2 + self.bias_values = nn.Embedding(self.num_buckets, self.num_heads) + + def forward(self, x): + # instantiate bias compatible with shape of x + maxpos = x.size(1) + context_position = torch.arange(maxpos, device=x.device, dtype=torch.long)[:, None] + memory_position = torch.arange(maxpos, device=x.device, dtype=torch.long)[None, :] + relative_position = memory_position - context_position + # clipping to a maximum distance using ops that play well with ONNX export + relative_position = relative_position.masked_fill( + relative_position < -self.max_distance, -self.max_distance + ) + relative_position = relative_position.masked_fill( + relative_position > self.max_distance - 1, self.max_distance - 1 + ) + + # mapping from relative position to index in the bias parameter + if self._skip_bucketing: + bias_idx = relative_position + else: + bias_idx = self._bucket_relative_position(relative_position) + if self.symmetric: + bias_idx = bias_idx.abs() + else: + bias_idx += self.num_buckets // 2 + + t5_rel_att_bias = self.bias_values(bias_idx) # [L, L, H] + t5_rel_att_bias = t5_rel_att_bias.permute(2, 0, 1).unsqueeze(0) # [1, H, L, L] + + return t5_rel_att_bias + + def _bucket_relative_position(self, relative_position): + # this is a placeholder (isn't tested, likely buggy) using HuggingFace implem as a reference + # this also needs to be extended to support asymmetric +/- ve positions + relative_buckets = 0 + if not self.causal: + num_buckets //= 2 + relative_buckets += (relative_position > 0).to(torch.long) * num_buckets + relative_position = torch.abs(relative_position) + else: + relative_position = -torch.min(relative_position, torch.zeros_like(relative_position)) + # now relative_position is in the range [0, inf) + + # half of the buckets are for exact increments in positions + max_exact = num_buckets // 2 + is_small = relative_position < max_exact + + # The other half of the buckets are for logarithmically bigger bins in positions up to max_distance + relative_position_if_large = max_exact + ( + torch.log(relative_position.float() / max_exact) + / math.log(self.max_distance / max_exact) + * (num_buckets - max_exact) + ).to(torch.long) + relative_position_if_large = torch.min( + relative_position_if_large, torch.full_like(relative_position_if_large, num_buckets - 1) + ) + + relative_buckets += torch.where(is_small, relative_position, relative_position_if_large) + return relative_buckets + +class AbsolutePositionalEncoding(nn.Module): + """Absolute Positional encoding module. + This module implement Absolute sinusoidal positional encoding + from: https://arxiv.org/pdf/1706.03762.pdf + + Args: + d_model: int + Input embedding size. + dropout_rate: float + dropout rate + max_len: int, optional + Maximum input length sequence, Default 5000 + + """ + + def __init__(self, d_model, dropout_rate, max_len=5000): + """Construct an PositionalEncoding object.""" + super().__init__() + self.d_model = d_model + self.xscale = math.sqrt(self.d_model) + self.dropout = torch.nn.Dropout(p=dropout_rate) + self.pe = None + self.extend_pe(torch.tensor(0.0).expand(1, max_len)) + self._register_load_state_dict_pre_hook(_pre_hook) + + def extend_pe(self, x): + """Reset the positional encodings. + + Args: + x: torch.Tensor + """ + if self.pe is not None: + if self.pe.size(1) >= x.size(1): + if self.pe.dtype != x.dtype or self.pe.device != x.device: + self.pe = self.pe.to(dtype=x.dtype, device=x.device) + return + pe = torch.zeros(x.size(1), self.d_model) + position = torch.arange(0, x.size(1), dtype=torch.float32).unsqueeze(1) + div_term = torch.exp( + torch.arange(0, self.d_model, 2, dtype=torch.float32) + * -(math.log(10000.0) / self.d_model) + ) + pe[:, 0::2] = torch.sin(position * div_term) + pe[:, 1::2] = torch.cos(position * div_term) + pe = pe.unsqueeze(0) + self.pe = pe.to(device=x.device, dtype=x.dtype) + + def forward(self, x: torch.Tensor): + """Add positional encoding. + + Args: + x: torch.Tensor + Input tensor. shape is (batch, time, ...) + + Returns: + torch.Tensor: Encoded tensor. Its shape is (batch, time, ...) + + """ + self.extend_pe(x) + x = x * self.xscale + self.pe[:, : x.size(1)] + return self.dropout(x) + +#### forward embedding layers starts here + +@backoff.on_exception(backoff.expo, Exception, max_tries=10) +def np_loadtxt_with_retry(filepath): + """np.loadtxt with retry + + Args: + filepath: str + file path to the numpy array. + """ + result = np.loadtxt(filepath, dtype="f") + return result + +class MeanVarianceNormLayer(nn.Module): + """Mean/variance normalization layer. + + Will substract mean and multiply input by inverted standard deviation. + Typically used as a very first layer in a model. + + Args: + input_size: int + layer input size. + """ + + def __init__(self, input_size): + super().__init__() + self.input_size = input_size + self.register_buffer("global_mean", torch.zeros(input_size)) + self.register_buffer("global_invstd", torch.ones(input_size)) + self.global_mean: Optional[Tensor] + self.global_invstd: Optional[Tensor] + + def forward(self, input_: Tensor) -> Tensor: + """MeanVarianceNormLayer Forward + + Args: + input_: torch.Tensor + input tensor. + """ + return (input_ - self.global_mean) * self.global_invstd + + def load_mean_invstd(self, mean_file, invstd_file, cuside_features=False): + """Load feature mean and variance used for normalization. + + Args: + mean_file: str + path to the feature mean statistics file. + invstd_file: str + path to the features inverted standard deviation + statistics file. + cuside_features: bool + Boolean that indicates CUSIDE is being used. + The statistics of CUSIDE features are copied + from the normal features + """ + self.global_mean.data = torch.from_numpy(np_loadtxt_with_retry(mean_file)) + self.global_invstd.data = torch.from_numpy(np_loadtxt_with_retry(invstd_file)) + + if cuside_features: + self.global_mean.data = torch.cat((self.global_mean.data, self.global_mean.data), 0) + self.global_invstd.data = torch.cat( + (self.global_invstd.data, self.global_invstd.data), 0 + ) + +class CausalConv1D(nn.Conv1d): + """ + A causal version of nn.Conv1d where each step would have limited access to locations on its right or left + All arguments are the same as nn.Conv1d except padding. + + If padding is set None, then paddings are set automatically to make it a causal convolution where each location would not see any steps on its right. + + If padding is set as a list (size of 2), then padding[0] would be used as left padding and padding[1] as right padding. + It would make it possible to control the number of steps to be accessible on the right and left. + This mode is not supported when stride > 1. padding[0]+padding[1] should be equal to (kernel_size - 1). + """ + + def __init__( + self, + in_channels: int, + out_channels: int, + kernel_size: int, + stride: int = 1, + padding: Union[str, int] = 0, + dilation: int = 1, + groups: int = 1, + bias: bool = True, + padding_mode: str = "zeros", + device=None, + dtype=None, + ) -> None: + self.cache_drop_size = None + if padding is None: + self._left_padding = kernel_size - 1 + self._right_padding = stride - 1 + else: + if stride != 1 and padding != kernel_size - 1: + raise ValueError("No striding allowed for non-symmetric convolutions!") + if isinstance(padding, int): + self._left_padding = padding + self._right_padding = padding + elif ( + isinstance(padding, list) + and len(padding) == 2 + and padding[0] + padding[1] == kernel_size - 1 + ): + self._left_padding = padding[0] + self._right_padding = padding[1] + else: + raise ValueError(f"Invalid padding param: {padding}!") + + self._max_cache_len = self._left_padding + + super().__init__( + in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + padding=0, + dilation=dilation, + groups=groups, + bias=bias, + padding_mode=padding_mode, + device=device, + dtype=dtype, + ) + + def update_cache(self, x, cache=None): + if cache is None: + new_x = F.pad(x, pad=(self._left_padding, self._right_padding)) + next_cache = cache + else: + new_x = F.pad(x, pad=(0, self._right_padding)) + new_x = torch.cat([cache, new_x], dim=-1) + if self.cache_drop_size > 0: + next_cache = new_x[:, :, : -self.cache_drop_size] + else: + next_cache = new_x + next_cache = next_cache[:, :, -cache.size(-1) :] + return new_x, next_cache + + def forward(self, x, cache=None): + x, cache = self.update_cache(x, cache=cache) + x = super().forward(x) + if cache is None: + return x + else: + return x, cache + + +class CausalConv2D(nn.Conv2d): + """ + A causal version of nn.Conv2d where each location in the 2D matrix would have no access to locations on its right or down + All arguments are the same as nn.Conv2d except padding which should be set as None + """ + + def __init__( + self, + in_channels: int, + out_channels: int, + kernel_size: int, + stride: int = 1, + padding: Union[str, int] = 0, + dilation: int = 1, + groups: int = 1, + bias: bool = True, + padding_mode: str = "zeros", + device=None, + dtype=None, + ) -> None: + if padding is not None: + raise ValueError("Argument padding should be set to None for CausalConv2D.") + self._left_padding = kernel_size - 1 + self._right_padding = stride - 1 + + padding = 0 + super().__init__( + in_channels, + out_channels, + kernel_size, + stride, + padding, + dilation, + groups, + bias, + padding_mode, + device, + dtype, + ) + + def forward( + self, + x, + ): + if self.training: + x = F.pad( + x, + pad=( + self._left_padding, + self._right_padding, + self._left_padding, + self._right_padding, + ), + ) + else: + x = F.pad( + x, + pad=(self._left_padding, self._right_padding, 0, 0), + ) + x = super().forward(x) + return x + + +class NemoConvSubsampling(torch.nn.Module): + """Convlutional subsampling module, taken from NeMo ASR + (https://github.com/NVIDIA/NeMo/blob/b367413645d5c72db3c2c96e46e95a34501479cf/nemo/collections/asr/parts/submodules/subsampling.py) + + Striding Subsampling: "Speech-Transformer: A No-Recurrence Sequence-to-Sequence Model for + Speech Recognition" by Linhao Dong et al. (https://ieeexplore.ieee.org/document/8462506) + + + Compared with the EncoderConv2D (`input_layer: custom`), this is a much simplified approach, + and uses no LayerNorm and far fewer Conv2Ds. Moreover, depthwise convolutions are used to reduce + FLOPs, but the first layer is kept as a regular convolution so as not to degrade accuracy. + + `Striding` and `dw_striding` are the same except that the latter uses depthwise convolutions + after the first layer, whereas the former does not. + + Args: + subsampling_factor (int): Time reduction factor + feat_in (int): size of the input features + feat_out (int): size of the output features + subsampling (str): The subsampling technique, choose from + {"striding", "dw-striding", "striding_conv1d", "dw_striding_conv1d"} + conv_channels (int): Number of channels for the convolution layers, default is 256. + subsampling_conv_chunking_factor (int): Input chunking factor which can be -1 (no chunking) + 1 (auto) or a power of 2. Default is 1 + activation (Module): activation function, default is nn.ReLU() + is_causal (bool): whether to use causal Conv1/2D, where each step will have limited access + to locations on its right or left + """ + + def __init__( + self, + feat_in, + feat_out, + subsampling_factor=4, + subsampling="dw_striding", + conv_channels=256, + subsampling_conv_chunking_factor=1, + activation=nn.ReLU(), + is_causal=False, + ): + super().__init__() + self._subsampling = subsampling + self._conv_channels = conv_channels + self._feat_in = feat_in + self._feat_out = feat_out + + if subsampling_factor % 2 != 0: + raise ValueError("Sampling factor should be a multiply of 2!") + self._sampling_num = int(math.log(subsampling_factor, 2)) + self.subsampling_factor = subsampling_factor + self.is_causal = is_causal + self.subsampling_causal_cond = subsampling in ("dw_striding", "striding", "striding_conv1d") + + if ( + subsampling_conv_chunking_factor != -1 + and subsampling_conv_chunking_factor != 1 + and subsampling_conv_chunking_factor % 2 != 0 + ): + raise ValueError("subsampling_conv_chunking_factor should be -1, 1, or a power of 2") + self.subsampling_conv_chunking_factor = subsampling_conv_chunking_factor + + in_channels = 1 + layers = [] + + if subsampling == "dw_striding": + self._stride = 2 + self._kernel_size = 3 + self._ceil_mode = False + + if self.is_causal: + self._left_padding = self._kernel_size - 1 + self._right_padding = self._stride - 1 + self._max_cache_len = subsampling_factor + 1 + else: + self._left_padding = (self._kernel_size - 1) // 2 + self._right_padding = (self._kernel_size - 1) // 2 + self._max_cache_len = 0 + + # Layer 1 + if self.is_causal: + layers.append( + CausalConv2D( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=None, + ) + ) + else: + layers.append( + torch.nn.Conv2d( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + ) + ) + in_channels = conv_channels + layers.append(activation) + + for i in range(self._sampling_num - 1): + if self.is_causal: + layers.append( + CausalConv2D( + in_channels=in_channels, + out_channels=in_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=None, + groups=in_channels, + ) + ) + else: + layers.append( + torch.nn.Conv2d( + in_channels=in_channels, + out_channels=in_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + groups=in_channels, + ) + ) + + layers.append( + torch.nn.Conv2d( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=1, + stride=1, + padding=0, + groups=1, + ) + ) + layers.append(activation) + in_channels = conv_channels + + elif subsampling == "striding": + self._stride = 2 + self._kernel_size = 3 + self._ceil_mode = False + + if self.is_causal: + self._left_padding = self._kernel_size - 1 + self._right_padding = self._stride - 1 + self._max_cache_len = subsampling_factor + 1 + else: + self._left_padding = (self._kernel_size - 1) // 2 + self._right_padding = (self._kernel_size - 1) // 2 + self._max_cache_len = 0 + + for i in range(self._sampling_num): + if self.is_causal: + layers.append( + CausalConv2D( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=None, + ) + ) + else: + layers.append( + torch.nn.Conv2d( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + ) + ) + layers.append(activation) + in_channels = conv_channels + + elif subsampling == "striding_conv1d": + in_channels = feat_in + + self._stride = 2 + self._kernel_size = 5 + self._ceil_mode = False + + if self.is_causal: + self._left_padding = self._kernel_size - 1 + self._right_padding = self._stride - 1 + self._max_cache_len = subsampling_factor + 1 + else: + self._left_padding = (self._kernel_size - 1) // 2 + self._right_padding = (self._kernel_size - 1) // 2 + self._max_cache_len = 0 + + for i in range(self._sampling_num): + if self.is_causal: + layers.append( + CausalConv1D( + in_channels=in_channels, + out_channels=feat_out if self._sampling_num == i + 1 else conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=None, + ) + ) + else: + layers.append( + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=feat_out if self._sampling_num == i + 1 else conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + ) + ) + layers.append(activation) + in_channels = conv_channels + + elif subsampling == "dw_striding_conv1d": + in_channels = feat_in + + self._stride = 2 + self._kernel_size = 5 + self._ceil_mode = False + + self._left_padding = (self._kernel_size - 1) // 2 + self._right_padding = (self._kernel_size - 1) // 2 + + # Layer 1 + layers.extend( + [ + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=in_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + groups=in_channels, + ), + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=feat_out if self._sampling_num == 1 else conv_channels, + kernel_size=1, + stride=1, + padding=0, + groups=1, + ), + ] + ) + in_channels = conv_channels + layers.append(activation) + + for i in range(self._sampling_num - 1): + layers.extend( + [ + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=in_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + groups=in_channels, + ), + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=feat_out if self._sampling_num == i + 2 else conv_channels, + kernel_size=1, + stride=1, + padding=0, + groups=1, + ), + ] + ) + layers.append(activation) + in_channels = conv_channels + + else: + raise ValueError(f"Not valid sub-sampling: {subsampling}!") + + if subsampling in ["dw_striding", "striding"]: + in_length = torch.tensor(feat_in, dtype=torch.float) + out_length = calc_length( + lengths=in_length, + all_paddings=self._left_padding + self._right_padding, + kernel_size=self._kernel_size, + stride=self._stride, + ceil_mode=self._ceil_mode, + repeat_num=self._sampling_num, + ) + self.out = torch.nn.Linear(conv_channels * int(out_length), feat_out) + self.conv2d_subsampling = True + elif subsampling in ["striding_conv1d", "dw_striding_conv1d"]: + self.out = None + self.conv2d_subsampling = False + else: + raise ValueError(f"Not valid sub-sampling: {subsampling}!") + + self.conv = torch.nn.Sequential(*layers) + + def get_sampling_frames(self): + return [1, self.subsampling_factor] + + def get_streaming_cache_size(self): + return [0, self.subsampling_factor + 1] + + def forward(self, x, mask): + """ + Forward method for NeMo subsampling. + + Args: + x[Batch, Time, Filters]: torch.Tensor + input tensor + x_mask: torch.Tensor + input mask + + Returns: + x: torch.Tensor + Resulting tensor from subsampling (B, T // time_reduction_factor, feat_out) + pad_mask: torch.Tensor + tensor of padded hidden state sequences (B, 1, T // time_reduction_factor) + """ + # Unsqueeze Channel Axis + if self.conv2d_subsampling: + x = x.unsqueeze(1) + # Transpose to Channel First mode + else: + x = x.transpose(1, 2) + + # split inputs if chunking_factor is set + if self.subsampling_conv_chunking_factor != -1 and self.conv2d_subsampling: + if self.subsampling_conv_chunking_factor == 1: + # if subsampling_conv_chunking_factor is 1, we split only if needed + # avoiding a bug / feature limiting indexing of tensors to 2**31 + # see https://github.com/pytorch/pytorch/issues/80020 + x_ceil = 2**31 / self._conv_channels * self._stride * self._stride + if torch.numel(x) > x_ceil: + need_to_split = True + else: + need_to_split = False + else: + # if subsampling_conv_chunking_factor > 1 we always split + need_to_split = True + + if need_to_split: + x, success = self.conv_split_by_batch(x) + if not success: # if unable to split by batch, try by channel + if self._subsampling == "dw_striding": + x = self.conv_split_by_channel(x) + else: + x = self.conv(x) # try anyway + else: + x = self.conv(x) + else: + x = self.conv(x) + + # Flatten Channel and Frequency Axes + if self.conv2d_subsampling: + b, c, t, f = x.size() + x = self.out(x.transpose(1, 2).reshape(b, t, -1)) + # Transpose to Channel Last mode + else: + x = x.transpose(1, 2) + + if mask is None: + return x, None + + max_audio_length = x.shape[1] + feature_lens = mask.sum(1) + padding_length = torch.ceil(feature_lens / self.subsampling_factor) + if self.is_causal and self.subsampling_causal_cond: + feature_lens_remainder = feature_lens % self.subsampling_factor + padding_length[feature_lens_remainder != 1] += 1 + pad_mask = ( + torch.arange(0, max_audio_length, device=x.device).expand(padding_length.size(0), -1) + < padding_length.unsqueeze(1) + ) + return x, pad_mask.unsqueeze(1) + + def reset_parameters(self): + # initialize weights + if self._subsampling == "dw_striding": + with torch.no_grad(): + # init conv + scale = 1.0 / self._kernel_size + dw_max = (self._kernel_size**2) ** -0.5 + pw_max = self._conv_channels**-0.5 + + torch.nn.init.uniform_(self.conv[0].weight, -scale, scale) + torch.nn.init.uniform_(self.conv[0].bias, -scale, scale) + + for idx in range(2, len(self.conv), 3): + torch.nn.init.uniform_(self.conv[idx].weight, -dw_max, dw_max) + torch.nn.init.uniform_(self.conv[idx].bias, -dw_max, dw_max) + torch.nn.init.uniform_(self.conv[idx + 1].weight, -pw_max, pw_max) + torch.nn.init.uniform_(self.conv[idx + 1].bias, -pw_max, pw_max) + + # init fc (80 * 64 = 5120 from https://github.com/kssteven418/Squeezeformer/blob/13c97d6cf92f2844d2cb3142b4c5bfa9ad1a8951/src/models/conformer_encoder.py#L487 + fc_scale = (self._feat_out * self._feat_in / self._sampling_num) ** -0.5 + torch.nn.init.uniform_(self.out.weight, -fc_scale, fc_scale) + torch.nn.init.uniform_(self.out.bias, -fc_scale, fc_scale) + + def conv_split_by_batch(self, x): + """Tries to split input by batch, run conv and concat results""" + b, _, _, _ = x.size() + if b == 1: # can't split if batch size is 1 + return x, False + + if self.subsampling_conv_chunking_factor > 1: + cf = self.subsampling_conv_chunking_factor + else: + # avoiding a bug / feature limiting indexing of tensors to 2**31 + # see https://github.com/pytorch/pytorch/issues/80020 + x_ceil = 2**31 / self._conv_channels * self._stride * self._stride + p = math.ceil(math.log(torch.numel(x) / x_ceil, 2)) + cf = 2**p + + new_batch_size = b // cf + if new_batch_size == 0: # input is too big + return x, False + + return torch.cat([self.conv(chunk) for chunk in torch.split(x, new_batch_size, 0)]), True + + def conv_split_by_channel(self, x): + """For dw convs, tries to split input by time, run conv and concat results""" + x = self.conv[0](x) # full conv2D + x = self.conv[1](x) # activation + + for i in range(self._sampling_num - 1): + _, c, t, _ = x.size() + + if self.subsampling_conv_chunking_factor > 1: + cf = self.subsampling_conv_chunking_factor + else: + # avoiding a bug / feature limiting indexing of tensors to 2**31 + # see https://github.com/pytorch/pytorch/issues/80020 + p = math.ceil(math.log(torch.numel(x) / 2**31, 2)) + cf = 2**p + + new_c = int(c // cf) + if new_c == 0: + new_c = 1 + + new_t = int(t // cf) + if new_t == 0: + new_t = 1 + + x = self.channel_chunked_conv(self.conv[i * 3 + 2], new_c, x) # conv2D, depthwise + + # splitting pointwise convs by time + x = torch.cat( + [self.conv[i * 3 + 3](chunk) for chunk in torch.split(x, new_t, 2)], 2 + ) # conv2D, pointwise + x = self.conv[i * 3 + 4](x) # activation + return x + + def channel_chunked_conv(self, conv, chunk_size, x): + """Performs channel chunked convolution""" + + ind = 0 + out_chunks = [] + for chunk in torch.split(x, chunk_size, 1): + step = chunk.size()[1] + + if self.is_causal: + chunk = nn.functional.pad( + chunk, + pad=( + self._kernel_size - 1, + self._stride - 1, + self._kernel_size - 1, + self._stride - 1, + ), + ) + ch_out = nn.functional.conv2d( + chunk, + conv.weight[ind : ind + step, :, :, :], + bias=conv.bias[ind : ind + step], + stride=self._stride, + padding=0, + groups=step, + ) + else: + ch_out = nn.functional.conv2d( + chunk, + conv.weight[ind : ind + step, :, :, :], + bias=conv.bias[ind : ind + step], + stride=self._stride, + padding=self._left_padding, + groups=step, + ) + out_chunks.append(ch_out) + ind += step + + return torch.cat(out_chunks, 1) + + def change_subsampling_conv_chunking_factor(self, subsampling_conv_chunking_factor: int): + if ( + subsampling_conv_chunking_factor != -1 + and subsampling_conv_chunking_factor != 1 + and subsampling_conv_chunking_factor % 2 != 0 + ): + raise ValueError("subsampling_conv_chunking_factor should be -1, 1, or a power of 2") + self.subsampling_conv_chunking_factor = subsampling_conv_chunking_factor + + +def calc_length(lengths, all_paddings, kernel_size, stride, ceil_mode, repeat_num=1): + """Calculates the output length of a Tensor passed through a convolution or max pooling layer""" + add_pad: float = all_paddings - kernel_size + one: float = 1.0 + for i in range(repeat_num): + lengths = torch.div(lengths.to(dtype=torch.float) + add_pad, stride) + one + if ceil_mode: + lengths = torch.ceil(lengths) + else: + lengths = torch.floor(lengths) + return lengths.to(dtype=torch.int) + +#### multihead attention starts here +class AttModule(nn.Module): + """Attention abstraction module""" + + def __init__(self): + super().__init__() + self.export_mode = False + + def set_export(self, mode=True): + """set the export mode""" + self.export_mode = mode + + def forward( + self, + x: Tensor, + memory: Optional[Tensor] = None, + pos_emb: Optional[Tensor] = None, + att_mask: Optional[Tensor] = None, + ) -> Tuple[Tensor, Tensor, Optional[Tensor], Optional[Tensor]]: + """AttModule forward + + Args: + x: torch.Tensor + input tensor. + memory: torch.Tensor, optional + memory tensor. + pos_emb: torch.Tensor, optional + positional encoder embedding. + att_mask: torch.Tensor, optional + attention mask tensor. + """ + return x, memory, pos_emb, att_mask + + +class AttBlock(Block, AttModule): + """Attention Block module to support both Attention and Block module.""" + + def memory_dims(self, max_len=False): + """memory dimensions""" + return (1, self.input_size) + +def masked_softmax( + scores, + mask: Optional[Tensor], +): + if mask is not None: + mask = mask.unsqueeze(1).eq(0) # (batch, 1, time1, time2) + scores = scores.masked_fill(mask, -torch.inf) + attn = torch.softmax(scores, dim=-1).masked_fill(mask, 0.0) # (batch, head, time1, time2) + else: + attn = torch.softmax(scores, dim=-1) # (batch, head, time1, time2) + return attn + + +class MultiHeadedAttention(nn.Module): + """Multi-Head Attention layer with optional relative position embedding and GLU. + + Args: + n_head: int + the number of heads. + n_feat: int + input size features. + dropout_rate: float + dropout rate. + use_LN: bool + apply layer norm or not + dropout_at_output: bool + whether to apply dropout at output + attention_inner_dim: int, optional + the attention dimension used in the class, + it can be different from the input dimension n_feat. + default: -1 (equal to n_feat). + use_pt_scaled_dot_product_attention: bool, optional + if set True, use pytorch scaled dot product attention in training. NOTE: this will NOT + be used in ONNX decoding due to a lack of support. In that case, we use the original + attention implementation, which shows no regression. + default: False. + n_value: int, optional + if set to values other than -1, use a different dimension for value. With the default value (i.e. -1), it is backward compatible. + group_size: int, optional. must divide `n_head` + if group_size > 1: GQA + if group_size = 1: MHA + if group_size = n_head: MQA + """ + + inv_sqrt_d_k: torch.jit.Final[float] + h: torch.jit.Final[int] + h_k: torch.jit.Final[int] + g: torch.jit.Final[int] + + def __init__( + self, + n_head, + n_feat, + dropout_rate, + attention_inner_dim=-1, + glu_type="swish", + bias_in_glu=True, + use_pt_scaled_dot_product_attention=False, + n_value=-1, + group_size: int = 1, + ): + super().__init__() + if n_value == -1: + n_value = n_feat + if attention_inner_dim == -1: + attention_inner_dim = n_feat + assert attention_inner_dim % n_head == 0 + + # We assume d_v always equals d_k + self.d_k = attention_inner_dim // n_head + self.inv_sqrt_d_k = 1.0 / math.sqrt(self.d_k) + self.h = n_head + assert n_head % group_size == 0, "group_size must divide n_head" + self.g = group_size + self.h_k = n_head // group_size + + self.linear_q = nn.Linear(n_feat, attention_inner_dim) + self.linear_k = nn.Linear(n_feat, attention_inner_dim // group_size) + self.linear_v = nn.Linear(n_value, attention_inner_dim // group_size) + self.linear_out = nn.Linear(attention_inner_dim // group_size, n_value) + + self.attn = torch.jit.Attribute(None, Optional[Tensor]) + self.dropout = nn.Dropout(p=dropout_rate) + self.dropout_rate = dropout_rate + self.use_pt_scaled_dot_product_attention = use_pt_scaled_dot_product_attention + + if use_pt_scaled_dot_product_attention and group_size > 1: + raise ValueError("Cannot use PT Scaled Attention with GQA") + + # Torchscript eager quantization. Note that these functions below are + # NOOPs and have very little impact on performance unless quantization is + # enabled. + self.quant_q = torch.ao.quantization.QuantStub() + self.quant_x = torch.ao.quantization.QuantStub() + self.dequant = torch.ao.quantization.DeQuantStub() + self.ffunc = torch.ao.nn.quantized.FloatFunctional() + + def forward( + self, + query: Tensor, + key: Tensor, + value: Tensor, + pos_k: Tensor, + pos_v: Tensor, + mask: Optional[Tensor], + relative_attention_bias: Optional[Tensor] = None, + ): + """Compute 'Scaled Dot Product Attention'. + + Args: + query: torch.Tensor + query tensor (batch, time1, size) + key: torch.Tensor + key tensor (batch, time2, size) + value: torch.Tensor + value tensor (batch, time1, size) + pos_k: torch.Tensor + key tensor used for relative positional embedding. + pos_v: torch.Tensor + value tensor used for relative positional embedding. + mask: torch.Tensor + mask tensor (batch, time1, time2) + relative_attention_bias: torch.Tensor + bias added to attention logits w.r.t. relative positions (1, n_head, time1, time2) + """ + n_batch = query.size(0) + + q = self.linear_q(query).view(n_batch, -1, self.h, self.d_k) # (b, t, d) + k = self.linear_k(key).view(n_batch, -1, self.h_k, self.d_k) # (b, t, d) + v = self.linear_v(value).view(n_batch, -1, self.h_k, self.d_k) + q = ( + q.transpose(1, 2) + if self.use_pt_scaled_dot_product_attention and not torch.jit.is_scripting() + else q.transpose(1, 2) * self.inv_sqrt_d_k + ) + k = k.transpose(1, 2) # (batch, head_k, time2, d_k) + v = v.transpose(1, 2) # (batch, head_k, time2, d_k) + + if self.use_pt_scaled_dot_product_attention and not torch.jit.is_scripting(): + attn_mask = None + if mask is not None: + mask = mask.unsqueeze(1) + if relative_attention_bias is not None: + attn_mask = mask + relative_attention_bias + else: + attn_mask = mask + if mask.dtype != q.dtype: + attn_mask = attn_mask.to(q.dtype) + + with torch.backends.cuda.sdp_kernel( + enable_flash=True, enable_math=True, enable_mem_efficient=True + ): + x = torch.nn.functional.scaled_dot_product_attention( + q, + k, + v, + attn_mask=attn_mask, + dropout_p=self.dropout_rate, + ) + else: + if self.h != self.h_k: + q = q.reshape(n_batch, self.g, self.h_k, -1, self.d_k) + A = torch.einsum("b g h t d, b h s d -> b h t s", q, k) + else: + A = torch.matmul(q, k.transpose(-2, -1)) + if pos_k is not None: + if self.h != self.h_k: + B = torch.einsum("b g h t d, t s d -> b h t s", q, pos_k) + else: + reshape_q = ( + q.contiguous().view(n_batch * self.h, -1, self.d_k).transpose(0, 1) + ) # (t1,nh,dk) + B = torch.matmul(reshape_q, pos_k.transpose(-2, -1)) # pos_k: (t1,dk,t2) + B = B.transpose(0, 1).view(n_batch, self.h, pos_k.size(0), pos_k.size(1)) + scores = A + B + else: + scores = A + + if relative_attention_bias is not None: + scores = scores + relative_attention_bias + + attn = masked_softmax(scores, mask) # (batch, head, time1, time2) + + self.attn = attn + + p_attn = self.dropout(attn) + x = torch.matmul(p_attn.to(v.dtype), v) # (batch, head, time1, d_k) + if pos_v is not None: + reshape_attn = ( + p_attn.contiguous() + .view(n_batch * self.h, pos_v.size(0), pos_v.size(1)) + .transpose(0, 1) + ) # (t1, bh, t2) + + attn_v = ( + torch.matmul(reshape_attn, pos_v) + .transpose(0, 1) + .contiguous() + .view(n_batch, self.h, pos_v.size(0), self.d_k) + ) + x = x + attn_v + x = ( + x.transpose(1, 2).contiguous().view(n_batch, -1, self.h_k * self.d_k) + ) # (batch, time1, d_model) + + return self.linear_out(x) # (batch, time1, d_model) + + +def unfold_tensor(xs_pad, max_seq_len): + """ + For a given tensor with shape of (N, T, D), if sequence length T is longer than max_seq_len, + this function unfold it to a (NT', max_seq_len, D) where T' is T // max_seq_len. + Args: + xs_pad: N, T, D + """ + _, _, D = xs_pad.shape + xs_pad = xs_pad.transpose(-1, -2) # convert to N, D, T + # N x D x 1 x T => N x (D x max_seq_len) x T' + xs_pad = F.unfold( + xs_pad[..., None, :], + kernel_size=(1, max_seq_len), + stride=(1, max_seq_len), + ) + + new_bsz, _, slen = xs_pad.shape + # N x D x max_seq_len x T' + xs_pad = xs_pad.view(new_bsz, -1, max_seq_len, slen) + # N x T' x max_seq_len x D + xs_pad = xs_pad.permute(0, 3, 2, 1).contiguous() + # NT' x max_seq_len x D + xs_pad = xs_pad.view(-1, max_seq_len, D) + return xs_pad + +# conformer_encoder.py +class MultiSequential(torch.nn.Sequential): + """Multi-input multi-output torch.nn.Sequential""" + + @torch.jit.ignore + def forward(self, *args): + """Forward method implementation.""" + for m in self: + args = m(*args) + return args + +def repeat(repeat_num, module_gen_fn): + """repeat module N times + + :param int repeat_num: repeat time + :param function module_gen_fn: function to generate module + :return: repeated modules + :rtype: MultiSequential + """ + return MultiSequential(*[module_gen_fn(i) for i in range(repeat_num)]) + +class ConformerEncoderLayer(nn.Module): + """ConformerEncoder Layer module. + for more details see conformer paper: + https://arxiv.org/abs/2005.08100 + This module implement the Conformer block layer. + + Args: + d_model: int + attention dim. + ext_pw_out_channel: int + if > 0, ext_pw_out_channel is a dim channel size + for the last pointwise conv after swish activation. + depthwise_seperable_out_channel: int + if set different to 0, the number of depthwise_seperable_out_channel + will be used as a channel_out of the second conv1d layer. + otherwise, it equal to 0, the second conv1d layer is skipped. + depthwise_multiplier: int + number of input_dim channels duplication. this value + will be used to compute the hidden channels of the Conv1D. + n_head: int + the number of heads for multihead attention module. + d_ffn: int + output size of the feed_forward blocks. + ext_pw_kernel_size: int + kernel size of the conv pointwise of the conformer. + kernel_size: int + kernel size. + dropout_rate: float + dropout rate. + causal: bool, optional + if set to True, convolution have no access + to future frames. default False. + batch_norm: bool, optional + if set to True, apply batchnorm before activation + in ConvModule layer of the conformer. + default False + activation: str, optional + activation function name, + one of ["relu", "swish", "sigmoid"], + sigmoid activation is only used with "glu_in_fnn=True", + default "relu". + chunk_se: int, optional + 0 for offline SE. + 1 for streaming SE, where mean is computed + by accumulated history until current chunk_se. + 2 for streaming SE, where mean is computed + by only the current chunk. + default 0. + chunk_size: int, optional + chunk_size for cnn. default 18 + conv_activation: str, optional + activation function used in ConvModule part + of the conformer, default "relu". + conv_glu_type: str, optional + activation function used for the glu inside + the ConvModule part of the conformer. + default: "sigmoid". + bias_in_glu: bool, optional + if set to True, use additive bias in the weight module + before GLU. + linear_glu_in_convm: bool, optional + if set to True, use GLULinear module, + otherwise, used GLUPointWiseConv module. + default to False. + attention_innner_dim: int, otional + if equal to -1, attention dim for linears k/q/v is + equal to d_model. otherwise attention_innner_dim is used. + default -1. + attention_glu_type: str, optional + activation function for glu used in the multihead attention, + default "swish". + activation_checkpointing: str, optional + a dictionarry of {"module","interval","offload"}, where + "module": str + accept ["transformer", "attention"] to select + which module should do activation checkpointing. + "interval": int, default 1, + interval of applying activation checkpointing, + interval = 1 means that we apply checkpointing + on every layer (if activation), otherwise, + we apply it every x interval. + "offload": bool, default False, + if set to True, we offload activation to cpu and + reload it during backward, otherwise, + we recalculate activation in backward. + default "". + export: bool, optional + if set to True, it remove the padding from convolutional layers + and allow the onnx conversion for inference. + default False. + use_pt_scaled_dot_product_attention: bool, optional + if set to True, use pytorch's scaled dot product attention implementation in training. + attn_group_sizes: int, optional + the number of groups to use for attention, default 1 (Multi-Head Attention), + 1 = typical Multi-Head Attention, + 1 < attn_group_sizes < attention_heads = Grouped-Query Attention + attn_group_sizes = attenion_heads = Multi-Query Attention + """ + + def __init__( + self, + d_model=512, + ext_pw_out_channel=0, + depthwise_seperable_out_channel=256, + depthwise_multiplier=1, + n_head=4, + d_ffn=2048, + ext_pw_kernel_size=1, + kernel_size=3, + dropout_rate=0.1, + causal=False, + batch_norm=False, + activation="relu", + chunk_se=0, + chunk_size=18, + conv_activation="relu", + conv_glu_type="sigmoid", + bias_in_glu=True, + linear_glu_in_convm=False, + attention_innner_dim=-1, + attention_glu_type="swish", + activation_checkpointing="", + export=False, + use_pt_scaled_dot_product_attention=False, + attn_group_sizes: int = 1, + ): + super().__init__() + + self.feed_forward_in = FeedForward( + d_model=d_model, + d_inner=d_ffn, + dropout_rate=dropout_rate, + activation=activation, + bias_in_glu=bias_in_glu, + ) + + self.self_attn = encoder_checkpoint_wrapper( + activation_checkpointing, + MultiHeadedAttention, + )( + MultiHeadedAttention( + n_head, + d_model, + dropout_rate, + attention_innner_dim, + attention_glu_type, + bias_in_glu, + use_pt_scaled_dot_product_attention=use_pt_scaled_dot_product_attention, + group_size=attn_group_sizes, + ) + ) + self.conv = ConvModule( + d_model, + ext_pw_out_channel, + depthwise_seperable_out_channel, + ext_pw_kernel_size, + kernel_size, + depthwise_multiplier, + dropout_rate, + causal, + batch_norm, + chunk_se, + chunk_size, + conv_activation, + conv_glu_type, + bias_in_glu, + linear_glu_in_convm, + export=export, + ) + + self.feed_forward_out = FeedForward( + d_model=d_model, + d_inner=d_ffn, + dropout_rate=dropout_rate, + activation=activation, + bias_in_glu=bias_in_glu, + ) + + self.layer_norm_att = nn.LayerNorm(d_model) + self.layer_norm = nn.LayerNorm(d_model) + + def forward( + self, + x, + pos_k, + pos_v, + mask, + relative_attention_bias: Optional[Tensor] = None, + ): + """ConformerEncoder forward. + + Args: + x: torch.Tensor + input feature of shape (batch, max_time_in, size) + pos_k: torch.Tensor + positional key embedding. + mask: torch.Tensor + mask for x (batch, max_time_in) + relative_attention_bias: Optional[torch.Tensor] + bias added to attention logits w.r.t. relative positions (1, n_head, time1, time2) + """ + x = x + 0.5 * self.feed_forward_in(x) + norm_x = self.layer_norm_att(x) + + x = x + self.self_attn( + norm_x, + norm_x, + norm_x, + pos_k, + pos_v, + mask, + relative_attention_bias=relative_attention_bias, + ) + x = x + self.conv(x) + x = x + 0.5 * self.feed_forward_out(x) + + out = self.layer_norm(x) + + return out, pos_k, pos_v, mask + +class TransformerEncoderBase(abc.ABC, nn.Module): + """The Base class for Transformer based encoders + + Please set causal = True in streaming model + Args: + input_size: int + input feature dimension. + chunk_size: int, list(int) + Number of frames for each chunk + This variable can take 2 forms: + int: Used for inference, or single chunk size training + list(int) : Used only for variable chunk size training + Some examples for the 2 cases: + chunk_size = 12 + chunk_size = [6, 8, 12, 24] + left_chunk: int, list(int) + Number of chunks used for masking in streaming mode. + This variable can take 2 forms: + int: Used for inference, or single chunk size training + list(int) : Used only for variable chunk size training. When + chunk_size is a list, left_chunk must be a list with same length. + Some examples for the 2 cases: + left_chunk = 6 + left_chunk = [12, 9, 6, 3] + attention_dim: int, optional + attention dimension. default 256. + attention_heads: int, optional + the number of heads. default 4 + input_layer: str, optional + input layer type before Conformer, + one of ["linear", "conv2d", "custom", "vgg2l", "embed"], + default "conv2d" + cnn_out: int, optional + the number of CNN channels before Conformer. + default -1. + cnn_layer_norm: bool, optional + layer norm between Conformer and the first CNN. + default False. + time_reduction: int, optional + time reduction factor + default 4 + dropout_rate: float, optional + dropout rate. default 0.1 + padding_idx: int, optional + padding index for input_layer=embed + default -1 + relative_attention_bias_args: dict, optional + use more efficient scalar bias-based relative multihead attention (Q*K^T + B) + implemented in cmb.basics.embedding.[T5/ALiBi]RelativeAttentionLogitBias + usage: relative_attention_bias_args={"type": t5/alibi} + additional method-specific arguments can be provided (see transformer_base.py) + positional_dropout_rate: float, optional + dropout rate after positional encoding. default 0.0 + nemo_conv_settings: dict, optional + A dictionary of settings for NeMo Subsampling. + default None + conv2d_extra_padding: str, optional + Add extra padding in conv2d subsampling layers. Choices are + (feat, feat_time, none, True). + if True or feat_time, the extra padding is added into non full + supraframe utts in batch. + Default: none + attention_group_size: int, optional + the number of groups to use for attention, default 1 (Multi-Head Attention), + 1 = typical Multi-Head Attention, + 1 < attention_group_size < attention_heads = Grouped-Query Attention + attention_group_size = attenion_heads = Multi-Query Attention + """ + + def __init__( + self, + input_size, + chunk_size, + left_chunk, + attention_dim=256, + attention_heads=4, + input_layer="nemo_conv", + cnn_out=-1, + cnn_layer_norm=False, + time_reduction=4, + dropout_rate=0.0, + padding_idx=-1, + relative_attention_bias_args=None, + positional_dropout_rate=0.0, + nemo_conv_settings=None, + conv2d_extra_padding: Literal["feat", "feat_time", "none", True] = "none", + attention_group_size=1, + encoder_embedding_config=None, + ): + super().__init__() + self.input_size = input_size + self.input_layer = input_layer + self.chunk_size = chunk_size + self.left_chunk = left_chunk + self.attention_dim = attention_dim + self.num_heads = attention_heads + self.attention_group_size = attention_group_size + self.time_reduction = time_reduction + self.nemo_conv_settings = nemo_conv_settings + self.encoder_embedding_config = encoder_embedding_config + + if self.input_layer == "nemo_conv": + default_nemo_conv_settings = { + "subsampling": "dw_striding", + "subsampling_factor": self.time_reduction, + "feat_in": input_size, + "feat_out": attention_dim, + "conv_channels": 256, + "subsampling_conv_chunking_factor": 1, + "activation": nn.ReLU(), + "is_causal": False, + } + # Override any of the defaults with the incoming, user settings + if nemo_conv_settings: + default_nemo_conv_settings.update(nemo_conv_settings) + for i in ["subsampling_factor", "feat_in", "feat_out"]: + assert ( + i not in nemo_conv_settings + ), "{i} should be specified outside of the NeMo dictionary" + + self.embed = NemoConvSubsampling( + **default_nemo_conv_settings, + ) + else: + raise ValueError("unknown input_layer: " + input_layer) + + self.pos_emb = AbsolutePositionalEncoding(attention_dim, positional_dropout_rate) + + self.relative_attention_bias_type = ( + relative_attention_bias_args.get("type") if relative_attention_bias_args else None + ) + if self.relative_attention_bias_type == "t5": + assert ( + self.num_heads % self.attention_group_size == 0 + ), "attention_group_size must divide n_head" + self.relative_attention_bias_layer = T5RelativeAttentionLogitBias( + self.num_heads // self.attention_group_size, + max_distance=relative_attention_bias_args.get("t5_bias_max_distance", 1000), + symmetric=relative_attention_bias_args.get("t5_bias_symmetric", False), + ) + else: + raise NotImplementedError + + + def post_init(self, init_model_config): + + pretrained_speech_encoder_path = init_model_config.get('pretrained_speech_encoder_path', None) + if pretrained_speech_encoder_path: + model_state = torch.load(pretrained_speech_encoder_path, map_location="cpu") + encoder_state_dict = {} + for k, v in model_state.items(): + if "encoder." in k: + tmp_k = k.replace("encoder.", "") + encoder_state_dict[tmp_k] = v + + if hasattr(self, "encoder_embedding"): + del self.encoder_embedding + self.load_state_dict(encoder_state_dict) + + if not hasattr(self, "encoder_embedding"): + self.encoder_embedding = MeanVarianceNormLayer(self.encoder_embedding_config["input_size"]) + + mean_file = init_model_config.get('mean_file', None) + invstd_file = init_model_config.get('invstd_file', None) + if mean_file is not None and invstd_file is not None: + self.encoder_embedding.load_mean_invstd(mean_file, invstd_file) + + def compute_lens_change(self, feature_lens): + """feature_lens: int + return updated feature lens. + + This used to return a different lambda function for each case that computed + the right thing. That does not work within Torchscript. If you really + need this to be faster, create nn.Module()-s for all the cases and return + one of them. Torchscript does support that. + """ + if self.input_layer == "nemo_conv": + # Handle the special causal case + subsampling_causal_cond = self.nemo_conv_settings.get("subsampling", "dw_striding") in [ + "dw_striding", + "striding", + "striding_conv1d", + ] + is_causal = self.nemo_conv_settings.get("is_causal", False) + if is_causal and subsampling_causal_cond: + lens_change = ( + torch.ceil(feature_lens / self.time_reduction).long() + if isinstance(feature_lens, Tensor) + else math.ceil(feature_lens / self.time_reduction) + ) + feature_lens_remainder = feature_lens % self.time_reduction + if isinstance(feature_lens, Tensor): + lens_change[feature_lens_remainder != 1] += 1 + elif feature_lens_remainder != 1: + lens_change += 1 + return lens_change + ceil_func = math.ceil if isinstance(feature_lens, int) else torch.ceil + return ceil_func(feature_lens / self.time_reduction) + + @abc.abstractmethod + def forward(self): + """Abstract forward method implementation.""" + + def _chunk_size_selection(self, chunk_size=None, left_chunk=None): + """If chunk size is a list, we will randomly select a chunk size.""" + + if chunk_size is None: + chunk_size = self.chunk_size + if left_chunk is None: + left_chunk = self.left_chunk + if isinstance(chunk_size, list): + # Variable chunk size during training + chunk_size_index = int(torch.randint(low=0, high=len(chunk_size), size=(1,))) + chunk_size_train_eff = chunk_size[chunk_size_index] + if not isinstance(left_chunk, list): + raise ValueError("Since chunk_size is a list, left_chunk must be a list") + if len(left_chunk) != len(chunk_size): + raise ValueError( + "The length of left_chunk must be the same as length of chunk_size." + ) + left_chunk_train_eff = left_chunk[chunk_size_index] + else: + chunk_size_train_eff = chunk_size + left_chunk_train_eff = left_chunk + + return chunk_size_train_eff, left_chunk_train_eff + + def _get_embed_class(self, embed): + # pylint: disable=protected-access + is_embed_using_act_chkpt = isinstance(embed, CheckpointWrapper) + is_embed_fsdp_wrapped = isinstance(embed, FullyShardedDataParallel) + embed_class = embed + if is_embed_using_act_chkpt: + embed_class = embed._checkpoint_wrapped_module + if is_embed_fsdp_wrapped: + embed_class = embed.module + return embed_class + + def _forward_embeddings_core(self, input_tensor, masks): + embed_class = self._get_embed_class(self.embed) + assert isinstance(embed_class, NemoConvSubsampling) + input_tensor, masks = self.embed(input_tensor, masks) + return input_tensor, masks + + def _position_embedding(self, input_tensor): + pos_k = None + pos_v = None + if self.relative_attention_bias_layer is None: + input_tensor = self.pos_emb(input_tensor) # default to add abs sinusoid embedding + return pos_k, pos_v + + def _streaming_mask(self, seq_len, batch_size, chunk_size, left_chunk): + chunk_size_train_eff, left_chunk_train_eff = self._chunk_size_selection( + chunk_size, left_chunk + ) + + # Create mask matrix for streaming + # S stores start index. if chunksize is 18, s is [0,18,36,....] + chunk_start_idx = np.arange(0, seq_len, chunk_size_train_eff) + # avoid randomness when run evaluation or decoding + if self.training and np.random.rand() > 0.5: + # Either first or last chunk is not complete. + # If only the last one is not complete, EOS is not effective + chunk_start_idx = seq_len - chunk_start_idx + chunk_start_idx = chunk_start_idx[::-1] + chunk_start_idx = chunk_start_idx[:-1] + chunk_start_idx = np.insert(chunk_start_idx, 0, 0) + + enc_streaming_mask = ( + adaptive_enc_mask(seq_len, chunk_start_idx, left_window=left_chunk_train_eff) + .unsqueeze(0) + .expand([batch_size, -1, -1]) + ) + return enc_streaming_mask + + def forward_embeddings(self, xs_pad, masks, chunk_size_nc=None, left_chunk_nc=None): + """Forwarding the inputs through the top embedding layers + + Args: + xs_pad: torch.Tensor + input tensor + masks: torch.Tensor + input mask + chunk_size_nc: (optional, default is None) chunk size for non-causal layers + left_chunk_nc: (optional, default is None) # of left chunks for non-causal layers + """ + # pylint: disable=R0915 + # get new lens. + seq_len = int(self.compute_lens_change(xs_pad.shape[1])) + if seq_len <= 0: + raise ValueError( + f"""The squence length after time reduction is invalid: {seq_len}. + Your input feature is too short. Consider filtering out the very + short sentence from data loader""", + ) + + batch_size = xs_pad.shape[0] + + enc_streaming_mask = self._streaming_mask( + seq_len, batch_size, self.chunk_size, self.left_chunk + ) + + if xs_pad.is_cuda: + enc_streaming_mask = enc_streaming_mask.cuda() + xs_pad = xs_pad.cuda() + + input_tensor = xs_pad + input_tensor, masks = self._forward_embeddings_core(input_tensor, masks) + + streaming_mask = enc_streaming_mask + if streaming_mask is not None and masks is not None: + hs_mask = masks & streaming_mask + elif masks is not None: + hs_mask = masks + else: + hs_mask = streaming_mask + + if chunk_size_nc is not None: + enc_streaming_mask_nc = self._streaming_mask( + seq_len, batch_size, chunk_size_nc, left_chunk_nc + ) + if xs_pad.is_cuda: + enc_streaming_mask_nc = enc_streaming_mask_nc.cuda() + if masks is not None: + hs_mask_nc = masks & enc_streaming_mask_nc + else: + hs_mask_nc = enc_streaming_mask_nc + else: + hs_mask_nc = None + + pos_k, pos_v = self._position_embedding(input_tensor) + + if chunk_size_nc is None: + return input_tensor, pos_k, pos_v, hs_mask, masks + return input_tensor, pos_k, pos_v, hs_mask, masks, hs_mask_nc + + def get_offset(self): + """Returns offset used when retaining inputs for decoding. + + This is essentially, how many additional frames have to be added to + the front-end CNN input to ensure it can produce a single output. + So if the "padding" parameter is 0, typically offset will be > 0. + """ + return get_offset(self.input_layer, self.time_reduction) + + +def get_offset(input_layer: str, time_reduction: int): + """Get an offset. We will use the offset for determining #frames of a subsampled feature. + + Args: + input_layer (str): Type of an input layer + time_reduction (int): time reduction factor for downsampling a feature + Returns: + int: offset + """ + if input_layer in ("conv2d", "nemo_conv") and time_reduction == 4: + return 3 + if input_layer in ("conv2d",) and time_reduction == 6: + return 1 + if input_layer in ("conv2d", "nemo_conv") and time_reduction == 8: + return 7 + return 0 + + +class ConformerEncoder(TransformerEncoderBase): + """ConformerEncoder module. + see original paper for more details: + https://arxiv.org/abs/2005.08100 + + Please set causal = True in streaming model + Args: + input_size: int + input feature dimension. + chunk_size: int, list(int) + Number of frames for each chunk + This variable can take 2 forms: + int: Used for inference, or single chunk size training + list(int) : Used only for variable chunk size training + Some examples for the 2 cases: + chunk_size = 12 + chunk_size = [6, 8, 12, 24] + left_chunk: int, list(int) + Number of chunks used for masking in streaming mode. + This variable can take 2 forms: + int: Used for inference, or single chunk size training + list(int) : Used only for variable chunk size training. When + chunk_size is a list, left_chunk must be a list with same length. + Some examples for the 2 cases: + left_chunk = 6 + left_chunk = [12, 9, 6, 3] + left_chunk: int + number of chunks used for masking in streaming mode. + num_lang: int + This parameter is used to store the number of languages in the lang_dict, + only used for multiseed/multilingual models. default None. + attention_dim: int, optional + attention dimension. default 256. + attention_heads: int, optional + the number of heads. default 4 + linear_units: + the number of units of position-wise feed forward. + default 2048 + num_block: + number of Transformer layer. default 6 + dropout_rate: float, optional + dropout rate. default 0.1 + input_layer: str, optional + input layer type before Conformer, + one of ["linear", "conv2d", "custom", "vgg2l", "embed"], + default "conv2d" + causal: bool, optional + if set to True, convolution have no access + to future frames. default False. + batch_norm: bool, optional + if set to True, apply batchnorm before activation + in ConvModule layer of the conformer. + default False + cnn_out: int, optional + the number of CNN channels before Conformer. + default -1. + cnn_layer_norm: bool, optional + layer norm between Conformer and the first CNN. + default False. + ext_pw_out_channel: int, optional + the number of channel for CNN + before depthwise_seperable_CNN. + If 0 then use linear. default 0. + ext_pw_kernel_size: int, optional + kernel size of N before depthwise_seperable_CNN. + only work for ext_pw_out_channel > 0. + default 1 + depthwise_seperable_out_channel: int, optional + the number of channel for + depthwise_seperable_CNN. + default 256. + depthwise_multiplier: int, optional + the number of multiplier for + depthwise_seperable_CNN. + default 1. + chunk_se: int, optional + 0 for offline SE. + 1 for streaming SE, where mean is computed + by accumulated history until current chunk_se. + 2 for streaming SE, where mean is computed + by only the current chunk. + default 0. + kernel_size: int, optional + the number of kernels for depthwise_seperable_CNN. + default 3. + activation: str, optional + FeedForward block activation. + one of ["relu", "swish", "sigmoid"] + default "relu". + conv_activation: str, optional + activation function used in ConvModule part + of the conformer, default "relu". + conv_glu_type: str, otional + activation used use glu in depthwise_seperable_CNN, + default "sigmoid" + bias_in_glu: bool, optional + if set to True, use additive bias in the weight module + before GLU. default True + linear_glu_in_convm: bool, optional + if set to True, use GLULinear module, + otherwise, used GLUPointWiseConv module. + default to False. + attention_glu_type: str + only work for glu_in_attention !=0 + default "swish". + export: bool, optional + if set to True, it remove the padding from convolutional layers + and allow the onnx conversion for inference. + default False. + activation_checkpointing: str, optional + a dictionarry of {"module","interval","offload"}, where + "module": str + accept ["transformer", "attention"] to select + which module should do activation checkpointing. + "interval": int, default 1, + interval of applying activation checkpointing, + interval = 1 means that we apply checkpointing + on every layer (if activation), otherwise, + we apply it every x interval. + "offload": bool, default False, + if set to True, we offload activation to cpu and + reload it during backward, otherwise, + we recalculate activation in backward. + default "". + extra_layer_output_idx: int + the layer index to be exposed. + relative_attention_bias_args: dict, optional + use more efficient scalar bias-based relative multihead attention (Q*K^T + B) + implemented in cmb.basics.embedding.[T5/ALiBi]RelativeAttentionLogitBias + usage: relative_attention_bias_args={"type": t5/alibi} + additional method-specific arguments can be provided (see transformer_base.py) + time_reduction: int optional + time reduction factor + default 4 + use_pt_scaled_dot_product_attention: whether to use pytorch scaled dot product attention + in training. + Default: False + nemo_conv_settings: dict, optional + A dictionary of settings for NeMo Subsampling. + default: None + usage: nemo_conv_settings= + { + "subsampling": + dw_striding/striding/dw_striding_conv1d/striding_conv1d, + "conv_channels": int, + "subsampling_conv_chunking_factor": int, + "is_causal": True/False + } + conv2d_extra_padding: str, optional + Add extra padding in conv2d subsampling layers. Choices are + (feat, feat_time, none, True) + Default: none + replication_pad_for_subsample_embedding: For batched-streaming decoding, use + "replication" padding for the cache at start of utterance. + Default: False + attention_group_size: int, optional + the number of groups to use for attention, default 1 (Multi-Head Attention), + 1 = typical Multi-Head Attention, + 1 < attention_group_size < attention_heads = Grouped-Query Attention + attention_group_size = attenion_heads = Multi-Query Attention + """ + + extra_multi_layer_output_idxs: List[int] + + def __init__( # pylint: disable-all + self, + input_size, + chunk_size, + left_chunk, + num_lang=None, + attention_dim=256, + attention_heads=4, + linear_units=2048, + num_blocks=6, + dropout_rate=0.1, + input_layer="nemo_conv", + causal=True, + batch_norm=False, + cnn_out=-1, + cnn_layer_norm=False, + ext_pw_out_channel=0, + ext_pw_kernel_size=1, + depthwise_seperable_out_channel=256, + depthwise_multiplier=1, + chunk_se=0, + kernel_size=3, + activation="relu", + conv_activation="relu", + conv_glu_type="sigmoid", + bias_in_glu=True, + linear_glu_in_convm=False, + attention_glu_type="swish", + export=False, + extra_layer_output_idx=-1, + extra_multi_layer_output_idxs=[], + activation_checkpointing="", + relative_attention_bias_args=None, + time_reduction=4, + use_pt_scaled_dot_product_attention=False, + nemo_conv_settings=None, + conv2d_extra_padding: Literal["feat", "feat_time", "none", True] = "none", + replication_pad_for_subsample_embedding=False, + attention_group_size=1, + encoder_embedding_config=None, + ): + super().__init__( + input_size, + chunk_size, + left_chunk, + attention_dim, + attention_heads, + input_layer, + cnn_out, + cnn_layer_norm, + time_reduction, + dropout_rate=dropout_rate, + relative_attention_bias_args=relative_attention_bias_args, + positional_dropout_rate=0.0, + nemo_conv_settings=nemo_conv_settings, + conv2d_extra_padding=conv2d_extra_padding, + attention_group_size=attention_group_size, + encoder_embedding_config=encoder_embedding_config, + ) + self.num_blocks = num_blocks + self.num_lang = num_lang + self.kernel_size = kernel_size + self.embed = embedding_checkpoint_wrapper(activation_checkpointing)(self.embed) + self.replication_pad_for_subsample_embedding: bool = replication_pad_for_subsample_embedding + assert self.num_heads % attention_group_size == 0, "attention_group_size must divide n_head" + self.num_heads_k = self.num_heads // attention_group_size + + self.encoders = repeat( + num_blocks, + lambda i: encoder_checkpoint_wrapper( + activation_checkpointing, ConformerEncoderLayer, i + )( + ConformerEncoderLayer( + d_model=attention_dim, + ext_pw_out_channel=ext_pw_out_channel, + depthwise_seperable_out_channel=depthwise_seperable_out_channel, + depthwise_multiplier=depthwise_multiplier, + n_head=attention_heads, + d_ffn=linear_units, + ext_pw_kernel_size=ext_pw_kernel_size, + kernel_size=kernel_size, + dropout_rate=dropout_rate, + causal=causal, + batch_norm=batch_norm, + activation=activation, + chunk_se=chunk_se, + chunk_size=chunk_size, + conv_activation=conv_activation, + conv_glu_type=conv_glu_type, + bias_in_glu=bias_in_glu, + linear_glu_in_convm=linear_glu_in_convm, + attention_glu_type=attention_glu_type, + activation_checkpointing=attn_checkpointing(activation_checkpointing, i), + export=export, + use_pt_scaled_dot_product_attention=use_pt_scaled_dot_product_attention, + attn_group_sizes=attention_group_size, + ) + ), + ) + self.extra_layer_output_idx = extra_layer_output_idx + self.extra_multi_layer_output_idxs = extra_multi_layer_output_idxs + # Make a zeros scalar we can use in get_initial_state to determine + # the device and the needed dtype: + self.register_buffer("dev_type", torch.zeros(()), persistent=False) + + def init_relative_attention_bias(self, input_tensor): + if self.relative_attention_bias_layer: + return self.relative_attention_bias_layer(input_tensor) + + def calculate_hs_mask(self, xs_pad, device, mask): + max_audio_length = xs_pad.shape[1] + batch_size = xs_pad.shape[0] + enc_streaming_mask = self._streaming_mask( + max_audio_length, batch_size, self.chunk_size, self.left_chunk + ) + enc_streaming_mask = enc_streaming_mask.to(device) + if mask is None: + return enc_streaming_mask + + feature_lens = mask.sum(1) + padding_length = feature_lens + pad_mask = ( + torch.arange(0, max_audio_length, device=device).expand(padding_length.size(0), -1) + < padding_length.unsqueeze(1) + ) + pad_mask = pad_mask.unsqueeze(1) + pad_mask = pad_mask & enc_streaming_mask + return pad_mask + + @torch.jit.ignore + def forward(self, xs_pad, masks): + """Conformer Forward function + + Args: + xs_pad: torch.Tensor + input tensor + masks: torch.Tensor + post-embedding input lengths + """ + xs_pad = self.encoder_embedding(xs_pad) + input_tensor, pos_k, pos_v, hs_mask, masks = self.forward_embeddings(xs_pad, masks) + + unfolded = False + ori_bz, seq_len, D = input_tensor.shape + max_seq_len = 500 #maxium position for absolute positional encoding + if seq_len > max_seq_len: + # audio sequence is longer than max_seq_len, unfold it into chunks of max_seq_len + unfolded = True + # the unfold op will drop residual frames, pad it to the multiple of max_seq_len + if seq_len % max_seq_len > 0: + chunk_pad_size = max_seq_len - (seq_len % max_seq_len) + else: + chunk_pad_size = 0 + if chunk_pad_size > 0: + input_tensor_pad = F.pad(input_tensor, (0, 0, 0, chunk_pad_size), "constant", 0) + input_tensor = input_tensor_pad.to(input_tensor.device) + + input_tensor = unfold_tensor(input_tensor, max_seq_len) + if masks is not None: + # revise hs_mask here because the previous calculated hs_mask did not consider extra pad + subsampled_pad_mask = masks.squeeze(1) # [bz, subsampled_unmask_seq_len] + extra_padded_subsamlped_pad_mask = F.pad(subsampled_pad_mask, (0, chunk_pad_size), "constant", False) # extra padding to the pad mask + extra_padded_subsamlped_pad_mask = extra_padded_subsamlped_pad_mask.unsqueeze(-1).float() + masks_unfold = unfold_tensor(extra_padded_subsamlped_pad_mask, max_seq_len) # unfold the pad mask like we did to the input tensor + masks_unfold = masks_unfold.squeeze(-1).bool() # unfold op does not support bool tensor + else: + masks_unfold = None + hs_mask = self.calculate_hs_mask(input_tensor, input_tensor.device, masks_unfold) # calculate hs_mask based on the unfolded pad mask + layer_emb = None + + relative_attention_bias = self.init_relative_attention_bias(input_tensor) + + _simplified_path = ( + self.extra_layer_output_idx == -1 + and relative_attention_bias is None + ) + + if _simplified_path: + input_tensor, *_ = self.encoders(input_tensor, pos_k, pos_v, hs_mask) + else: + for i, layer in enumerate(self.encoders): + input_tensor, _, _, _ = layer( + input_tensor, + pos_k, + pos_v, + hs_mask, + relative_attention_bias=relative_attention_bias, + ) + + if i == self.extra_layer_output_idx: + layer_emb = input_tensor + if unfolded: + embed_dim = input_tensor.shape[-1] + input_tensor = input_tensor.reshape(ori_bz, -1, embed_dim) + # if we ever padded before unfolding, we need to remove the padding + if chunk_pad_size > 0: + input_tensor = input_tensor[:, :-chunk_pad_size, :] + return input_tensor, masks #, layer_emb + + def gradient_checkpointing_enable(self): + pass diff --git a/cpp/gemma_v1/tokenizer.json b/cpp/gemma_v1/tokenizer.json new file mode 100644 index 0000000000000000000000000000000000000000..a8d0207f9bc0126c82cc19d187e9d16f16c90908 --- /dev/null +++ b/cpp/gemma_v1/tokenizer.json @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52941f2ba60fdcc48edb940f4252f6d874d0c369323dab293168015122e556be +size 33384559 diff --git a/cpp/gemma_v1/tokenizer.model b/cpp/gemma_v1/tokenizer.model new file mode 100644 index 0000000000000000000000000000000000000000..14f810a829755bae3fafd6f97096dbd2eac556bd --- /dev/null +++ b/cpp/gemma_v1/tokenizer.model @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1299c11d7cf632ef3b4e11937501358ada021bbdf7c47638d13c0ee982f2e79c +size 4689074 diff --git a/cpp/gemma_v1/tokenizer_config.json b/cpp/gemma_v1/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..050158baa6928919bce1695d4fdba91b87307b1d --- /dev/null +++ b/cpp/gemma_v1/tokenizer_config.json @@ -0,0 +1,51352 @@ +{ + "add_bos_token": true, + "add_eos_token": false, + "added_tokens_decoder": { + "0": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "1": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "2": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "3": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "4": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "5": { + "content": "[multimodal]", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "6": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "7": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "8": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "9": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "10": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "11": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "12": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "13": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "14": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "15": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "16": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "17": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "18": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "19": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "20": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "21": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "22": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "23": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "24": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "25": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "26": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "27": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "28": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "29": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "30": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "31": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "32": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "33": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "34": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "35": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "36": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "37": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "38": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "39": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "40": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "41": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "42": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "43": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "44": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "45": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "46": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "47": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "48": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "49": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "50": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "51": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "52": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "53": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "54": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "55": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "56": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "57": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "58": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "59": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "60": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "61": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "62": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "63": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "64": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "65": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "66": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "67": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "68": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "69": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "70": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "71": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "72": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "73": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "74": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "75": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "76": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "77": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "78": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "79": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "80": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "81": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "82": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "83": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "84": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "85": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "86": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "87": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "88": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "89": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "90": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "91": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "92": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "93": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "94": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "95": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "96": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "97": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "98": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "99": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "100": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "101": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "102": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "103": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "104": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "105": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "106": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "107": { + "content": "\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "108": { + "content": "\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "109": { + "content": "\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "110": { + "content": "\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "111": { + "content": "\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "112": { + "content": "\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "113": { + "content": "\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "114": { + "content": "\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "115": { + "content": "\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "116": { + "content": "\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "117": { + "content": "\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "118": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "119": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "120": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "121": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "122": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "123": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "124": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "125": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "126": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "127": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "128": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "129": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "130": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "131": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "132": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "133": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "134": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "135": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "136": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "137": { + "content": "\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n\n", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "138": { + "content": "▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "139": { + "content": "▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "140": { + "content": "▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "141": { + "content": "▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "142": { + "content": "▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "143": { + "content": "▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "144": { + "content": "▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "145": { + "content": "▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "146": { + "content": "▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "147": { + "content": "▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "148": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "149": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "150": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "151": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "152": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "153": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "154": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "155": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "156": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "157": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "158": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "159": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "160": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "161": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "162": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "163": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "164": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "165": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "166": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "167": { + "content": "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "168": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "169": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "171": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "172": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "173": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "174": { + "content": "
", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "170": { + "content": "
", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "175": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "176": { + "content": "
", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "177": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "178": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "179": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "180": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "181": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "182": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "183": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "184": { + "content": "

", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "185": { + "content": "

", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "186": { + "content": "

", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "187": { + "content": "

", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "188": { + "content": "

", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "189": { + "content": "
", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "190": { + "content": "
", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "191": { + "content": "
", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "192": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "193": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "194": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "195": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "196": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "197": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "198": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "199": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "200": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "201": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "202": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "203": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "204": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "205": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "206": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "207": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "208": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "209": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "210": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "211": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "212": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "213": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "214": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "215": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "216": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "217": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "218": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "219": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "220": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "221": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "222": { + "content": "
    ", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "223": { + "content": "
  • ", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "224": { + "content": "
    ", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "225": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "237": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255968": { + "content": "\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255969": { + "content": "\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255970": { + "content": "\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255971": { + "content": "\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255972": { + "content": "\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255973": { + "content": "\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255974": { + "content": "\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255975": { + "content": "\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255976": { + "content": "\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255977": { + "content": "\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255978": { + "content": "\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255979": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255980": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255981": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255982": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255983": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255984": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255985": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255986": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255987": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255988": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255989": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255990": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255991": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255992": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255993": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255994": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255995": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255996": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255997": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255998": { + "content": "\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t\t", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "255999": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "256000": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "256001": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "256002": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "256003": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256004": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256005": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256006": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256007": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256008": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256009": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256010": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256011": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256012": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256013": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256014": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256015": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256016": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256017": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256018": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256019": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256020": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256021": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256022": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256023": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256024": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256025": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256026": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256027": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256028": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256029": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256030": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256031": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256032": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256033": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256034": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256035": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256036": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256037": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256038": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256039": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256040": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256041": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256042": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256043": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256044": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256045": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256046": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256047": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256048": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256049": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256050": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256051": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256052": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256053": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256054": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256055": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256056": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256057": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256058": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256059": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256060": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256061": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256062": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256063": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256064": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256065": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256066": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256067": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256068": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256069": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256070": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256071": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256072": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256073": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256074": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256075": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256076": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256077": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256078": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256079": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256080": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256081": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256082": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256083": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256084": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256085": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256086": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256087": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256088": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256089": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256090": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256091": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256092": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256093": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256094": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256095": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256096": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256097": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256098": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256099": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256100": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256101": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256102": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256103": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256104": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256105": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256106": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256107": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256108": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256109": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256110": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256111": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256112": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256113": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256114": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256115": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256116": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256117": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256118": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256119": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256120": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256121": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256122": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256123": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256124": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256125": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256126": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256127": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256128": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256129": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256130": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256131": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256132": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256133": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256134": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256135": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256136": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256137": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256138": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256139": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256140": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256141": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256142": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256143": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256144": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256145": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256146": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256147": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256148": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256149": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256150": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256151": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256152": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256153": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256154": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256155": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256156": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256157": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256158": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256159": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256160": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256161": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256162": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256163": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256164": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256165": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256166": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256167": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256168": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256169": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256170": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256171": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256172": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256173": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256174": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256175": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256176": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256177": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256178": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256179": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256180": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256181": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256182": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256183": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256184": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256185": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256186": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256187": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256188": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256189": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256190": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256191": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256192": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256193": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256194": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256195": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256196": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256197": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256198": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256199": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256200": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256201": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256202": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256203": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256204": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256205": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256206": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256207": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256208": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256209": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256210": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256211": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256212": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256213": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256214": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256215": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256216": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256217": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256218": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256219": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256220": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256221": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256222": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256223": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256224": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256225": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256226": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256227": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256228": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256229": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256230": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256231": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256232": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256233": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256234": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256235": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256236": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256237": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256238": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256239": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256240": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256241": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256242": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256243": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256244": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256245": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256246": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256247": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256248": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256249": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256250": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256251": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256252": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256253": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256254": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256255": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256256": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256257": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256258": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256259": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256260": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256261": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256262": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256263": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256264": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256265": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256266": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256267": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256268": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256269": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256270": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256271": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256272": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256273": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256274": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256275": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256276": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256277": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256278": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256279": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256280": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256281": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256282": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256283": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256284": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256285": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256286": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256287": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256288": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256289": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256290": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256291": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256292": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256293": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256294": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256295": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256296": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256297": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256298": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256299": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256300": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256301": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256302": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256303": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256304": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256305": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256306": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256307": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256308": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256309": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256310": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256311": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256312": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256313": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256314": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256315": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256316": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256317": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256318": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256319": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256320": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256321": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256322": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256323": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256324": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256325": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256326": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256327": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256328": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256329": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256330": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256331": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256332": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256335": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256336": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256337": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256338": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256339": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256340": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256341": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256342": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256343": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256344": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256345": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256346": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256347": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256348": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256349": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256350": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256351": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256352": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256353": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256354": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256355": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256356": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256357": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256358": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256359": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256360": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256361": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256362": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256363": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256364": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256365": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256366": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256367": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256368": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256369": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256370": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256371": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256372": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256373": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256374": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256375": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256376": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256377": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256378": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256379": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256380": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256381": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256382": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256383": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256384": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256385": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256386": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256387": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256388": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256389": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256390": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256391": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256392": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256393": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256394": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256395": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256396": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256397": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256398": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256399": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256400": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256401": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256402": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256403": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256404": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256405": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256406": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256407": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256408": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256409": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256410": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256411": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256412": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256413": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256414": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256415": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256416": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256417": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256418": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256419": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256420": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256421": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256422": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256423": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256424": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256425": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256426": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256427": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256428": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256429": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256430": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256431": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256432": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256433": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256434": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256435": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256436": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256437": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256438": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256439": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256440": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256441": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256442": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256443": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256444": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256445": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256446": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256447": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256448": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256449": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256450": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256451": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256452": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256453": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256454": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256455": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256456": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256457": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256458": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256459": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256460": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256461": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256462": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256463": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256464": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256465": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256466": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256467": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256468": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256469": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256470": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256471": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256472": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256473": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256474": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256475": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256476": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256477": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256478": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256479": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256480": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256481": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256482": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256483": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256484": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256485": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256486": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256487": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256488": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256489": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256490": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256491": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256492": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256493": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256494": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256495": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256496": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256497": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256498": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256499": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256500": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256501": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256502": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256503": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256504": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256505": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256506": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256507": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256508": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256509": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256510": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256511": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256512": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256513": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256514": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256515": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256516": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256517": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256518": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256519": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256520": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256521": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256522": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256523": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256524": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256525": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256526": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256527": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256528": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256529": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256530": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256531": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256532": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256533": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256534": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256535": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256536": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256537": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256538": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256539": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256540": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256541": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256542": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256543": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256544": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256545": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256546": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256547": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256548": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256549": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256550": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256551": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256552": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256553": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256554": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256555": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256556": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256557": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256558": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256559": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256560": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256561": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256562": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256563": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256564": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256565": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256566": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256567": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256568": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256569": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256570": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256571": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256572": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256573": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256574": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256575": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256576": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256577": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256578": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256579": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256580": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256581": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256582": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256583": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256584": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256585": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256586": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256587": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256588": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256589": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256590": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256591": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256592": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256593": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256594": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256595": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256596": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256597": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256598": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256599": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256600": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256601": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256602": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256603": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256604": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256605": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256606": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256607": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256608": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256609": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256610": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256611": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256612": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256613": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256614": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256615": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256616": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256617": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256618": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256619": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256620": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256621": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256622": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256623": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256624": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256625": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256626": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256627": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256628": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256629": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256630": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256631": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256632": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256633": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256634": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256635": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256636": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256637": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256638": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256639": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256640": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256641": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256642": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256643": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256644": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256645": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256646": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256647": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256648": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256649": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256650": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256651": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256652": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256653": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256654": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256655": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256656": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256657": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256658": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256659": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256660": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256661": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256662": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256663": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256664": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256665": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256666": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256667": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256668": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256669": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256670": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256671": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256672": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256673": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256674": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256675": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256676": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256677": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256678": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256679": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256680": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256681": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256682": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256683": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256684": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256685": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256686": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256687": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256688": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256689": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256690": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256691": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256692": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256693": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256694": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256695": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256696": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256697": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256698": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256699": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256700": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256701": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256702": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256703": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256704": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256705": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256706": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256707": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256708": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256709": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256710": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256711": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256712": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256713": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256714": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256715": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256716": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256717": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256718": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256719": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256720": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256721": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256722": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256723": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256724": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256725": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256726": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256727": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256728": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256729": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256730": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256731": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256732": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256733": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256734": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256735": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256736": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256737": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256738": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256739": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256740": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256741": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256742": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256743": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256744": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256745": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256746": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256747": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256748": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256749": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256750": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256751": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256752": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256753": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256754": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256755": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256756": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256757": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256758": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256759": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256760": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256761": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256762": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256763": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256764": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256765": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256766": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256767": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256768": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256769": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256770": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256771": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256772": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256773": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256774": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256775": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256776": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256777": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256778": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256779": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256780": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256781": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256782": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256783": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256784": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256785": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256786": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256787": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256788": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256789": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256790": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256791": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256792": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256793": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256794": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256795": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256796": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256797": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256798": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256799": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256800": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256801": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256802": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256803": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256804": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256805": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256806": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256807": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256808": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256809": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256810": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256811": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256812": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256813": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256814": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256815": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256816": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256817": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256818": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256819": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256820": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256821": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256822": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256823": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256824": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256825": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256826": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256827": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256828": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256829": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256830": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256831": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256832": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256833": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256834": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256835": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256836": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256837": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256838": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256839": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256840": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256841": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256842": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256843": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256844": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256845": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256846": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256847": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256848": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256849": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256850": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256851": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256852": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256853": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256854": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256855": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256856": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256857": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256858": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256859": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256860": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256861": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256862": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256863": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256864": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256865": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256866": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256867": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256868": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256869": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256870": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256871": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256872": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256873": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256874": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256875": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256876": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256877": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256878": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256879": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256880": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256881": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256882": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256883": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256884": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256885": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256886": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256887": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256888": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256889": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256890": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256891": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256892": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256893": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256894": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256895": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256896": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256897": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256898": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256899": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256900": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256901": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256902": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256903": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256904": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256905": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256906": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256907": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256908": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256909": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256910": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256911": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256912": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256913": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256914": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256915": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256916": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256917": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256918": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256919": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256920": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256921": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256922": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256923": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256924": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256925": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256926": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256927": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256928": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256929": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256930": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256931": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256932": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256933": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256934": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256935": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256936": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256937": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256938": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256939": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256940": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256941": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256942": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256943": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256944": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256945": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256946": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256947": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256948": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256949": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256950": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256951": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256952": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256953": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256954": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256955": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256956": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256957": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256958": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256959": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256960": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256961": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256962": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256963": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256964": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256965": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256966": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256967": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256968": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256969": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256970": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256971": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256972": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256973": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256974": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256975": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256976": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256977": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256978": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256979": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256980": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256981": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256982": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256983": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256984": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256985": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256986": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256987": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256988": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256989": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256990": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256991": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256992": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256993": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256994": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256995": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256996": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256997": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256998": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "256999": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257000": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257001": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257002": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257003": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257004": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257005": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257006": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257007": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257008": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257009": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257010": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257011": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257012": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257013": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257014": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257015": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257016": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257017": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257018": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257019": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257020": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257021": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257022": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257023": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257024": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257025": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257026": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257027": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257028": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257029": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257030": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257031": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257032": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257033": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257034": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257035": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257036": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257037": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257038": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257039": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257040": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257041": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257042": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257043": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257044": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257045": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257046": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257047": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257048": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257049": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257050": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257051": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257052": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257053": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257054": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257055": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257056": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257057": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257058": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257059": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257060": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257061": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257062": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257063": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257064": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257065": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257066": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257067": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257068": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257069": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257070": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257071": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257072": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257073": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257074": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257075": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257076": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257077": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257078": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257079": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257080": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257081": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257082": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257083": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257084": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257085": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257086": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257087": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257088": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257089": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257090": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257091": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257092": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257093": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257094": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257095": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257096": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257097": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257098": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257099": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257100": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257101": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257102": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257103": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257104": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257105": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257106": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257107": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257108": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257109": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257110": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257111": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257112": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257113": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257114": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257115": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257116": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257117": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257118": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257119": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257120": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257121": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257122": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257123": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257124": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257125": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257126": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257127": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257128": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257129": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257130": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257131": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257132": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257133": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257134": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257135": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257136": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257137": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257138": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257139": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257140": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257141": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257142": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257143": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257144": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257145": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257146": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257147": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257148": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257149": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257150": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257151": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257152": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257153": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257154": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257155": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257156": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257157": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257158": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257159": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257160": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257161": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257162": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257163": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257164": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257165": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257166": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257167": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257168": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257169": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257170": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257171": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257172": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257173": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257174": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257175": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257176": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257177": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257178": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257179": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257180": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257181": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257182": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257183": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257184": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257185": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257186": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257187": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257188": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257189": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257190": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257191": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257192": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257193": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257194": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257195": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257196": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257197": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257198": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257199": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257200": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257201": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257202": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257203": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257204": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257205": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257206": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257207": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257208": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257209": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257210": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257211": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257212": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257213": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257214": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257215": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257216": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257217": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257218": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257219": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257220": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257221": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257222": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257223": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257224": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257225": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257226": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257227": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257228": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257229": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257230": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257231": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257232": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257233": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257234": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257235": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257236": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257237": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257238": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257239": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257240": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257241": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257242": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257243": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257244": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257245": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257246": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257247": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257248": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257249": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257250": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257251": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257252": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257253": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257254": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257255": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257256": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257257": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257258": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257259": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257260": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257261": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257262": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257263": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257264": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257265": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257266": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257267": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257268": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257269": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257270": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257271": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257272": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257273": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257274": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257275": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257276": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257277": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257278": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257279": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257280": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257281": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257282": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257283": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257284": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257285": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257286": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257287": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257288": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257289": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257290": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257291": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257292": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257293": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257294": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257295": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257296": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257297": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257298": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257299": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257300": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257301": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257302": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257303": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257304": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257305": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257306": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257307": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257308": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257309": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257310": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257311": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257312": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257313": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257314": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257315": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257316": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257317": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257318": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257319": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257320": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257321": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257322": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257323": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257324": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257325": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257326": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257327": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257328": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257329": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257330": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257331": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257332": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257335": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257336": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257337": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257338": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257339": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257340": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257341": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257342": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257343": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257344": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257345": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257346": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257347": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257348": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257349": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257350": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257351": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257352": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257353": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257354": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257355": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257356": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257357": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257358": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257359": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257360": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257361": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257362": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257363": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257364": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257365": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257366": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257367": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257368": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257369": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257370": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257371": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257372": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257373": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257374": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257375": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257376": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257377": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257378": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257379": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257380": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257381": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257382": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257383": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257384": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257385": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257386": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257387": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257388": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257389": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257390": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257391": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257392": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257393": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257394": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257395": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257396": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257397": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257398": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257399": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257400": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257401": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257402": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257403": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257404": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257405": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257406": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257407": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257408": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257409": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257410": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257411": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257412": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257413": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257414": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257415": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257416": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257417": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257418": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257419": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257420": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257421": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257422": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257423": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257424": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257425": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257426": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257427": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257428": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257429": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257430": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257431": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257432": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257433": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257434": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257435": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257436": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257437": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257438": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257439": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257440": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257441": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257442": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257443": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257444": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257445": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257446": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257447": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257448": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257449": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257450": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257451": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257452": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257453": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257454": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257455": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257456": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257457": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257458": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257459": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257460": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257461": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257462": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257463": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257464": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257465": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257466": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257467": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257468": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257469": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257470": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257471": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257472": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257473": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257474": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257475": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257476": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257477": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257478": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257479": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257480": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257481": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257482": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257483": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257484": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257485": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257486": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257487": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257488": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257489": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257490": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257491": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257492": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257493": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257494": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257495": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257496": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257497": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257498": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257499": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257500": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257501": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257502": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257503": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257504": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257505": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257506": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257507": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257508": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257509": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257510": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257511": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257512": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257513": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257514": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257515": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257516": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257517": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257518": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257519": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257520": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257521": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257522": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257523": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257524": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257525": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257526": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257527": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257528": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257529": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257530": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257531": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257532": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257533": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257534": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257535": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257536": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257537": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257538": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257539": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257540": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257541": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257542": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257543": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257544": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257545": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257546": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257547": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257548": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257549": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257550": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257551": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257552": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257553": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257554": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257555": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257556": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257557": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257558": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257559": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257560": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257561": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257562": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257563": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257564": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257565": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257566": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257567": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257568": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257569": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257570": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257571": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257572": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257573": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257574": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257575": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257576": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257577": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257578": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257579": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257580": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257581": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257582": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257583": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257584": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257585": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257586": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257587": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257588": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257589": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257590": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257591": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257592": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257593": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257594": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257595": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257596": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257597": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257598": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257599": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257600": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257601": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257602": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257603": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257604": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257605": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257606": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257607": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257608": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257609": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257610": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257611": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257612": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257613": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257614": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257615": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257616": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257617": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257618": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257619": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257620": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257621": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257622": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257623": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257624": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257625": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257626": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257627": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257628": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257629": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257630": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257631": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257632": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257633": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257634": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257635": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257636": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257637": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257638": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257639": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257640": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257641": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257642": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257643": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257644": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257645": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257646": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257647": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257648": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257649": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257650": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257651": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257652": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257653": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257654": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257655": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257656": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257657": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257658": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257659": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257660": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257661": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257662": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257663": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257664": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257665": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257666": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257667": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257668": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257669": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257670": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257671": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257672": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257673": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257674": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257675": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257676": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257677": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257678": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257679": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257680": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257681": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257682": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257683": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257684": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257685": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257686": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257687": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257688": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257689": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257690": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257691": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257692": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257693": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257694": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257695": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257696": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257697": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257698": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257699": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257700": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257701": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257702": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257703": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257704": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257705": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257706": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257707": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257708": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257709": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257710": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257711": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257712": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257713": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257714": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257715": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257716": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257717": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257718": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257719": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257720": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257721": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257722": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257723": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257724": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257725": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257726": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257727": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257728": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257729": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257730": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257731": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257732": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257733": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257734": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257735": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257736": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257737": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257738": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257739": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257740": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257741": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257742": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257743": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257744": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257745": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257746": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257747": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257748": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257749": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257750": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257751": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257752": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257753": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257754": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257755": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257756": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257757": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257758": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257759": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257760": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257761": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257762": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257763": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257764": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257765": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257766": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257767": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257768": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257769": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257770": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257771": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257772": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257773": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257774": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257775": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257776": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257777": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257778": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257779": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257780": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257781": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257782": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257783": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257784": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257785": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257786": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257787": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257788": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257789": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257790": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257791": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257792": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257793": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257794": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257795": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257796": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257797": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257798": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257799": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257800": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257801": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257802": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257803": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257804": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257805": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257806": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257807": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257808": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257809": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257810": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257811": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257812": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257813": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257814": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257815": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257816": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257817": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257818": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257819": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257820": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257821": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257822": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257823": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257824": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257825": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257826": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257827": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257828": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257829": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257830": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257831": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257832": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257833": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257834": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257835": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257836": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257837": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257838": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257839": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257840": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257841": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257842": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257843": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257844": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257845": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257846": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257847": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257848": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257849": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257850": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257851": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257852": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257853": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257854": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257855": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257856": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257857": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257858": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257859": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257860": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257861": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257862": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257863": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257864": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257865": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257866": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257867": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257868": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257869": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257870": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257871": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257872": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257873": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257874": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257875": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257876": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257877": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257878": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257879": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257880": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257881": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257882": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257883": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257884": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257885": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257886": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257887": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257888": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257889": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257890": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257891": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257892": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257893": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257894": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257895": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257896": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257897": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257898": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257899": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257900": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257901": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257902": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257903": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257904": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257905": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257906": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257907": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257908": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257909": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257910": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257911": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257912": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257913": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257914": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257915": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257916": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257917": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257918": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257919": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257920": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257921": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257922": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257923": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257924": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257925": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257926": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257927": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257928": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257929": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257930": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257931": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257932": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257933": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257934": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257935": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257936": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257937": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257938": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257939": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257940": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257941": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257942": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257943": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257944": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257945": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257946": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257947": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257948": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257949": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257950": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257951": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257952": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257953": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257954": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257955": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257956": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257957": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257958": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257959": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257960": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257961": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257962": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257963": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257964": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257965": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257966": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257967": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257968": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257969": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257970": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257971": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257972": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257973": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257974": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257975": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257976": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257977": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257978": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257979": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257980": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257981": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257982": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257983": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257984": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257985": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257986": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257987": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257988": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257989": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257990": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257991": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257992": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257993": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257994": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257995": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257996": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257997": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257998": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "257999": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258000": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258001": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258002": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258003": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258004": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258005": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258006": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258007": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258008": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258009": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258010": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258011": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258012": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258013": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258014": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258015": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258016": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258017": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258018": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258019": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258020": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258021": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258022": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258023": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258024": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258025": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258026": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258027": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258028": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258029": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258030": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258031": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258032": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258033": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258034": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258035": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258036": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258037": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258038": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258039": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258040": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258041": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258042": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258043": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258044": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258045": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258046": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258047": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258048": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258049": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258050": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258051": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258052": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258053": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258054": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258055": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258056": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258057": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258058": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258059": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258060": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258061": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258062": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258063": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258064": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258065": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258066": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258067": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258068": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258069": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258070": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258071": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258072": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258073": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258074": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258075": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258076": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258077": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258078": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258079": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258080": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258081": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258082": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258083": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258084": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258085": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258086": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258087": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258088": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258089": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258090": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258091": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258092": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258093": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258094": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258095": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258096": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258097": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258098": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258099": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258100": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258101": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258102": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258103": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258104": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258105": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258106": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258107": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258108": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258109": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258110": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258111": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258112": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258113": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258114": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258115": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258116": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258117": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258118": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258119": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258120": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258121": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258122": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258123": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258124": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258125": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258126": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258127": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258128": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258129": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258130": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258131": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258132": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258133": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258134": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258135": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258136": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258137": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258138": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258139": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258140": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258141": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258142": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258143": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258144": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258145": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258146": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258147": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258148": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258149": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258150": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258151": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258152": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258153": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258154": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258155": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258156": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258157": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258158": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258159": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258160": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258161": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258162": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258163": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258164": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258165": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258166": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258167": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258168": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258169": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258170": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258171": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258172": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258173": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258174": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258175": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258176": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258177": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258178": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258179": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258180": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258181": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258182": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258183": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258184": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258185": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258186": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258187": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258188": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258189": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258190": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258191": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258192": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258193": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258194": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258195": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258196": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258197": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258198": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258199": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258200": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258201": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258202": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258203": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258204": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258205": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258206": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258207": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258208": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258209": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258210": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258211": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258212": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258213": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258214": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258215": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258216": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258217": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258218": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258219": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258220": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258221": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258222": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258223": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258224": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258225": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258226": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258227": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258228": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258229": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258230": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258231": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258232": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258233": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258234": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258235": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258236": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258237": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258238": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258239": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258240": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258241": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258242": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258243": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258244": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258245": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258246": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258247": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258248": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258249": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258250": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258251": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258252": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258253": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258254": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258255": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258256": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258257": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258258": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258259": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258260": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258261": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258262": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258263": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258264": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258265": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258266": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258267": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258268": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258269": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258270": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258271": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258272": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258273": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258274": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258275": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258276": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258277": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258278": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258279": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258280": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258281": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258282": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258283": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258284": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258285": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258286": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258287": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258288": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258289": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258290": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258291": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258292": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258293": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258294": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258295": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258296": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258297": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258298": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258299": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258300": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258301": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258302": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258303": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258304": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258305": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258306": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258307": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258308": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258309": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258310": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258311": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258312": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258313": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258314": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258315": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258316": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258317": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258318": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258319": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258320": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258321": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258322": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258323": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258324": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258325": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258326": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258327": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258328": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258329": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258330": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258331": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258332": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258335": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258336": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258337": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258338": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258339": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258340": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258341": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258342": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258343": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258344": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258345": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258346": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258347": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258348": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258349": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258350": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258351": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258352": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258353": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258354": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258355": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258356": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258357": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258358": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258359": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258360": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258361": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258362": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258363": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258364": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258365": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258366": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258367": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258368": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258369": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258370": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258371": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258372": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258373": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258374": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258375": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258376": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258377": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258378": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258379": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258380": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258381": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258382": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258383": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258384": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258385": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258386": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258387": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258388": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258389": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258390": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258391": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258392": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258393": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258394": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258395": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258396": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258397": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258398": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258399": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258400": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258401": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258402": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258403": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258404": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258405": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258406": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258407": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258408": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258409": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258410": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258411": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258412": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258413": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258414": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258415": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258416": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258417": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258418": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258419": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258420": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258421": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258422": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258423": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258424": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258425": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258426": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258427": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258428": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258429": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258430": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258431": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258432": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258433": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258434": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258435": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258436": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258437": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258438": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258439": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258440": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258441": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258442": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258443": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258444": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258445": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258446": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258447": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258448": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258449": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258450": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258451": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258452": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258453": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258454": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258455": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258456": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258457": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258458": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258459": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258460": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258461": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258462": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258463": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258464": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258465": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258466": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258467": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258468": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258469": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258470": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258471": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258472": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258473": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258474": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258475": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258476": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258477": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258478": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258479": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258480": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258481": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258482": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258483": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258484": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258485": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258486": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258487": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258488": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258489": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258490": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258491": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258492": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258493": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258494": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258495": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258496": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258497": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258498": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258499": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258500": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258501": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258502": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258503": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258504": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258505": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258506": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258507": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258508": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258509": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258510": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258511": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258512": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258513": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258514": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258515": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258516": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258517": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258518": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258519": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258520": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258521": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258522": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258523": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258524": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258525": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258526": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258527": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258528": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258529": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258530": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258531": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258532": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258533": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258534": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258535": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258536": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258537": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258538": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258539": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258540": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258541": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258542": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258543": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258544": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258545": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258546": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258547": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258548": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258549": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258550": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258551": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258552": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258553": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258554": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258555": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258556": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258557": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258558": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258559": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258560": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258561": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258562": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258563": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258564": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258565": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258566": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258567": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258568": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258569": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258570": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258571": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258572": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258573": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258574": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258575": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258576": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258577": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258578": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258579": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258580": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258581": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258582": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258583": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258584": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258585": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258586": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258587": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258588": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258589": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258590": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258591": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258592": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258593": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258594": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258595": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258596": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258597": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258598": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258599": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258600": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258601": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258602": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258603": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258604": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258605": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258606": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258607": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258608": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258609": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258610": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258611": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258612": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258613": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258614": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258615": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258616": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258617": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258618": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258619": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258620": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258621": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258622": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258623": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258624": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258625": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258626": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258627": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258628": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258629": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258630": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258631": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258632": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258633": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258634": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258635": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258636": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258637": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258638": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258639": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258640": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258641": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258642": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258643": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258644": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258645": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258646": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258647": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258648": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258649": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258650": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258651": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258652": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258653": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258654": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258655": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258656": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258657": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258658": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258659": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258660": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258661": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258662": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258663": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258664": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258665": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258666": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258667": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258668": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258669": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258670": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258671": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258672": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258673": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258674": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258675": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258676": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258677": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258678": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258679": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258680": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258681": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258682": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258683": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258684": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258685": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258686": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258687": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258688": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258689": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258690": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258691": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258692": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258693": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258694": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258695": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258696": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258697": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258698": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258699": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258700": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258701": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258702": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258703": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258704": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258705": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258706": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258707": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258708": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258709": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258710": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258711": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258712": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258713": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258714": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258715": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258716": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258717": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258718": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258719": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258720": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258721": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258722": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258723": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258724": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258725": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258726": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258727": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258728": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258729": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258730": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258731": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258732": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258733": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258734": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258735": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258736": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258737": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258738": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258739": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258740": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258741": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258742": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258743": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258744": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258745": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258746": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258747": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258748": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258749": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258750": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258751": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258752": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258753": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258754": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258755": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258756": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258757": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258758": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258759": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258760": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258761": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258762": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258763": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258764": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258765": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258766": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258767": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258768": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258769": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258770": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258771": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258772": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258773": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258774": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258775": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258776": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258777": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258778": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258779": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258780": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258781": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258782": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258783": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258784": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258785": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258786": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258787": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258788": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258789": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258790": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258791": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258792": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258793": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258794": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258795": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258796": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258797": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258798": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258799": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258800": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258801": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258802": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258803": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258804": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258805": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258806": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258807": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258808": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258809": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258810": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258811": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258812": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258813": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258814": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258815": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258816": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258817": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258818": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258819": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258820": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258821": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258822": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258823": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258824": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258825": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258826": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258827": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258828": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258829": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258830": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258831": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258832": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258833": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258834": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258835": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258836": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258837": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258838": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258839": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258840": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258841": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258842": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258843": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258844": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258845": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258846": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258847": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258848": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258849": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258850": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258851": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258852": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258853": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258854": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258855": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258856": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258857": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258858": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258859": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258860": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258861": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258862": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258863": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258864": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258865": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258866": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258867": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258868": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258869": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258870": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258871": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258872": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258873": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258874": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258875": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258876": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258877": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258878": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258879": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258880": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258881": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258882": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258883": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258884": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258885": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258886": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258887": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258888": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258889": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258890": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258891": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258892": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258893": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258894": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258895": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258896": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258897": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258898": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258899": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258900": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258901": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258902": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258903": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258904": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258905": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258906": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258907": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258908": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258909": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258910": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258911": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258912": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258913": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258914": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258915": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258916": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258917": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258918": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258919": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258920": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258921": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258922": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258923": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258924": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258925": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258926": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258927": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258928": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258929": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258930": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258931": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258932": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258933": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258934": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258935": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258936": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258937": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258938": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258939": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258940": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258941": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258942": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258943": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258944": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258945": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258946": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258947": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258948": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258949": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258950": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258951": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258952": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258953": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258954": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258955": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258956": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258957": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258958": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258959": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258960": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258961": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258962": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258963": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258964": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258965": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258966": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258967": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258968": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258969": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258970": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258971": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258972": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258973": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258974": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258975": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258976": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258977": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258978": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258979": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258980": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258981": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258982": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258983": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258984": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258985": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258986": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258987": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258988": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258989": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258990": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258991": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258992": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258993": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258994": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258995": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258996": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258997": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258998": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "258999": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259000": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259001": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259002": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259003": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259004": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259005": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259006": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259007": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259008": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259009": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259010": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259011": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259012": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259013": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259014": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259015": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259016": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259017": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259018": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259019": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259020": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259021": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259022": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259023": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259024": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259025": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259026": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259027": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259028": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259029": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259030": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259031": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259032": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259033": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259034": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259035": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259036": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259037": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259038": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259039": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259040": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259041": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259042": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259043": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259044": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259045": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259046": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259047": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259048": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259049": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259050": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259051": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259052": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259053": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259054": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259055": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259056": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259057": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259058": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259059": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259060": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259061": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259062": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259063": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259064": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259065": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259066": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259067": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259068": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259069": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259070": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259071": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259072": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259073": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259074": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259075": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259076": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259077": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259078": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259079": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259080": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259081": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259082": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259083": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259084": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259085": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259086": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259087": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259088": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259089": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259090": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259091": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259092": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259093": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259094": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259095": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259096": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259097": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259098": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259099": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259100": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259101": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259102": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259103": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259104": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259105": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259106": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259107": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259108": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259109": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259110": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259111": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259112": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259113": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259114": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259115": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259116": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259117": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259118": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259119": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259120": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259121": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259122": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259123": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259124": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259125": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259126": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259127": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259128": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259129": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259130": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259131": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259132": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259133": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259134": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259135": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259136": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259137": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259138": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259139": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259140": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259141": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259142": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259143": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259144": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259145": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259146": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259147": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259148": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259149": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259150": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259151": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259152": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259153": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259154": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259155": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259156": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259157": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259158": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259159": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259160": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259161": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259162": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259163": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259164": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259165": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259166": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259167": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259168": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259169": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259170": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259171": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259172": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259173": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259174": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259175": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259176": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259177": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259178": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259179": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259180": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259181": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259182": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259183": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259184": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259185": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259186": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259187": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259188": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259189": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259190": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259191": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259192": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259193": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259194": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259195": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259196": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259197": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259198": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259199": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259200": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259201": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259202": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259203": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259204": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259205": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259206": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259207": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259208": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259209": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259210": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259211": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259212": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259213": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259214": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259215": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259216": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259217": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259218": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259219": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259220": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259221": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259222": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259223": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259224": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259225": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259226": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259227": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259228": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259229": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259230": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259231": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259232": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259233": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259234": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259235": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259236": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259237": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259238": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259239": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259240": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259241": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259242": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259243": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259244": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259245": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259246": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259247": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259248": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259249": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259250": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259251": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259252": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259253": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259254": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259255": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259256": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259257": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259258": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259259": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259260": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259261": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259262": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259263": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259264": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259265": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259266": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259267": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259268": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259269": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259270": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259271": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259272": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259273": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259274": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259275": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259276": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259277": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259278": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259279": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259280": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259281": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259282": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259283": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259284": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259285": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259286": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259287": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259288": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259289": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259290": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259291": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259292": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259293": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259294": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259295": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259296": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259297": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259298": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259299": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259300": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259301": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259302": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259303": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259304": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259305": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259306": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259307": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259308": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259309": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259310": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259311": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259312": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259313": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259314": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259315": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259316": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259317": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259318": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259319": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259320": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259321": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259322": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259323": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259324": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259325": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259326": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259327": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259328": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259329": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259330": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259331": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259332": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259335": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259336": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259337": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259338": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259339": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259340": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259341": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259342": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259343": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259344": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259345": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259346": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259347": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259348": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259349": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259350": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259351": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259352": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259353": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259354": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259355": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259356": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259357": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259358": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259359": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259360": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259361": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259362": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259363": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259364": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259365": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259366": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259367": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259368": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259369": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259370": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259371": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259372": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259373": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259374": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259375": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259376": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259377": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259378": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259379": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259380": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259381": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259382": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259383": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259384": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259385": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259386": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259387": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259388": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259389": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259390": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259391": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259392": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259393": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259394": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259395": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259396": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259397": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259398": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259399": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259400": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259401": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259402": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259403": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259404": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259405": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259406": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259407": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259408": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259409": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259410": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259411": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259412": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259413": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259414": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259415": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259416": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259417": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259418": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259419": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259420": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259421": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259422": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259423": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259424": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259425": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259426": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259427": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259428": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259429": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259430": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259431": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259432": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259433": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259434": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259435": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259436": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259437": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259438": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259439": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259440": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259441": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259442": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259443": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259444": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259445": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259446": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259447": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259448": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259449": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259450": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259451": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259452": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259453": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259454": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259455": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259456": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259457": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259458": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259459": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259460": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259461": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259462": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259463": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259464": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259465": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259466": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259467": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259468": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259469": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259470": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259471": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259472": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259473": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259474": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259475": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259476": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259477": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259478": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259479": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259480": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259481": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259482": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259483": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259484": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259485": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259486": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259487": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259488": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259489": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259490": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259491": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259492": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259493": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259494": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259495": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259496": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259497": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259498": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259499": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259500": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259501": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259502": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259503": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259504": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259505": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259506": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259507": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259508": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259509": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259510": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259511": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259512": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259513": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259514": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259515": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259516": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259517": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259518": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259519": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259520": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259521": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259522": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259523": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259524": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259525": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259526": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259527": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259528": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259529": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259530": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259531": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259532": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259533": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259534": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259535": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259536": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259537": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259538": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259539": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259540": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259541": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259542": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259543": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259544": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259545": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259546": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259547": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259548": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259549": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259550": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259551": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259552": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259553": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259554": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259555": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259556": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259557": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259558": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259559": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259560": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259561": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259562": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259563": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259564": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259565": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259566": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259567": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259568": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259569": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259570": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259571": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259572": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259573": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259574": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259575": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259576": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259577": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259578": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259579": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259580": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259581": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259582": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259583": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259584": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259585": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259586": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259587": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259588": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259589": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259590": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259591": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259592": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259593": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259594": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259595": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259596": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259597": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259598": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259599": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259600": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259601": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259602": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259603": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259604": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259605": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259606": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259607": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259608": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259609": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259610": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259611": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259612": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259613": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259614": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259615": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259616": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259617": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259618": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259619": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259620": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259621": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259622": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259623": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259624": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259625": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259626": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259627": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259628": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259629": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259630": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259631": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259632": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259633": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259634": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259635": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259636": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259637": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259638": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259639": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259640": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259641": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259642": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259643": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259644": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259645": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259646": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259647": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259648": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259649": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259650": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259651": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259652": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259653": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259654": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259655": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259656": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259657": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259658": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259659": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259660": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259661": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259662": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259663": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259664": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259665": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259666": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259667": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259668": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259669": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259670": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259671": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259672": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259673": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259674": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259675": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259676": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259677": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259678": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259679": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259680": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259681": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259682": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259683": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259684": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259685": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259686": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259687": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259688": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259689": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259690": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259691": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259692": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259693": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259694": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259695": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259696": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259697": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259698": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259699": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259700": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259701": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259702": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259703": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259704": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259705": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259706": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259707": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259708": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259709": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259710": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259711": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259712": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259713": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259714": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259715": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259716": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259717": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259718": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259719": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259720": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259721": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259722": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259723": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259724": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259725": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259726": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259727": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259728": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259729": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259730": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259731": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259732": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259733": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259734": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259735": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259736": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259737": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259738": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259739": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259740": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259741": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259742": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259743": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259744": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259745": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259746": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259747": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259748": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259749": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259750": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259751": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259752": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259753": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259754": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259755": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259756": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259757": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259758": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259759": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259760": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259761": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259762": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259763": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259764": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259765": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259766": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259767": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259768": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259769": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259770": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259771": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259772": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259773": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259774": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259775": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259776": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259777": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259778": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259779": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259780": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259781": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259782": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259783": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259784": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259785": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259786": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259787": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259788": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259789": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259790": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259791": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259792": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259793": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259794": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259795": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259796": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259797": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259798": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259799": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259800": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259801": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259802": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259803": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259804": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259805": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259806": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259807": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259808": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259809": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259810": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259811": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259812": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259813": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259814": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259815": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259816": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259817": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259818": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259819": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259820": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259821": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259822": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259823": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259824": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259825": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259826": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259827": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259828": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259829": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259830": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259831": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259832": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259833": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259834": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259835": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259836": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259837": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259838": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259839": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259840": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259841": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259842": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259843": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259844": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259845": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259846": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259847": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259848": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259849": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259850": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259851": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259852": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259853": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259854": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259855": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259856": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259857": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259858": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259859": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259860": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259861": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259862": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259863": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259864": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259865": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259866": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259867": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259868": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259869": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259870": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259871": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259872": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259873": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259874": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259875": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259876": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259877": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259878": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259879": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259880": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259881": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259882": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259883": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259884": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259885": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259886": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259887": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259888": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259889": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259890": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259891": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259892": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259893": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259894": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259895": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259896": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259897": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259898": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259899": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259900": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259901": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259902": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259903": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259904": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259905": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259906": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259907": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259908": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259909": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259910": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259911": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259912": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259913": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259914": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259915": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259916": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259917": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259918": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259919": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259920": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259921": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259922": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259923": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259924": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259925": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259926": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259927": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259928": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259929": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259930": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259931": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259932": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259933": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259934": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259935": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259936": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259937": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259938": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259939": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259940": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259941": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259942": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259943": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259944": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259945": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259946": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259947": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259948": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259949": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259950": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259951": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259952": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259953": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259954": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259955": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259956": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259957": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259958": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259959": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259960": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259961": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259962": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259963": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259964": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259965": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259966": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259967": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259968": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259969": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259970": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259971": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259972": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259973": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259974": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259975": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259976": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259977": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259978": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259979": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259980": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259981": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259982": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259983": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259984": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259985": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259986": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259987": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259988": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259989": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259990": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259991": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259992": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259993": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259994": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259995": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259996": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259997": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259998": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "259999": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260000": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260001": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260002": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260003": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260004": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260005": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260006": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260007": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260008": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260009": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260010": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260011": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260012": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260013": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260014": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260015": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260016": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260017": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260018": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260019": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260020": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260021": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260022": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260023": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260024": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260025": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260026": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260027": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260028": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260029": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260030": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260031": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260032": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260033": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260034": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260035": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260036": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260037": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260038": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260039": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260040": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260041": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260042": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260043": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260044": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260045": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260046": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260047": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260048": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260049": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260050": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260051": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260052": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260053": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260054": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260055": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260056": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260057": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260058": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260059": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260060": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260061": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260062": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260063": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260064": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260065": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260066": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260067": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260068": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260069": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260070": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260071": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260072": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260073": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260074": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260075": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260076": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260077": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260078": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260079": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260080": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260081": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260082": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260083": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260084": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260085": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260086": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260087": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260088": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260089": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260090": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260091": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260092": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260093": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260094": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260095": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260096": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260097": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260098": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260099": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260100": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260101": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260102": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260103": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260104": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260105": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260106": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260107": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260108": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260109": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260110": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260111": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260112": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260113": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260114": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260115": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260116": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260117": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260118": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260119": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260120": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260121": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260122": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260123": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260124": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260125": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260126": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260127": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260128": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260129": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260130": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260131": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260132": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260133": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260134": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260135": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260136": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260137": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260138": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260139": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260140": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260141": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260142": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260143": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260144": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260145": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260146": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260147": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260148": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260149": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260150": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260151": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260152": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260153": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260154": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260155": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260156": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260157": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260158": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260159": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260160": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260161": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260162": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260163": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260164": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260165": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260166": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260167": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260168": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260169": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260170": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260171": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260172": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260173": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260174": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260175": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260176": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260177": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260178": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260179": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260180": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260181": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260182": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260183": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260184": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260185": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260186": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260187": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260188": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260189": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260190": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260191": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260192": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260193": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260194": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260195": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260196": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260197": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260198": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260199": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260200": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260201": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260202": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260203": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260204": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260205": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260206": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260207": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260208": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260209": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260210": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260211": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260212": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260213": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260214": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260215": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260216": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260217": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260218": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260219": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260220": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260221": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260222": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260223": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260224": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260225": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260226": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260227": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260228": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260229": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260230": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260231": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260232": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260233": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260234": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260235": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260236": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260237": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260238": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260239": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260240": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260241": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260242": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260243": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260244": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260245": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260246": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260247": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260248": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260249": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260250": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260251": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260252": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260253": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260254": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260255": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260256": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260257": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260258": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260259": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260260": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260261": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260262": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260263": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260264": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260265": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260266": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260267": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260268": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260269": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260270": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260271": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260272": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260273": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260274": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260275": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260276": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260277": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260278": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260279": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260280": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260281": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260282": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260283": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260284": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260285": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260286": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260287": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260288": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260289": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260290": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260291": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260292": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260293": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260294": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260295": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260296": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260297": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260298": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260299": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260300": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260301": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260302": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260303": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260304": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260305": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260306": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260307": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260308": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260309": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260310": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260311": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260312": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260313": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260314": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260315": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260316": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260317": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260318": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260319": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260320": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260321": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260322": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260323": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260324": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260325": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260326": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260327": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260328": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260329": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260330": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260331": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260332": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260335": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260336": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260337": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260338": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260339": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260340": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260341": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260342": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260343": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260344": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260345": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260346": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260347": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260348": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260349": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260350": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260351": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260352": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260353": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260354": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260355": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260356": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260357": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260358": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260359": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260360": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260361": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260362": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260363": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260364": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260365": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260366": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260367": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260368": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260369": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260370": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260371": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260372": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260373": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260374": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260375": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260376": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260377": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260378": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260379": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260380": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260381": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260382": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260383": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260384": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260385": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260386": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260387": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260388": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260389": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260390": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260391": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260392": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260393": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260394": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260395": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260396": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260397": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260398": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260399": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260400": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260401": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260402": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260403": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260404": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260405": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260406": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260407": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260408": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260409": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260410": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260411": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260412": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260413": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260414": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260415": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260416": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260417": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260418": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260419": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260420": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260421": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260422": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260423": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260424": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260425": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260426": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260427": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260428": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260429": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260430": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260431": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260432": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260433": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260434": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260435": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260436": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260437": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260438": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260439": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260440": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260441": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260442": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260443": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260444": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260445": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260446": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260447": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260448": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260449": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260450": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260451": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260452": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260453": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260454": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260455": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260456": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260457": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260458": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260459": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260460": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260461": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260462": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260463": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260464": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260465": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260466": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260467": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260468": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260469": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260470": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260471": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260472": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260473": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260474": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260475": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260476": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260477": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260478": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260479": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260480": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260481": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260482": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260483": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260484": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260485": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260486": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260487": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260488": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260489": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260490": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260491": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260492": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260493": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260494": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260495": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260496": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260497": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260498": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260499": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260500": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260501": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260502": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260503": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260504": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260505": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260506": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260507": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260508": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260509": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260510": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260511": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260512": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260513": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260514": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260515": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260516": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260517": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260518": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260519": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260520": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260521": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260522": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260523": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260524": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260525": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260526": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260527": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260528": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260529": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260530": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260531": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260532": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260533": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260534": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260535": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260536": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260537": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260538": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260539": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260540": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260541": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260542": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260543": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260544": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260545": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260546": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260547": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260548": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260549": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260550": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260551": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260552": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260553": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260554": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260555": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260556": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260557": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260558": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260559": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260560": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260561": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260562": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260563": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260564": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260565": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260566": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260567": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260568": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260569": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260570": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260571": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260572": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260573": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260574": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260575": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260576": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260577": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260578": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260579": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260580": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260581": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260582": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260583": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260584": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260585": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260586": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260587": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260588": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260589": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260590": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260591": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260592": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260593": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260594": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260595": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260596": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260597": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260598": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260599": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260600": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260601": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260602": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260603": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260604": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260605": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260606": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260607": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260608": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260609": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260610": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260611": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260612": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260613": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260614": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260615": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260616": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260617": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260618": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260619": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260620": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260621": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260622": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260623": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260624": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260625": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260626": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260627": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260628": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260629": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260630": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260631": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260632": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260633": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260634": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260635": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260636": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260637": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260638": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260639": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260640": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260641": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260642": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260643": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260644": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260645": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260646": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260647": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260648": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260649": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260650": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260651": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260652": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260653": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260654": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260655": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260656": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260657": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260658": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260659": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260660": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260661": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260662": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260663": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260664": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260665": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260666": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260667": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260668": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260669": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260670": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260671": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260672": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260673": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260674": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260675": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260676": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260677": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260678": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260679": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260680": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260681": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260682": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260683": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260684": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260685": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260686": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260687": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260688": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260689": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260690": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260691": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260692": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260693": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260694": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260695": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260696": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260697": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260698": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260699": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260700": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260701": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260702": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260703": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260704": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260705": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260706": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260707": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260708": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260709": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260710": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260711": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260712": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260713": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260714": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260715": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260716": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260717": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260718": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260719": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260720": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260721": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260722": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260723": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260724": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260725": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260726": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260727": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260728": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260729": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260730": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260731": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260732": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260733": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260734": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260735": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260736": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260737": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260738": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260739": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260740": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260741": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260742": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260743": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260744": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260745": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260746": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260747": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260748": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260749": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260750": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260751": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260752": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260753": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260754": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260755": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260756": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260757": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260758": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260759": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260760": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260761": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260762": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260763": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260764": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260765": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260766": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260767": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260768": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260769": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260770": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260771": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260772": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260773": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260774": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260775": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260776": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260777": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260778": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260779": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260780": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260781": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260782": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260783": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260784": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260785": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260786": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260787": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260788": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260789": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260790": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260791": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260792": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260793": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260794": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260795": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260796": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260797": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260798": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260799": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260800": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260801": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260802": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260803": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260804": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260805": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260806": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260807": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260808": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260809": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260810": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260811": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260812": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260813": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260814": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260815": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260816": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260817": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260818": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260819": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260820": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260821": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260822": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260823": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260824": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260825": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260826": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260827": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260828": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260829": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260830": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260831": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260832": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260833": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260834": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260835": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260836": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260837": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260838": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260839": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260840": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260841": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260842": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260843": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260844": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260845": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260846": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260847": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260848": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260849": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260850": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260851": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260852": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260853": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260854": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260855": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260856": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260857": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260858": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260859": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260860": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260861": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260862": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260863": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260864": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260865": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260866": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260867": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260868": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260869": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260870": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260871": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260872": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260873": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260874": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260875": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260876": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260877": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260878": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260879": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260880": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260881": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260882": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260883": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260884": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260885": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260886": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260887": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260888": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260889": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260890": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260891": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260892": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260893": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260894": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260895": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260896": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260897": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260898": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260899": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260900": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260901": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260902": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260903": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260904": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260905": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260906": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260907": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260908": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260909": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260910": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260911": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260912": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260913": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260914": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260915": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260916": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260917": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260918": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260919": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260920": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260921": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260922": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260923": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260924": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260925": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260926": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260927": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260928": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260929": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260930": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260931": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260932": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260933": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260934": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260935": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260936": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260937": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260938": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260939": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260940": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260941": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260942": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260943": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260944": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260945": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260946": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260947": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260948": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260949": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260950": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260951": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260952": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260953": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260954": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260955": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260956": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260957": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260958": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260959": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260960": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260961": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260962": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260963": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260964": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260965": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260966": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260967": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260968": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260969": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260970": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260971": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260972": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260973": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260974": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260975": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260976": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260977": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260978": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260979": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260980": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260981": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260982": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260983": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260984": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260985": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260986": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260987": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260988": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260989": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260990": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260991": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260992": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260993": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260994": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260995": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260996": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260997": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260998": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "260999": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261000": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261001": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261002": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261003": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261004": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261005": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261006": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261007": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261008": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261009": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261010": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261011": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261012": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261013": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261014": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261015": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261016": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261017": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261018": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261019": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261020": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261021": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261022": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261023": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261024": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261025": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261026": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261027": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261028": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261029": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261030": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261031": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261032": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261033": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261034": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261035": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261036": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261037": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261038": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261039": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261040": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261041": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261042": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261043": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261044": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261045": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261046": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261047": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261048": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261049": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261050": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261051": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261052": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261053": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261054": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261055": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261056": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261057": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261058": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261059": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261060": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261061": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261062": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261063": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261064": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261065": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261066": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261067": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261068": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261069": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261070": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261071": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261072": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261073": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261074": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261075": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261076": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261077": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261078": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261079": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261080": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261081": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261082": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261083": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261084": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261085": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261086": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261087": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261088": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261089": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261090": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261091": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261092": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261093": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261094": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261095": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261096": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261097": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261098": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261099": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261100": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261101": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261102": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261103": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261104": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261105": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261106": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261107": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261108": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261109": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261110": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261111": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261112": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261113": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261114": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261115": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261116": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261117": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261118": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261119": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261120": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261121": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261122": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261123": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261124": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261125": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261126": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261127": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261128": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261129": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261130": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261131": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261132": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261133": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261134": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261135": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261136": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261137": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261138": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261139": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261140": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261141": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261142": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261143": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261144": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261145": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261146": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261147": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261148": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261149": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261150": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261151": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261152": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261153": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261154": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261155": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261156": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261157": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261158": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261159": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261160": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261161": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261162": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261163": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261164": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261165": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261166": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261167": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261168": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261169": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261170": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261171": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261172": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261173": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261174": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261175": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261176": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261177": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261178": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261179": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261180": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261181": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261182": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261183": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261184": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261185": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261186": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261187": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261188": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261189": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261190": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261191": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261192": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261193": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261194": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261195": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261196": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261197": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261198": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261199": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261200": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261201": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261202": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261203": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261204": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261205": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261206": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261207": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261208": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261209": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261210": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261211": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261212": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261213": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261214": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261215": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261216": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261217": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261218": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261219": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261220": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261221": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261222": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261223": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261224": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261225": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261226": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261227": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261228": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261229": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261230": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261231": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261232": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261233": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261234": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261235": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261236": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261237": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261238": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261239": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261240": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261241": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261242": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261243": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261244": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261245": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261246": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261247": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261248": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261249": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261250": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261251": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261252": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261253": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261254": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261255": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261256": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261257": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261258": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261259": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261260": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261261": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261262": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261263": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261264": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261265": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261266": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261267": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261268": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261269": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261270": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261271": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261272": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261273": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261274": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261275": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261276": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261277": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261278": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261279": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261280": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261281": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261282": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261283": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261284": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261285": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261286": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261287": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261288": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261289": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261290": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261291": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261292": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261293": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261294": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261295": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261296": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261297": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261298": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261299": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261300": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261301": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261302": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261303": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261304": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261305": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261306": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261307": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261308": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261309": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261310": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261311": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261312": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261313": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261314": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261315": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261316": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261317": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261318": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261319": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261320": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261321": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261322": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261323": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261324": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261325": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261326": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261327": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261328": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261329": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261330": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261331": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261332": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261333": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261334": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261335": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261336": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261337": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261338": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261339": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261340": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261341": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261342": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261343": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261344": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261345": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261346": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261347": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261348": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261349": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261350": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261351": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261352": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261353": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261354": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261355": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261356": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261357": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261358": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261359": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261360": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261361": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261362": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261363": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261364": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261365": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261366": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261367": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261368": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261369": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261370": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261371": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261372": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261373": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261374": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261375": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261376": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261377": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261378": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261379": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261380": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261381": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261382": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261383": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261384": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261385": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261386": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261387": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261388": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261389": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261390": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261391": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261392": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261393": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261394": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261395": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261396": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261397": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261398": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261399": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261400": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261401": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261402": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261403": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261404": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261405": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261406": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261407": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261408": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261409": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261410": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261411": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261412": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261413": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261414": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261415": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261416": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261417": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261418": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261419": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261420": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261421": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261422": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261423": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261424": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261425": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261426": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261427": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261428": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261429": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261430": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261431": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261432": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261433": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261434": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261435": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261436": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261437": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261438": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261439": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261440": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261441": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261442": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261443": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261444": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261445": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261446": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261447": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261448": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261449": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261450": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261451": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261452": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261453": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261454": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261455": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261456": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261457": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261458": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261459": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261460": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261461": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261462": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261463": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261464": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261465": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261466": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261467": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261468": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261469": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261470": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261471": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261472": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261473": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261474": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261475": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261476": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261477": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261478": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261479": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261480": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261481": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261482": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261483": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261484": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261485": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261486": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261487": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261488": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261489": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261490": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261491": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261492": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261493": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261494": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261495": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261496": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261497": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261498": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261499": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261500": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261501": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261502": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261503": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261504": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261505": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261506": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261507": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261508": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261509": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261510": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261511": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261512": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261513": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261514": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261515": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261516": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261517": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261518": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261519": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261520": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261521": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261522": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261523": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261524": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261525": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261526": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261527": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261528": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261529": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261530": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261531": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261532": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261533": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261534": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261535": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261536": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261537": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261538": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261539": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261540": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261541": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261542": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261543": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261544": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261545": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261546": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261547": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261548": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261549": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261550": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261551": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261552": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261553": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261554": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261555": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261556": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261557": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261558": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261559": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261560": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261561": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261562": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261563": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261564": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261565": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261566": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261567": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261568": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261569": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261570": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261571": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261572": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261573": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261574": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261575": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261576": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261577": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261578": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261579": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261580": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261581": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261582": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261583": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261584": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261585": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261586": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261587": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261588": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261589": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261590": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261591": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261592": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261593": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261594": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261595": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261596": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261597": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261598": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261599": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261600": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261601": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261602": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261603": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261604": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261605": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261606": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261607": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261608": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261609": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261610": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261611": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261612": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261613": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261614": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261615": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261616": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261617": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261618": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261619": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261620": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261621": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261622": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261623": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261624": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261625": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261626": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261627": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261628": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261629": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261630": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261631": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261632": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261633": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261634": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261635": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261636": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261637": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261638": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261639": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261640": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261641": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261642": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261643": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261644": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261645": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261646": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261647": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261648": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261649": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261650": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261651": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261652": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261653": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261654": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261655": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261656": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261657": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261658": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261659": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261660": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261661": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261662": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261663": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261664": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261665": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261666": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261667": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261668": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261669": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261670": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261671": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261672": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261673": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261674": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261675": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261676": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261677": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261678": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261679": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261680": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261681": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261682": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261683": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261684": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261685": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261686": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261687": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261688": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261689": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261690": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261691": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261692": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261693": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261694": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261695": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261696": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261697": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261698": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261699": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261700": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261701": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261702": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261703": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261704": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261705": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261706": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261707": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261708": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261709": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261710": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261711": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261712": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261713": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261714": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261715": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261716": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261717": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261718": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261719": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261720": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261721": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261722": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261723": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261724": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261725": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261726": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261727": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261728": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261729": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261730": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261731": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261732": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261733": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261734": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261735": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261736": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261737": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261738": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261739": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261740": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261741": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261742": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261743": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261744": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261745": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261746": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261747": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261748": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261749": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261750": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261751": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261752": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261753": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261754": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261755": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261756": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261757": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261758": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261759": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261760": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261761": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261762": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261763": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261764": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261765": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261766": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261767": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261768": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261769": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261770": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261771": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261772": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261773": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261774": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261775": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261776": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261777": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261778": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261779": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261780": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261781": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261782": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261783": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261784": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261785": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261786": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261787": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261788": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261789": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261790": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261791": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261792": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261793": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261794": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261795": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261796": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261797": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261798": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261799": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261800": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261801": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261802": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261803": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261804": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261805": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261806": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261807": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261808": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261809": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261810": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261811": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261812": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261813": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261814": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261815": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261816": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261817": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261818": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261819": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261820": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261821": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261822": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261823": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261824": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261825": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261826": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261827": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261828": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261829": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261830": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261831": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261832": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261833": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261834": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261835": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261836": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261837": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261838": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261839": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261840": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261841": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261842": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261843": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261844": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261845": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261846": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261847": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261848": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261849": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261850": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261851": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261852": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261853": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261854": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261855": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261856": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261857": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261858": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261859": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261860": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261861": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261862": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261863": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261864": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261865": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261866": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261867": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261868": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261869": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261870": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261871": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261872": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261873": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261874": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261875": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261876": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261877": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261878": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261879": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261880": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261881": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261882": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261883": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261884": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261885": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261886": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261887": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261888": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261889": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261890": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261891": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261892": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261893": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261894": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261895": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261896": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261897": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261898": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261899": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261900": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261901": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261902": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261903": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261904": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261905": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261906": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261907": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261908": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261909": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261910": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261911": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261912": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261913": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261914": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261915": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261916": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261917": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261918": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261919": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261920": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261921": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261922": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261923": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261924": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261925": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261926": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261927": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261928": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261929": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261930": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261931": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261932": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261933": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261934": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261935": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261936": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261937": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261938": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261939": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261940": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261941": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261942": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261943": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261944": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261945": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261946": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261947": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261948": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261949": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261950": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261951": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261952": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261953": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261954": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261955": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261956": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261957": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261958": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261959": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261960": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261961": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261962": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261963": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261964": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261965": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261966": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261967": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261968": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261969": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261970": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261971": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261972": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261973": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261974": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261975": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261976": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261977": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261978": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261979": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261980": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261981": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261982": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261983": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261984": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261985": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261986": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261987": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261988": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261989": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261990": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261991": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261992": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261993": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261994": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261995": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261996": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261997": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261998": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "261999": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262000": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262001": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262002": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262003": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262004": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262005": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262006": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262007": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262008": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262009": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262010": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262011": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262012": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262013": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262014": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262015": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262016": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262017": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262018": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262019": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262020": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262021": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262022": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262023": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262024": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262025": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262026": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262027": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262028": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262029": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262030": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262031": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262032": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262033": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262034": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262035": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262036": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262037": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262038": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262039": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262040": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262041": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262042": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262043": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262044": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262045": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262046": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262047": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262048": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262049": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262050": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262051": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262052": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262053": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262054": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262055": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262056": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262057": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262058": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262059": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262060": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262061": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262062": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262063": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262064": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262065": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262066": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262067": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262068": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262069": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262070": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262071": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262072": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262073": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262074": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262075": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262076": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262077": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262078": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262079": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262080": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262081": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262082": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262083": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262084": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262085": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262086": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262087": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262088": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262089": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262090": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262091": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262092": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262093": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262094": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262095": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262096": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262097": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262098": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262099": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262100": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262101": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262102": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262103": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262104": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262105": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262106": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262107": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262108": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262109": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262110": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262111": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262112": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262113": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262114": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262115": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262116": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262117": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262118": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262119": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262120": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262121": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262122": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262123": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262124": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262125": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262126": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262127": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262128": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262129": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262130": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262131": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262132": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262133": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262134": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262135": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262136": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262137": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262138": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262139": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262140": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262141": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262142": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "262143": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "262144": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "audio_token": "", + "boa_token": "", + "boi_token": "", + "bos_token": "", + "chat_template": "{{ bos_token }}\n{%- if messages[0]['role'] == 'system' -%}\n {%- if messages[0]['content'] is string -%}\n {%- set first_user_prefix = messages[0]['content'] + '\n\n' -%}\n {%- else -%}\n {%- set first_user_prefix = messages[0]['content'][0]['text'] + '\n\n' -%}\n {%- endif -%}\n {%- set loop_messages = messages[1:] -%}\n{%- else -%}\n {%- set first_user_prefix = \"\" -%}\n {%- set loop_messages = messages -%}\n{%- endif -%}\n{%- for message in loop_messages -%}\n {%- if (message['role'] == 'user') != (loop.index0 % 2 == 0) -%}\n {{ raise_exception(\"Conversation roles must alternate user/assistant/user/assistant/...\") }}\n {%- endif -%}\n {%- if (message['role'] == 'assistant') -%}\n {%- set role = \"model\" -%}\n {%- else -%}\n {%- set role = message['role'] -%}\n {%- endif -%}\n {{ '' + role + '\n' + (first_user_prefix if loop.first else \"\") }}\n {%- if message['content'] is string -%}\n {{ message['content'] | trim }}\n {%- elif message['content'] is iterable -%}\n {%- for item in message['content'] -%}\n {%- if item['type'] == 'image' -%}\n {{ '' }}\n {%- elif item['type'] == 'audio' -%}\n {{ '' }}\n {%- elif item['type'] == 'text' -%}\n {{ item['text'] | trim }}\n {%- endif -%}\n {%- endfor -%}\n {%- else -%}\n {{ raise_exception(\"Invalid content type\") }}\n {%- endif -%}\n {{ '\n' }}\n{%- endfor -%}\n{%- if add_generation_prompt -%}\n {{'model\n'}}\n{%- endif -%}\n", + "clean_up_tokenization_spaces": false, + "eoa_token": "", + "eoi_token": "", + "eos_token": "", + "extra_special_tokens": { + "audio_token": "", + "boa_token": "", + "boi_token": "", + "eoa_token": "", + "eoi_token": "", + "image_token": "" + }, + "image_token": "", + "model_max_length": 1000000000000000019884624838656, + "pad_token": "", + "processor_class": "Gemma3MMProcessor", + "sp_model_kwargs": null, + "spaces_between_special_tokens": false, + "tokenizer_class": "GemmaTokenizerFast", + "unk_token": "", + "use_default_system_prompt": false +} diff --git a/cpp/gemma_v1/training.py b/cpp/gemma_v1/training.py new file mode 100644 index 0000000000000000000000000000000000000000..ccff17092728979e5382d2319681e1a6b80a4e99 --- /dev/null +++ b/cpp/gemma_v1/training.py @@ -0,0 +1,883 @@ +import datasets +datasets.config.DOWNLOADED_DATASETS_PATH = "/mnt/jeff/huggingface/data" +import os +os.environ['HF_HOME'] = '/mnt/jeff/huggingface' + +import argparse +import json +import os +from pathlib import Path + +import numpy as np +import torch +import sacrebleu + +from datasets import load_dataset +from torch.utils.data import Dataset, ConcatDataset +from tqdm import tqdm +from transformers import ( + AutoProcessor, + AutoModel, + BatchFeature, + Trainer, + TrainingArguments, + StoppingCriteria, + StoppingCriteriaList, +) +from collections import defaultdict + +import soundfile as sf +from datasets import Audio +import random +ANSWER_SUFFIX = "" +_IGNORE_INDEX = -100 +class BaseAudioDataset(Dataset): + def __init__(self, processor, split, sampling_rate=16000, debug=False): + self.processor = processor + self.training = "train" in split or 'other' in split + self.debug = debug + self.sampling_rate = sampling_rate + self.name = "" + + def set_dataset_name(self, name): + self.name = name + + @staticmethod + def filter_corrupted_files(data, audio_field, text_fields, dataset_name, sampling_rate=16000, debug=True): + original_size = len(data) + + data = data.cast_column(audio_field, Audio(decode=False)) + + def identify_corrupted_files(example): + try: + sf.read(example[audio_field]["path"]) + + for field in text_fields: + if field in example and example[field].replace('"', '') == "": + return False + return True + except Exception: + return False + + data = data.filter(identify_corrupted_files, num_proc=16) + validated_size = len(data) + + # Audio Decoding + data = data.cast_column(audio_field, Audio(sampling_rate=sampling_rate, decode=True)) + + if debug: + print(f"Dataset: {dataset_name}") + print(f"Original data nums: {original_size}") + print(f"After filtering data nums: {validated_size}") + print(f"Filtering ratio: {validated_size/original_size:.2%}") + + return data + + @staticmethod + def filter_by_audio_length(data, audio_field, min_sec=2, max_sec=20, debug=True): + original_size = len(data) + + def filter_audio_by_length(example): + try: + audio = example[audio_field]['array'] + channel = 1 + if hasattr(audio, 'ndim') and audio.ndim > 1: + channel = audio.ndim + audio = audio.squeeze() + audio_length = len(audio) / example[audio_field]['sampling_rate'] / channel + return min_sec <= audio_length <= max_sec + except Exception as e: + if debug: + print(f"Error : {str(e)[:100]}... - sample excluded") + return False + + data = data.filter(filter_audio_by_length, num_proc=16) + filtered_size = len(data) + + if debug: + print(f"Before Length Filtering data nums: {original_size}") + print(f"After Length Filtering data nums: {filtered_size}") + print(f"Filtering ratio: {filtered_size/original_size:.2%}") + + return data + + def prepare_model_inputs(self, audio_array, instruction, answer_text): + user_message = { + 'role': 'user', + 'content': '' + instruction, + } + prompt = self.processor.tokenizer.apply_chat_template( + [user_message], tokenize=False, add_generation_prompt=True, add_bos=True + ) + + inputs = self.processor( + text=prompt, + audio=[audio_array], + add_special_tokens=False, + return_tensors='pt' + ) + + answer = f"{answer_text}{ANSWER_SUFFIX}" + answer_ids = self.processor.tokenizer(answer, add_special_tokens=False, return_tensors='pt').input_ids + + if self.debug: + self.debug = False + task_type = 'AST' if hasattr(self, 'ast') and self.ast else 'ASR' + lang_info = f" - {self.lang}" if hasattr(self, 'lang') else "" + print(f"{task_type}{lang_info}\nPROMPT: {prompt}\nINPUT: {self.processor.decode(inputs.input_ids[0], skip_special_tokens=False)}\nANSWER: {self.processor.decode(answer_ids[0], skip_special_tokens=False)}\n") + print(f"INPUT_MODE: {inputs.input_modes[0].item()}") + + if self.training: + input_ids = torch.cat([inputs.input_ids, answer_ids], dim=1) + labels = torch.full_like(input_ids, _IGNORE_INDEX) + labels[:, -answer_ids.shape[1]:] = answer_ids + padding = torch.zeros((inputs.token_type_ids.shape[0], answer_ids.shape[1])) + token_type_ids = torch.cat([inputs.token_type_ids, padding], dim=1) + else: + input_ids = inputs.input_ids + labels = answer_ids + token_type_ids = inputs.token_type_ids + + return { + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'input_audio_embeds': inputs.input_audio_embeds, + 'audio_embed_sizes': inputs.audio_embed_sizes, + 'input_modes': inputs.input_modes, + } + + +# Libri Speech Dataset Class +class LibriSpeechDataset(BaseAudioDataset): + def __init__(self, processor, subset, split, sampling_rate=16000, debug=False): + super().__init__(processor, split, sampling_rate, debug) + + self.set_dataset_name(f"LibriSpeech_{subset}") + # only ASR + self.ast = False + self.lang = "en" + + # load dataset + self.data = load_dataset("/mnt/jeff/InCar/data/librispeech_asr", + subset, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + + # (Optional) Audio length Filtering + self.data = self.filter_by_audio_length(self.data, "audio") + + # Instruction Setting + self.instruction = random.choice(INSTRUCTION["asr"]) + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + + # Libri Speech is only for ASR + answer_text = data["text"].replace('"', '') + + return self.prepare_model_inputs( + data["audio"]["array"], + self.instruction, + answer_text + ) + +# common_voice_16_1 dataset +class CommonVoiceDataset(BaseAudioDataset): + def __init__(self, processor, split, source_lang, sampling_rate=16000, debug=False): + super().__init__(processor, split, sampling_rate, debug) + + self.set_dataset_name(f"CommonVoice_{source_lang}") + # only ASR + self.ast = False + self.lang=source_lang + + # load dataset + if source_lang=="zh-TW": + data_path = "/mnt/jeff/InCar/data/common_voice_16_1" + else: + data_path = "/mnt/jeff/InCar/data/common_voice_17_0" + self.data = load_dataset(data_path, + source_lang, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + def prepare_dataset(batch): + """Function to preprocess the dataset with the .map method""" + transcription = batch["sentence"] + + if transcription.startswith('"') and transcription.endswith('"'): + # we can remove trailing quotation marks as they do not affect the transcription + transcription = transcription[1:-1] + + if transcription[-1] not in [".", "?", "!"]: + # append a full-stop to sentences that do not end in punctuation + transcription = transcription + "." + + batch["sentence"] = transcription + + return batch + + + import opencc + converter = opencc.OpenCC('s2tw.json') + def To_zhTW(batch): + + transcription = converter.convert(batch["sentence"]) + batch["sentence"] = transcription + + return batch + self.data = self.data.map(prepare_dataset, desc="preprocess dataset") + if source_lang=='zh-CN': + self.data = self.data.map(To_zhTW, desc="preprocess dataset To_zhTW") + + + # (Optional) Audio length Filtering + self.data = self.filter_by_audio_length(self.data, "audio") + + if source_lang == "zh-TW" and split=='train': + import torchaudio + from torchaudio import transforms + import copy + import pickle + import os + def subsample(batch): + batch['audio']['array']=torchaudio.functional.resample(torch.FloatTensor(batch['audio']['array']), orig_freq=batch['audio']['sampling_rate'], new_freq=16000) + batch['audio']['sampling_rate']=16000 + return batch + def TW_data_augment_fast(batch): + speed_perturb_fast = transforms.SpeedPerturbation(batch['audio']['sampling_rate'], [1.1]) + new_array_fast = speed_perturb_fast(torch.FloatTensor(batch['audio']['array']))[0] + batch['audio']['array'] = new_array_fast + return batch + def TW_data_augment_slow(batch): + speed_perturb_slow = transforms.SpeedPerturbation(batch['audio']['sampling_rate'], [0.9]) + new_array_slow = speed_perturb_slow(torch.FloatTensor(batch['audio']['array']))[0] + batch['audio']['array'] = new_array_slow + return batch + # data = self.data.map(subsample, num_proc=1, desc="subsample") + fast_path = '/mnt/jeff/InCar/data/tw_fast.pkl' + if not os.path.exists(fast_path): + data_fast = self.data.map(TW_data_augment_fast, num_proc=1, desc="augment fast") + with open(fast_path,'wb') as f: + pickle.dump(data_fast,f) + else: + with open(fast_path,'rb') as f: + data_fast=pickle.load(f) + + slow_path = '/mnt/jeff/InCar/data/data_slow.pkl' + if not os.path.exists(slow_path): + data_slow = self.data.map(TW_data_augment_slow, num_proc=1, desc="augment slow") + with open(slow_path,'wb') as f: + pickle.dump(data_slow,f) + else: + with open(slow_path,'rb') as f: + data_slow=pickle.load(f) + self.data = [d for d in self.data]+[d for d in data_fast]+[d for d in data_slow] + + # Instruction Setting + self.instruction = random.choice(INSTRUCTION["asr"]) + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + + answer_text = data["sentence"] + return self.prepare_model_inputs( + data["audio"]["array"], + self.instruction, + answer_text + ) + + +# Fleurs Dataset Class +class FleursDataset(BaseAudioDataset): + def __init__(self, processor, split, source_lang, target_lang=None, + mode="asr", sampling_rate=16000, debug=False): + super().__init__(processor, split, sampling_rate, debug) + + self.set_dataset_name("Fleurs") + # Mode Setting (ASR or AST) + if mode not in ["asr", "ast"]: + raise ValueError("mode must be 'asr' or 'ast'.") + + self.mode = mode + self.ast = (mode == "ast") + self.source_lang = source_lang + + # Language name mapping (expand if needed) + self.lang_names = { + 'en_us': 'English', 'cmn_hans': 'Mandarin Chinese' + } + + # load dataset - source language dataset + self.data = load_dataset("/mnt/jeff/InCar/data/fleurs", + source_lang, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + import opencc + converter = opencc.OpenCC('s2tw.json') + def prepare_dataset(batch): + transcription = converter.convert(batch["transcription"]) + batch["transcription"] = transcription + + return batch + if (source_lang=="cmn_hans_cn"): + self.data = self.data.map(prepare_dataset, desc="preprocess dataset") + + # (Optional) Audio length Filtering + self.data = self.filter_by_audio_length(self.data, "audio") + self.target_lang_name = "" + # When AST mode, load target language dataset. + if self.ast: + if target_lang is None: + raise ValueError("AST mode requires target_lang.") + + self.target_lang = target_lang + self.lang = f"{source_lang}_{target_lang}" + + # load dataset - target language dataset (for translation) + target_data = load_dataset("/mnt/jeff/InCar/data/fleurs", + target_lang, + split=split, + trust_remote_code=True, + cache_dir=Path("/mnt/jeff/InCar/data") + ) + if target_lang=="cmn_hans_cn": + target_data=target_data.map(prepare_dataset, desc="preprocess dataset") + source_dict = {item['id']: item for item in self.data} + target_dict = {item['id']: item for item in target_data} + + # only Common ID, add translation fields + common_ids = set(source_dict.keys()) & set(target_dict.keys()) + print(f"FLEURS AST Common data filtering: {len(self.data)} -> {len(common_ids)}") + self.data = [ + {**source_dict[id], 'translation': target_dict[id]['transcription']} + for id in common_ids + ] + + # Instruction Setting - use target language name + self.target_lang_name = self.lang_names.get(target_lang, target_lang.capitalize()) + self.instruction = random.choice(INSTRUCTION["ast"]) + else: + # ASR mode + self.lang = source_lang + self.instruction = random.choice(INSTRUCTION["asr"]) + + if self.debug: + print(f"FLEURS dataset loaded: {self.mode.upper()} mode") + print(f"source lang: {source_lang} ({self.lang_names.get(source_lang, source_lang)})") + if self.ast: + print(f"target lang: {target_lang} ({self.lang_names.get(target_lang, target_lang)})") + print(f"dataset size: {len(self.data)}") + + def __len__(self): + return len(self.data) + + def __getitem__(self, idx): + data = self.data[idx] + audio_array = data["audio"]["array"] + + if self.ast: + answer_text = data["translation"] + else: + answer_text = data["transcription"] + + return self.prepare_model_inputs( + audio_array, + self.instruction.format(self.target_lang_name), + answer_text + ) + +def covost_collate_fn(batch): + input_ids_list = [] + labels_list = [] + token_type_ids_list = [] + input_audio_embeds_list = [] + audio_embed_sizes_list = [] + audio_attention_mask_list = [] + input_modes_list = [] + for inputs in batch: + input_ids_list.append(inputs['input_ids'][0]) + labels_list.append(inputs['labels'][0]) + token_type_ids_list.append(inputs['token_type_ids'][0]) + input_audio_embeds_list.append(inputs['input_audio_embeds']) + audio_embed_sizes_list.append(inputs['audio_embed_sizes']) + audio_attention_mask_list.append( + inputs['input_audio_embeds'].new_full((inputs['input_audio_embeds'].size(1),), True, dtype=torch.bool) + ) + input_modes_list.append(inputs['input_modes']) + + try: + token_type_ids = pad_sequence(token_type_ids_list, padding_side='left', padding_value=0) + input_ids = pad_sequence(input_ids_list, padding_side='left', padding_value=0) + labels = pad_sequence(labels_list, padding_side='left', padding_value=0) + audio_attention_mask = ( + pad_sequence(audio_attention_mask_list, padding_side='left', padding_value=False) + if len(audio_attention_mask_list) > 1 + else None + ) + except Exception as e: + print(e) + print(input_ids_list) + print(labels_list) + raise + attention_mask = (input_ids != 0).long() + input_audio_embeds = cat_with_pad(input_audio_embeds_list, dim=0) + audio_embed_sizes = torch.cat(audio_embed_sizes_list) + input_modes = torch.cat(input_modes_list) + + return BatchFeature( + { + 'input_ids': input_ids, + 'labels': labels, + 'token_type_ids': token_type_ids, + 'attention_mask': attention_mask, + 'input_audio_embeds': input_audio_embeds, + 'audio_embed_sizes': audio_embed_sizes, + 'audio_attention_mask': audio_attention_mask, + 'input_modes': input_modes, + } + ) + +def pad_sequence(sequences, padding_side='left', padding_value=0): + """ + Pad a list of sequences to the same length. + sequences: list of tensors in [seq_len, *] shape + """ + assert padding_side in ['right', 'left'] + max_size = sequences[0].size() + trailing_dims = max_size[1:] + max_len = max(len(seq) for seq in sequences) + batch_size = len(sequences) + output = sequences[0].new_full((batch_size, max_len) + trailing_dims, padding_value) + for i, seq in enumerate(sequences): + length = seq.size(0) + if padding_side == 'right': + output.data[i, :length] = seq + else: + output.data[i, -length:] = seq + return output + +def cat_with_pad(tensors, dim, padding_value=0): + """ + cat along dim, while pad to max for all other dims + """ + ndim = tensors[0].dim() + assert all( + t.dim() == ndim for t in tensors[1:] + ), 'All tensors must have the same number of dimensions' + + out_size = [max(t.shape[i] for t in tensors) for i in range(ndim)] + out_size[dim] = sum(t.shape[dim] for t in tensors) + output = tensors[0].new_full(out_size, padding_value) + + index = 0 + for t in tensors: + # Create a slice list where every dimension except dim is full slice + slices = [slice(0, t.shape[d]) for d in range(ndim)] + # Update only the concat dimension slice + slices[dim] = slice(index, index + t.shape[dim]) + + output[slices] = t + index += t.shape[dim] + + return output + +def count_parameters_by_module(model): + # dictionary for parameters number by modules + module_params = defaultdict(lambda: {"total": 0, "trainable": 0}) + + # all params + total_params = 0 + total_trainable_params = 0 + + # Check Embedding Token masks + embedding_masks = {} + for name, param in model.named_parameters(): + if 'embed_tokens.weight' in name and hasattr(param, '_backward_hooks') and param._backward_hooks: + # check if params has embedding_grad_mask_hook + for hook_id, hook_fn in param._backward_hooks.items(): + if hook_fn.__code__.co_name == 'embedding_grad_mask_hook': + # Accessing mask variables in the closure of hook functions + for cell in hook_fn.__closure__ or []: + if isinstance(cell.cell_contents, torch.Tensor) and cell.cell_contents.dtype == torch.bool: + # check mask tensor + embedding_masks[name] = ~cell.cell_contents # True : Trainable + + # Count params by modules + for name, param in model.named_parameters(): + # extracts top module_name + module_name = name.split('.')[0] + param_count = param.numel() + + module_params[module_name]["total"] += param_count + total_params += param_count + + if param.requires_grad: + # Only count for real trainable params. (with masks) + if name in embedding_masks: + trainable_count = embedding_masks[name].sum().item() + module_params[module_name]["trainable"] += trainable_count + total_trainable_params += trainable_count + else: + module_params[module_name]["trainable"] += param_count + total_trainable_params += param_count + + print(f"All Params: {total_params:,}") + print(f"Trainable Params: {total_trainable_params:,} ({total_trainable_params/total_params*100:.2f}%)") + print("\nParams by Module:") + + for module_name, counts in sorted(module_params.items()): + trainable_percentage = counts["trainable"] / counts["total"] * 100 if counts["total"] > 0 else 0 + total_percentage = counts["total"] / total_params * 100 + + print(f"- {module_name}:") + print(f" Total: {counts['total']:,} ({total_percentage:.2f}% of model)") + print(f" Trainable: {counts['trainable']:,} ({trainable_percentage:.2f}% of module)") + + return module_params + +def create_model(model_name_or_path, revision="main", use_flash_attention = False): + model = AutoModel.from_pretrained( + model_name_or_path, + revision=revision, + torch_dtype=torch.bfloat16, + device_map="auto", + attn_implementation="flash_attention_2" if use_flash_attention else "eager", + trust_remote_code=True, + ) + + # Set use_cache to False after model loaded + model.config.use_cache = False + + # Freeze all parameters + for param in model.parameters(): + param.requires_grad = False + + model.set_lora_adapter('speech') + model.to(torch.bfloat16) + + # (Optional) unfreeze audio_tower parameters + # for param in model.audio_tower.parameters(): + # param.requires_grad = True + + # Only unfreeze audio_projector parameters + for param in model.audio_projector.parameters(): + param.requires_grad = True + + # (Optional) unfreeze audio embed_tokens + train_embed = True + if train_embed: + embed_tokens = model.language_model.model.model.embed_tokens + + embed_tokens.weight.requires_grad = False + + # Added Speech token IDs (only this tokens be trainable) + trainable_token_ids = [256001, 256002] + + embed_tokens.weight.requires_grad = True + mask = torch.ones_like(embed_tokens.weight, dtype=torch.bool) + mask[trainable_token_ids] = False # Trainable Tokens are False (unfreeze), else True (freeze) + + # backward hook, with gradient masking + def embedding_grad_mask_hook(grad): + return grad.masked_fill(mask, 0) + + embed_tokens.weight.register_hook(embedding_grad_mask_hook) + + model.language_model.model.model.embed_tokens = embed_tokens + + count_parameters_by_module(model) + + return model + +os.environ["TOKENIZERS_PARALLELISM"] = "false" + +INSTRUCTION = { + "ast": [ + "Translate the audio to {0}.", + "Translate the audio clip into {0}.", + "Based on the attached audio, generate a comprehensive {0} translation of the spoken content.", + "Translate the provided audio file into {0}.", + "Convert the audio speech to {0} text.", + "Write an {0} translation of the audio file.", + "Translate spoken words from the audio into {0}.", + "Create an {0} version of the audio content.", + "Produce an accurate {0} translation of the audio.", + "Extract speech from the audio and translate it to {0}.", + "Turn the audio into readable {0} text.", + "Write all spoken content from the audio in {0}.", + "Generate an {0} translation of the speech in the file.", + "Convert the recording into {0} text.", + "Accurately translate the audio recording to {0}.", + "Write down dialogue from the given audio in {0}.", + "Translate all speech in this audio file to {0}.", + "Create an accurate {0} version of the speech.", + "Perform a complete {0} translation of the audio." + ], + "asr": [ + "Transcribe the audio clip into text.", + "Based on the attached audio, generate a comprehensive text transcription of the spoken content.", + "Transcribe the provided audio file into text.", + "Convert the audio speech to text.", + "Write a transcript of the audio file.", + "Transcribe spoken words from the audio.", + "Create a text version of the audio content.", + "Produce a verbatim transcript of the audio.", + "Extract and transcribe speech from the audio.", + "Turn the audio into readable text.", + "Write all spoken words from the audio.", + "Generate a transcript of the speech in the file.", + "Convert the recording into a text transcript.", + "Accurately transcribe the audio recording.", + "Write down dialogue from the given audio.", + "Transcribe all speech in this audio file.", + "Create an accurate text version of the speech.", + "Perform a complete transcription of the audio." + ], +} + +ANSWER_SUFFIX = "" +_IGNORE_INDEX = -100 + +model_name_or_path = '/mnt/jeff/gemma-3-4b-it-omni' +use_flash_attention = True + +output_dir = '../gemma_tmp7' +batch_size = 128 +batch_size_per_gpu = 16 +learning_rate = 4.0e-5 # 1.0e-4 for fine-tuning +wd = 0.01 +num_train_epochs = 15 + +revision = "main" #"v1.0" + +processor = AutoProcessor.from_pretrained( + model_name_or_path, + revision=revision, + trust_remote_code=True, +) + +model = create_model( + model_name_or_path, + revision=revision, + use_flash_attention=use_flash_attention, +) + +train_datasets = [] + +# common voice asr +commonvoice_speech_tw2 = CommonVoiceDataset( + processor=processor, + source_lang="zh-TW", + split="other[:70%]" +) +train_datasets.append(commonvoice_speech_tw2) + +commonvoice_speech_cn = CommonVoiceDataset( + processor=processor, + source_lang="zh-CN", + split="train[:50%]" +) +train_datasets.append(commonvoice_speech_cn) + + +commonvoice_speech_tw = CommonVoiceDataset( + processor=processor, + source_lang="zh-TW", + split="train" +) +train_datasets.append(commonvoice_speech_tw) + + + + +# Libri Speech Clean ASR mode (English -> English text) +libri_speech_clean = LibriSpeechDataset( + processor=processor, + subset="clean", + split="train.360[:50%]" +) +train_datasets.append(libri_speech_clean) + + +# Fleurs ASR mode (English -> English text) +en_asr_fleurs = FleursDataset( + processor=processor, + split="train", + source_lang="en_us", # English + mode="asr" +) +train_datasets.append(en_asr_fleurs) + + +# en_ch_ast_fleurs = FleursDataset( +# processor=processor, +# split="train", +# source_lang="en_us", +# target_lang="cmn_hans_cn", +# mode="ast" +# ) +# train_datasets.append(en_ch_ast_fleurs) + + + +ch_asr_fleurs = FleursDataset( + processor=processor, + split="train", + source_lang="cmn_hans_cn", + mode="asr" +) +train_datasets.append(ch_asr_fleurs) + + +# ch_en_ast_fleurs = FleursDataset( +# processor=processor, +# split="train", +# source_lang="cmn_hans_cn", +# target_lang="en_us", +# mode="ast" +# ) +# train_datasets.append(ch_en_ast_fleurs) + +print("Count Num of Datasets", len(train_datasets)) +print([len(dataset) for dataset in train_datasets]) + +# ConcatDataset +train_dataset = ConcatDataset(train_datasets) if len(train_datasets) > 1 else train_datasets[0] +print("Count Length of Datas", len(train_dataset)) + + + +# Check GPUs +num_gpus = torch.cuda.device_count() +print(f'training on {num_gpus} GPUs') + +assert ( + batch_size % (num_gpus * batch_size_per_gpu) == 0 +), 'Batch size must be divisible by the number of GPUs' +gradient_accumulation_steps = batch_size // (num_gpus * batch_size_per_gpu) + +# hard coded training args +dp_config = { + "fp16": { + "enabled": "auto", + "loss_scale": 0, + "loss_scale_window": 1000, + "initial_scale_power": 16, + "hysteresis": 2, + "min_loss_scale": 1 + }, + "zero_optimization": { + "stage": 2, + "allgather_partitions": True, + "allgather_bucket_size": 5e8, + "overlap_comm": False, + "reduce_scatter": True, + "reduce_bucket_size": 5e8, + "contiguous_gradients": True, + "cpu_offload": True + }, + + "train_batch_size": "auto", + "gradient_accumulation_steps": "auto", + "optimizer": { + "type": "AdamW", + "params": { + "lr": "auto", + "betas": 'auto', + "eps": 'auto', + "weight_decay": "auto" + } + }, + "scheduler": { + "type": "WarmupDecayLR", + "params": { + "warmup_min_lr": "auto", + "warmup_max_lr": "auto", + "warmup_num_steps": "auto", + "total_num_steps": "auto" + } + }, + "gradient_clipping": 1.0, + "zero_optimization": { + "stage": 0 + } +} +training_args = TrainingArguments( + num_train_epochs=num_train_epochs, + per_device_train_batch_size=batch_size_per_gpu, + gradient_checkpointing=True, + gradient_checkpointing_kwargs={'use_reentrant': False}, + gradient_accumulation_steps=gradient_accumulation_steps, + optim='adamw_torch', + adam_beta1=0.9, + adam_beta2=0.95, + adam_epsilon=1e-7, + learning_rate=learning_rate, + weight_decay=wd, + max_grad_norm=1.0, + lr_scheduler_type='cosine', + warmup_steps=50, + logging_steps=10, + output_dir=output_dir, + save_total_limit=10, + save_only_model=True, + bf16=True, + fp16=False, + remove_unused_columns=False, + report_to='none', + deepspeed=dp_config if num_gpus==1 else None, + disable_tqdm=False, + dataloader_num_workers=4, + save_strategy='steps', + save_steps=1000, + ddp_find_unused_parameters=True, + +) + +out_path = Path(training_args.output_dir) +out_path.mkdir(parents=True, exist_ok=True) + +# create optimizer only for trainable params +optimizer = torch.optim.AdamW( + filter(lambda p: p.requires_grad, model.parameters()), + lr=learning_rate, + weight_decay=wd, + betas=(0.9, 0.95), + eps=1e-7, +) + +# Trainer Setting +trainer = Trainer( + model=model, + args=training_args, + data_collator=covost_collate_fn, + train_dataset=train_dataset, + optimizers=(optimizer, None) +) + +trainer.train() + + +# # 1. Save LoRA Adapter +model.language_model.model.save_pretrained(output_dir) + +# # 1-1. Delete Markdown file +# markdown_file = os.path.join(output_dir, "README.md") +# if os.path.exists(markdown_file): +# os.remove(markdown_file) + +# 2. Save entire model +model.save_pretrained(output_dir) diff --git a/cpp/gemma_v1/training_multiturn.py b/cpp/gemma_v1/training_multiturn.py new file mode 100644 index 0000000000000000000000000000000000000000..ac56c026caa683e3c9e1c2576e974427c8e174e4 --- /dev/null +++ b/cpp/gemma_v1/training_multiturn.py @@ -0,0 +1,329 @@ +import datasets +datasets.config.DOWNLOADED_DATASETS_PATH = "/mnt/jeff/huggingface/data" +import os +os.environ['HF_HOME'] = '/mnt/jeff/huggingface' + +import argparse +import json +import os +from pathlib import Path + +import numpy as np +import torch +import sacrebleu + +from datasets import load_dataset +from torch.utils.data import Dataset, ConcatDataset +from tqdm import tqdm +from transformers import ( + AutoProcessor, + AutoModel, + BatchFeature, + Trainer, + TrainingArguments, + StoppingCriteria, + StoppingCriteriaList, +) +from collections import defaultdict + +import soundfile as sf +from datasets import Audio +import random +from ASRDataset import * + + +def count_parameters_by_module(model): + # dictionary for parameters number by modules + module_params = defaultdict(lambda: {"total": 0, "trainable": 0}) + + # all params + total_params = 0 + total_trainable_params = 0 + + # Check Embedding Token masks + embedding_masks = {} + for name, param in model.named_parameters(): + if 'embed_tokens.weight' in name and hasattr(param, '_backward_hooks') and param._backward_hooks: + # check if params has embedding_grad_mask_hook + for hook_id, hook_fn in param._backward_hooks.items(): + if hook_fn.__code__.co_name == 'embedding_grad_mask_hook': + # Accessing mask variables in the closure of hook functions + for cell in hook_fn.__closure__ or []: + if isinstance(cell.cell_contents, torch.Tensor) and cell.cell_contents.dtype == torch.bool: + # check mask tensor + embedding_masks[name] = ~cell.cell_contents # True : Trainable + + # Count params by modules + for name, param in model.named_parameters(): + # extracts top module_name + module_name = name.split('.')[0] + param_count = param.numel() + + module_params[module_name]["total"] += param_count + total_params += param_count + + if param.requires_grad: + # Only count for real trainable params. (with masks) + if name in embedding_masks: + trainable_count = embedding_masks[name].sum().item() + module_params[module_name]["trainable"] += trainable_count + total_trainable_params += trainable_count + else: + module_params[module_name]["trainable"] += param_count + total_trainable_params += param_count + + print(f"All Params: {total_params:,}") + print(f"Trainable Params: {total_trainable_params:,} ({total_trainable_params/total_params*100:.2f}%)") + print("\nParams by Module:") + + for module_name, counts in sorted(module_params.items()): + trainable_percentage = counts["trainable"] / counts["total"] * 100 if counts["total"] > 0 else 0 + total_percentage = counts["total"] / total_params * 100 + + print(f"- {module_name}:") + print(f" Total: {counts['total']:,} ({total_percentage:.2f}% of model)") + print(f" Trainable: {counts['trainable']:,} ({trainable_percentage:.2f}% of module)") + + return module_params + +def create_model(model_name_or_path, revision="main", use_flash_attention = False): + model = AutoModel.from_pretrained( + model_name_or_path, + revision=revision, + torch_dtype=torch.bfloat16, + device_map="auto", + attn_implementation="flash_attention_2" if use_flash_attention else "eager", + trust_remote_code=True, + ) + + # Set use_cache to False after model loaded + model.config.use_cache = False + + # Freeze all parameters + for param in model.parameters(): + param.requires_grad = False + + model.set_lora_adapter('speech') + model.to(torch.bfloat16) + + # (Optional) unfreeze audio_tower parameters + # for param in model.audio_tower.parameters(): + # param.requires_grad = True + + # Only unfreeze audio_projector parameters + # for param in model.audio_projector.parameters(): + # param.requires_grad = True + + # (Optional) unfreeze audio embed_tokens + train_embed = True + if train_embed: + embed_tokens = model.language_model.model.model.embed_tokens + + embed_tokens.weight.requires_grad = False + + # Added Speech token IDs (only this tokens be trainable) + trainable_token_ids = [256001, 256002] + + embed_tokens.weight.requires_grad = True + mask = torch.ones_like(embed_tokens.weight, dtype=torch.bool) + mask[trainable_token_ids] = False # Trainable Tokens are False (unfreeze), else True (freeze) + + # backward hook, with gradient masking + def embedding_grad_mask_hook(grad): + return grad.masked_fill(mask, 0) + + embed_tokens.weight.register_hook(embedding_grad_mask_hook) + + model.language_model.model.model.embed_tokens = embed_tokens + + count_parameters_by_module(model) + + return model + +ANSWER_SUFFIX = "" +_IGNORE_INDEX = -100 + +ANSWER_SUFFIX = "" +_IGNORE_INDEX = -100 + +model_name_or_path = '/mnt/jeff/gemma-3-4b-it-omni' +use_flash_attention = False + +output_dir = '../gemma_tmp13' +batch_size = 24 +batch_size_per_gpu = 8 +learning_rate = 4.0e-5 # 1.0e-4 for fine-tuning +wd = 0.01 +num_train_epochs = 10 + +revision = "main" #"v1.0" + +processor = AutoProcessor.from_pretrained( + model_name_or_path, + revision=revision, + trust_remote_code=True, +) + +model = create_model( + model_name_or_path, + revision=revision, + use_flash_attention=use_flash_attention, +) + +train_datasets = [] + +pickup_dataset = MultiturnAudioDataset(processor=processor,json_path='/mnt/jeff/InCar/data/multiturn_data/pickup_processed.json') +train_datasets.append(pickup_dataset) + +# custom_tw_loc = TWCostumData(processor=processor, +# csv_path='/mnt/jeff/InCar/data/tw_data/taiwan_location-srdc_tts-20250509-common_voice_16_1-TW.csv') +# train_datasets.append(custom_tw_loc) # 1500 + +# custom_tw_loc2 = TWCostumData(processor=processor, +# csv_path='/mnt/jeff/InCar/data/tw_data/taiwan_location-srdc_tts-20250529-common_voice_16_1-TW.csv') +# train_datasets.append(custom_tw_loc2) # 9458 + +# custom_yating_tw_road = TWCostumData(processor=processor, +# csv_path='/mnt/jeff/InCar/data/tw_data/taiwan_road-srdc_tts-20250430-yating-1-2s-breezyvoice.csv') +# train_datasets.append(custom_yating_tw_road) # 35224 + +# custom_tw_road = TWCostumData(processor=processor, +# csv_path='/mnt/jeff/InCar/data/tw_data/taiwan_road-srdc_tts-20250509-common_voice_16_1-TW.csv') +# train_datasets.append(custom_tw_road) # 1500 + +# custom_tw_road2 = TWCostumData(processor=processor, +# csv_path='/mnt/jeff/InCar/data/tw_data/taiwan_road-srdc_tts-20250529-common_voice_16_1-TW.csv') +# train_datasets.append(custom_tw_road2) # 35224 + + + +print("Count Num of Datasets", len(train_datasets)) +print([len(dataset) for dataset in train_datasets]) + +# ConcatDataset +train_dataset = ConcatDataset(train_datasets) if len(train_datasets) > 1 else train_datasets[0] +print("Count Length of Datas", len(train_dataset)) + + + +# Check GPUs +num_gpus = torch.cuda.device_count() +print(f'training on {num_gpus} GPUs') + +assert ( + batch_size % (num_gpus * batch_size_per_gpu) == 0 +), 'Batch size must be divisible by the number of GPUs' +gradient_accumulation_steps = batch_size // (num_gpus * batch_size_per_gpu) + +# hard coded training args +dp_config = { + "fp16": { + "enabled": "auto", + "loss_scale": 0, + "loss_scale_window": 1000, + "initial_scale_power": 16, + "hysteresis": 2, + "min_loss_scale": 1 + }, + "zero_optimization": { + "stage": 2, + "allgather_partitions": True, + "allgather_bucket_size": 5e8, + "overlap_comm": False, + "reduce_scatter": True, + "reduce_bucket_size": 5e8, + "contiguous_gradients": True, + "cpu_offload": True + }, + + "train_batch_size": "auto", + "gradient_accumulation_steps": "auto", + "optimizer": { + "type": "AdamW", + "params": { + "lr": "auto", + "betas": 'auto', + "eps": 'auto', + "weight_decay": "auto" + } + }, + "scheduler": { + "type": "WarmupDecayLR", + "params": { + "warmup_min_lr": "auto", + "warmup_max_lr": "auto", + "warmup_num_steps": "auto", + "total_num_steps": "auto" + } + }, + "gradient_clipping": 1.0, + "zero_optimization": { + "stage": 0 + } +} +training_args = TrainingArguments( + num_train_epochs=num_train_epochs, + per_device_train_batch_size=batch_size_per_gpu, + gradient_checkpointing=True, + gradient_checkpointing_kwargs={'use_reentrant': False}, + gradient_accumulation_steps=gradient_accumulation_steps, + optim='adamw_torch', + adam_beta1=0.9, + adam_beta2=0.95, + adam_epsilon=1e-7, + learning_rate=learning_rate, + weight_decay=wd, + max_grad_norm=1.0, + lr_scheduler_type='cosine', + warmup_steps=50, + logging_steps=10, + output_dir=output_dir, + save_total_limit=10, + save_only_model=True, + bf16=True, + fp16=False, + remove_unused_columns=False, + report_to='none', + deepspeed=None, + disable_tqdm=False, + dataloader_num_workers=16, + save_strategy='epoch', + # save_steps=2500, + ddp_find_unused_parameters=True, + +) + +out_path = Path(training_args.output_dir) +out_path.mkdir(parents=True, exist_ok=True) + +# create optimizer only for trainable params +optimizer = torch.optim.AdamW( + filter(lambda p: p.requires_grad, model.parameters()), + lr=learning_rate, + weight_decay=wd, + betas=(0.9, 0.95), + eps=1e-7, +) + +# Trainer Setting +trainer = Trainer( + model=model, + args=training_args, + data_collator=covost_collate_fn, + train_dataset=train_dataset, + optimizers=(optimizer, None) +) + +trainer.train() + + +# # 1. Save LoRA Adapter +model.language_model.model.save_pretrained(output_dir) + +# # 1-1. Delete Markdown file +# markdown_file = os.path.join(output_dir, "README.md") +# if os.path.exists(markdown_file): +# os.remove(markdown_file) + +# 2. Save entire model +model.save_pretrained(output_dir) diff --git a/cpp/gemma_v1/training_multiturn_textonly.py b/cpp/gemma_v1/training_multiturn_textonly.py new file mode 100644 index 0000000000000000000000000000000000000000..546929c3cb8a510090eb696e72e493bc5c2fb711 --- /dev/null +++ b/cpp/gemma_v1/training_multiturn_textonly.py @@ -0,0 +1,333 @@ +import datasets +datasets.config.DOWNLOADED_DATASETS_PATH = "/mnt/jeff/huggingface/data" +import os +os.environ['HF_HOME'] = '/mnt/jeff/huggingface' + +import argparse +import json +import os +from pathlib import Path + +import numpy as np +import torch +import sacrebleu + +from datasets import load_dataset +from torch.utils.data import Dataset, ConcatDataset +from tqdm import tqdm +from transformers import ( + AutoProcessor, + AutoModel, + BatchFeature, + Trainer, + TrainingArguments, + StoppingCriteria, + StoppingCriteriaList, +) +from collections import defaultdict + +import soundfile as sf +from datasets import Audio +import random +from ASRDataset import * + + +def count_parameters_by_module(model): + # dictionary for parameters number by modules + module_params = defaultdict(lambda: {"total": 0, "trainable": 0}) + + # all params + total_params = 0 + total_trainable_params = 0 + + # Check Embedding Token masks + embedding_masks = {} + for name, param in model.named_parameters(): + if 'embed_tokens.weight' in name and hasattr(param, '_backward_hooks') and param._backward_hooks: + # check if params has embedding_grad_mask_hook + for hook_id, hook_fn in param._backward_hooks.items(): + if hook_fn.__code__.co_name == 'embedding_grad_mask_hook': + # Accessing mask variables in the closure of hook functions + for cell in hook_fn.__closure__ or []: + if isinstance(cell.cell_contents, torch.Tensor) and cell.cell_contents.dtype == torch.bool: + # check mask tensor + embedding_masks[name] = ~cell.cell_contents # True : Trainable + + # Count params by modules + for name, param in model.named_parameters(): + # extracts top module_name + module_name = name.split('.')[0] + param_count = param.numel() + + module_params[module_name]["total"] += param_count + total_params += param_count + + if param.requires_grad: + # Only count for real trainable params. (with masks) + if name in embedding_masks: + trainable_count = embedding_masks[name].sum().item() + module_params[module_name]["trainable"] += trainable_count + total_trainable_params += trainable_count + else: + module_params[module_name]["trainable"] += param_count + total_trainable_params += param_count + + print(f"All Params: {total_params:,}") + print(f"Trainable Params: {total_trainable_params:,} ({total_trainable_params/total_params*100:.2f}%)") + print("\nParams by Module:") + + for module_name, counts in sorted(module_params.items()): + trainable_percentage = counts["trainable"] / counts["total"] * 100 if counts["total"] > 0 else 0 + total_percentage = counts["total"] / total_params * 100 + + print(f"- {module_name}:") + print(f" Total: {counts['total']:,} ({total_percentage:.2f}% of model)") + print(f" Trainable: {counts['trainable']:,} ({trainable_percentage:.2f}% of module)") + + return module_params + +def create_model(model_name_or_path, revision="main", use_flash_attention = False): + model = AutoModel.from_pretrained( + model_name_or_path, + revision=revision, + torch_dtype=torch.bfloat16, + device_map="auto", + attn_implementation="flash_attention_2" if use_flash_attention else "eager", + trust_remote_code=True, + ) + + # Set use_cache to False after model loaded + model.config.use_cache = False + + # Freeze all parameters + for param in model.parameters(): + param.requires_grad = False + + model.set_lora_adapter('speech') + # model.set_lora_adapter('text') + model.to(torch.bfloat16) + + # (Optional) unfreeze audio_tower parameters + # for param in model.audio_tower.parameters(): + # param.requires_grad = True + + # Only unfreeze audio_projector parameters + # for param in model.audio_projector.parameters(): + # param.requires_grad = True + + # (Optional) unfreeze audio embed_tokens + train_embed = True + if train_embed: + embed_tokens = model.language_model.model.model.embed_tokens + + embed_tokens.weight.requires_grad = False + + # Added Speech token IDs (only this tokens be trainable) + trainable_token_ids = [256001, 256002] + + embed_tokens.weight.requires_grad = True + mask = torch.ones_like(embed_tokens.weight, dtype=torch.bool) + mask[trainable_token_ids] = False # Trainable Tokens are False (unfreeze), else True (freeze) + + # backward hook, with gradient masking + def embedding_grad_mask_hook(grad): + return grad.masked_fill(mask, 0) + + embed_tokens.weight.register_hook(embedding_grad_mask_hook) + + model.language_model.model.model.embed_tokens = embed_tokens + + count_parameters_by_module(model) + + return model + +ANSWER_SUFFIX = "" +_IGNORE_INDEX = -100 + +ANSWER_SUFFIX = "" +_IGNORE_INDEX = -100 + +model_name_or_path = '/mnt/jeff/gemma-3-4b-it-omni' +use_flash_attention = False + +output_dir = '../gemma_tmp14_audio_and_text_speechlora' +batch_size = 16 +batch_size_per_gpu = 1 +learning_rate = 5.0e-5 # 1.0e-4 for fine-tuning +wd = 0.01 +num_train_epochs = 10 + +revision = "main" #"v1.0" + +processor = AutoProcessor.from_pretrained( + model_name_or_path, + revision=revision, + trust_remote_code=True, +) + +model = create_model( + model_name_or_path, + revision=revision, + use_flash_attention=use_flash_attention, +) + +train_datasets = [] + +pickup_dataset = MultiturnAudioDataset(processor=processor,text_only=True,json_path='/mnt/jeff/InCar/data/multiturn_data/pickup_processed.json') +train_datasets.append(pickup_dataset) + +pickup_dataset = MultiturnAudioDataset(processor=processor,json_path='/mnt/jeff/InCar/data/multiturn_data/pickup_processed.json') +train_datasets.append(pickup_dataset) + +# custom_tw_loc = TWCostumData(processor=processor, +# csv_path='/mnt/jeff/InCar/data/tw_data/taiwan_location-srdc_tts-20250509-common_voice_16_1-TW.csv') +# train_datasets.append(custom_tw_loc) # 1500 + +# custom_tw_loc2 = TWCostumData(processor=processor, +# csv_path='/mnt/jeff/InCar/data/tw_data/taiwan_location-srdc_tts-20250529-common_voice_16_1-TW.csv') +# train_datasets.append(custom_tw_loc2) # 9458 + +# custom_yating_tw_road = TWCostumData(processor=processor, +# csv_path='/mnt/jeff/InCar/data/tw_data/taiwan_road-srdc_tts-20250430-yating-1-2s-breezyvoice.csv') +# train_datasets.append(custom_yating_tw_road) # 35224 + +# custom_tw_road = TWCostumData(processor=processor, +# csv_path='/mnt/jeff/InCar/data/tw_data/taiwan_road-srdc_tts-20250509-common_voice_16_1-TW.csv') +# train_datasets.append(custom_tw_road) # 1500 + +# custom_tw_road2 = TWCostumData(processor=processor, +# csv_path='/mnt/jeff/InCar/data/tw_data/taiwan_road-srdc_tts-20250529-common_voice_16_1-TW.csv') +# train_datasets.append(custom_tw_road2) # 35224 + + + +print("Count Num of Datasets", len(train_datasets)) +print([len(dataset) for dataset in train_datasets]) + +# ConcatDataset +train_dataset = ConcatDataset(train_datasets) if len(train_datasets) > 1 else train_datasets[0] +print("Count Length of Datas", len(train_dataset)) + + + +# Check GPUs +num_gpus = torch.cuda.device_count() +print(f'training on {num_gpus} GPUs') + +assert ( + batch_size % (num_gpus * batch_size_per_gpu) == 0 +), 'Batch size must be divisible by the number of GPUs' +gradient_accumulation_steps = batch_size // (num_gpus * batch_size_per_gpu) + +# hard coded training args +dp_config = { + "fp16": { + "enabled": "auto", + "loss_scale": 0, + "loss_scale_window": 1000, + "initial_scale_power": 16, + "hysteresis": 2, + "min_loss_scale": 1 + }, + "zero_optimization": { + "stage": 2, + "allgather_partitions": True, + "allgather_bucket_size": 5e8, + "overlap_comm": False, + "reduce_scatter": True, + "reduce_bucket_size": 5e8, + "contiguous_gradients": True, + "cpu_offload": True + }, + + "train_batch_size": "auto", + "gradient_accumulation_steps": "auto", + "optimizer": { + "type": "AdamW", + "params": { + "lr": "auto", + "betas": 'auto', + "eps": 'auto', + "weight_decay": "auto" + } + }, + "scheduler": { + "type": "WarmupDecayLR", + "params": { + "warmup_min_lr": "auto", + "warmup_max_lr": "auto", + "warmup_num_steps": "auto", + "total_num_steps": "auto" + } + }, + "gradient_clipping": 1.0, + "zero_optimization": { + "stage": 0 + } +} +training_args = TrainingArguments( + num_train_epochs=num_train_epochs, + per_device_train_batch_size=batch_size_per_gpu, + gradient_checkpointing=True, + gradient_checkpointing_kwargs={'use_reentrant': False}, + gradient_accumulation_steps=gradient_accumulation_steps, + optim='adamw_torch', + adam_beta1=0.9, + adam_beta2=0.95, + adam_epsilon=1e-7, + learning_rate=learning_rate, + weight_decay=wd, + max_grad_norm=1.0, + lr_scheduler_type='cosine', + warmup_steps=50, + logging_steps=10, + output_dir=output_dir, + save_total_limit=10, + save_only_model=True, + bf16=True, + fp16=False, + remove_unused_columns=False, + report_to='none', + deepspeed=None, + disable_tqdm=False, + dataloader_num_workers=16, + save_strategy='epoch', + # save_steps=2500, + ddp_find_unused_parameters=True, + +) + +out_path = Path(training_args.output_dir) +out_path.mkdir(parents=True, exist_ok=True) + +# create optimizer only for trainable params +optimizer = torch.optim.AdamW( + filter(lambda p: p.requires_grad, model.parameters()), + lr=learning_rate, + weight_decay=wd, + betas=(0.9, 0.95), + eps=1e-7, +) + +# Trainer Setting +trainer = Trainer( + model=model, + args=training_args, + data_collator=covost_collate_fn, + train_dataset=train_dataset, + optimizers=(optimizer, None) +) + +trainer.train() + + +# # 1. Save LoRA Adapter +model.language_model.model.save_pretrained(output_dir) + +# # 1-1. Delete Markdown file +# markdown_file = os.path.join(output_dir, "README.md") +# if os.path.exists(markdown_file): +# os.remove(markdown_file) + +# 2. Save entire model +model.save_pretrained(output_dir) diff --git a/cpp/inference/audio_encoder_lib.cpp b/cpp/inference/audio_encoder_lib.cpp new file mode 100644 index 0000000000000000000000000000000000000000..6844fc8d5e8543813fd544dd9e487b78f619b18f --- /dev/null +++ b/cpp/inference/audio_encoder_lib.cpp @@ -0,0 +1,388 @@ +#include "audio_encoder_lib.h" + +#include +#include +#include +#include +#include +#include // For memcpy + +// Include specific ONNX Runtime headers for implementation +#include + +// Include specific Eigen headers for implementation +#include + +// Include specific KissFFT headers for implementation +#include +#include + +// Define M_PI if it's not already defined +#ifndef M_PI +#define M_PI 3.14159265358979323846 +#endif + +// --- Global parameters for feature extraction (matching Python script) --- +// These are constants derived from the Python preprocessing script and are +// internal to the feature extraction logic. +namespace { // Anonymous namespace for internal linkage + const float PREEMPHASIS_COEFF = 0.97f; + const int N_FFT = 512; // FFT size + const int WIN_LENGTH = 400; // Window length (samples) + const int HOP_LENGTH = 160; // Hop length (samples) + const int N_MELS = 80; // Number of Mel filterbank channels + const int TARGET_SAMPLE_RATE = 16000; // Target sample rate for feature extraction +} + +// --- Implementation of AudioInferenceEngine methods --- + +AudioInferenceEngine::AudioInferenceEngine(const std::string& modelPath) { + // 1. Initialize ONNX Runtime Environment + env_ = std::make_unique(ORT_LOGGING_LEVEL_WARNING, "AudioInferenceEngine"); + + // 2. Configure Session Options + Ort::SessionOptions session_options; + session_options.SetIntraOpNumThreads(0); + session_options.SetGraphOptimizationLevel(ORT_ENABLE_EXTENDED); + + // 3. Create ONNX Runtime Session + session_ = std::make_unique(*env_, modelPath.c_str(), session_options); + + // 4. Initialize Allocator + allocator_ = std::make_unique(); + + // 5. Get Input and Output Node Names + // It's crucial to allocate these names using the allocator and store them + // as C-style strings for Ort::Session::Run. + size_t numInputNodes = session_->GetInputCount(); + if (numInputNodes == 0) { + throw Ort::Exception("ONNX model has no input nodes.", ORT_FAIL); + } + input_node_names_.resize(numInputNodes); + for (size_t i = 0; i < numInputNodes; ++i) { + input_node_names_[i] = session_->GetInputNameAllocated(i, *allocator_).release(); // release() to manage lifetime + } + + size_t numOutputNodes = session_->GetOutputCount(); + if (numOutputNodes == 0) { + throw Ort::Exception("ONNX model has no output nodes.", ORT_FAIL); + } + output_node_names_.resize(numOutputNodes); + for (size_t i = 0; i < numOutputNodes; ++i) { + output_node_names_[i] = session_->GetOutputNameAllocated(i, *allocator_).release(); // release() to manage lifetime + } + + // 6. Precompute Mel filterbank + // The Python example uses fmax=16000//2-80-230. + float mel_fmax = static_cast(TARGET_SAMPLE_RATE) / 2.0f - 80.0f - 230.0f; + mel_filterbank_ = speechlibMel(TARGET_SAMPLE_RATE, N_FFT, N_MELS, 0.0f, mel_fmax); + + if (mel_filterbank_.rows() == 0 || mel_filterbank_.cols() == 0) { + throw std::runtime_error("Failed to create Mel filterbank during initialization."); + } + + std::cout << "AudioInferenceEngine initialized successfully with model: " << modelPath << std::endl; +} + +AudioInferenceEngine::~AudioInferenceEngine() { + // Release allocated names + for (const char* name : input_node_names_) { + allocator_->Free(const_cast(reinterpret_cast(name))); + } + for (const char* name : output_node_names_) { + allocator_->Free(const_cast(reinterpret_cast(name))); + } + // unique_ptr automatically handles deletion of env_ and session_ +} + +/** + * @brief Private helper: Loads audio data from a WAV file. + */ +std::vector AudioInferenceEngine::loadWavToFloatArray(const std::string& filename, int& actual_sample_rate) { + std::ifstream file(filename, std::ios::binary); + if (!file.is_open()) { + std::cerr << "Error: Could not open WAV file: " << filename << std::endl; + return {}; + } + + WavHeader header; + file.read(reinterpret_cast(&header), sizeof(WavHeader)); + + if (std::string(header.riff_id, 4) != "RIFF" || + std::string(header.wave_id, 4) != "WAVE" || + std::string(header.fmt_id, 4) != "fmt ") { + std::cerr << "Error: Invalid WAV header (RIFF, WAVE, or fmt chunk missing/invalid)." << std::endl; + file.close(); + return {}; + } + + if (header.audio_format != 1) { // 1 = PCM + std::cerr << "Error: Only PCM audio format (1) is supported. Found: " << header.audio_format << std::endl; + file.close(); + return {}; + } + + if (header.bits_per_sample != 16) { + std::cerr << "Error: Only 16-bit PCM is supported. Found: " << header.bits_per_sample << " bits per sample." << std::endl; + file.close(); + return {}; + } + + actual_sample_rate = header.sample_rate; + + WavDataChunk data_chunk; + bool data_chunk_found = false; + while (!file.eof()) { + file.read(reinterpret_cast(&data_chunk.data_id), 4); + file.read(reinterpret_cast(&data_chunk.data_size), 4); + + if (std::string(data_chunk.data_id, 4) == "data") { + data_chunk_found = true; + break; + } else { + file.seekg(data_chunk.data_size, std::ios::cur); + } + } + + if (!data_chunk_found) { + std::cerr << "Error: 'data' chunk not found in WAV file." << std::endl; + file.close(); + return {}; + } + + std::vector audioData; + int16_t sample_buffer; + long num_samples_to_read = data_chunk.data_size / sizeof(int16_t); + + for (long i = 0; i < num_samples_to_read; ++i) { + file.read(reinterpret_cast(&sample_buffer), sizeof(int16_t)); + float normalized_sample = static_cast(sample_buffer) / 32768.0f; + + if (header.num_channels == 1) { + audioData.push_back(normalized_sample); + } else if (header.num_channels == 2) { + int16_t right_sample; + if (file.read(reinterpret_cast(&right_sample), sizeof(int16_t))) { + float normalized_right_sample = static_cast(right_sample) / 32768.0f; + audioData.push_back((normalized_sample + normalized_right_sample) / 2.0f); + i++; + } else { + std::cerr << "Warning: Unexpected end of file while reading stereo data." << std::endl; + break; + } + } else { + std::cerr << "Error: Unsupported number of channels: " << header.num_channels << std::endl; + file.close(); + return {}; + } + } + + file.close(); + return audioData; +} + +/** + * @brief Private helper: Generates a Hamming window. + */ +std::vector AudioInferenceEngine::generateHammingWindow(int window_length) { + std::vector window(window_length); + for (int i = 0; i < window_length; ++i) { + window[i] = 0.54f - 0.46f * std::cos(2 * M_PI * i / static_cast(window_length - 1)); + } + return window; +} + +/** + * @brief Private helper: Extracts spectrogram features. + */ +Eigen::MatrixXf AudioInferenceEngine::extractSpectrogram(const std::vector& wav, int fs) { + int n_batch = (wav.size() - WIN_LENGTH) / HOP_LENGTH + 1; + if (n_batch <= 0) { + return Eigen::MatrixXf(0, N_FFT / 2 + 1); + } + + std::vector fft_window = generateHammingWindow(WIN_LENGTH); + + kiss_fftr_cfg fft_cfg = kiss_fftr_alloc(N_FFT, 0 /* is_inverse_fft */, nullptr, nullptr); + if (!fft_cfg) { + std::cerr << "Error: Failed to allocate KissFFT configuration." << std::endl; + return Eigen::MatrixXf(0, N_FFT / 2 + 1); + } + + Eigen::MatrixXf spec_matrix(n_batch, N_FFT / 2 + 1); + + std::vector frame_buffer(WIN_LENGTH); + kiss_fft_scalar fft_input[N_FFT]; + kiss_fft_cpx fft_output[N_FFT / 2 + 1]; + + for (int i = 0; i < n_batch; ++i) { + int start_idx = i * HOP_LENGTH; + + for (int j = 0; j < WIN_LENGTH; ++j) { + frame_buffer[j] = wav[start_idx + j]; + } + + // Apply pre-emphasis and scale by 32768 + if (WIN_LENGTH > 0) { + if (WIN_LENGTH > 1) { + // Corrected pre-emphasis to match Python's np.roll and then overwrite first element + // The first element of the frame is pre-emphasized against the second element. + fft_input[0] = (frame_buffer[0] - PREEMPHASIS_COEFF * frame_buffer[1]) * 32768.0f; + for (int j = 1; j < WIN_LENGTH; ++j) { + fft_input[j] = (frame_buffer[j] - PREEMPHASIS_COEFF * frame_buffer[j - 1]) * 32768.0f; + } + } else { // WIN_LENGTH == 1 + fft_input[0] = frame_buffer[0] * 32768.0f; + } + } + for (int j = WIN_LENGTH; j < N_FFT; ++j) { + fft_input[j] = 0.0f; + } + + for (int j = 0; j < WIN_LENGTH; ++j) { + fft_input[j] *= fft_window[j]; + } + + kiss_fftr(fft_cfg, fft_input, fft_output); + + for (int j = 0; j <= N_FFT / 2; ++j) { + spec_matrix(i, j) = std::sqrt(fft_output[j].r * fft_output[j].r + fft_output[j].i * fft_output[j].i); + } + } + + kiss_fftr_free(fft_cfg); + return spec_matrix; +} + +/** + * @brief Private helper: Creates a Mel filter-bank matrix. + */ +Eigen::MatrixXf AudioInferenceEngine::speechlibMel(int sample_rate, int n_fft, int n_mels, float fmin, float fmax) { + int bank_width = n_fft / 2 + 1; + if (fmax == 0.0f) fmax = sample_rate / 2.0f; + if (fmin == 0.0f) fmin = 0.0f; + + auto mel = [](float f) { return 1127.0f * std::log(1.0f + f / 700.0f); }; + auto bin2mel = [&](int fft_bin) { return 1127.0f * std::log(1.0f + static_cast(fft_bin) * sample_rate / (static_cast(n_fft) * 700.0f)); }; + auto f2bin = [&](float f) { return static_cast((f * n_fft / sample_rate) + 0.5f); }; + + int klo = f2bin(fmin) + 1; + int khi = f2bin(fmax); + khi = std::max(khi, klo); + + float mlo = mel(fmin); + float mhi = mel(fmax); + + std::vector m_centers(n_mels + 2); + float ms = (mhi - mlo) / (n_mels + 1); + for (int i = 0; i < n_mels + 2; ++i) { + m_centers[i] = mlo + i * ms; + } + + Eigen::MatrixXf matrix = Eigen::MatrixXf::Zero(n_mels, bank_width); + + for (int m = 0; m < n_mels; ++m) { + float left = m_centers[m]; + float center = m_centers[m + 1]; + float right = m_centers[m + 2]; + for (int fft_bin = klo; fft_bin < bank_width; ++fft_bin) { + float mbin = bin2mel(fft_bin); + if (left < mbin && mbin < right) { + matrix(m, fft_bin) = 1.0f - std::abs(center - mbin) / ms; + } + } + } + return matrix; +} + +/** + * @brief Public method: Preprocesses an audio WAV file. + */ +Eigen::MatrixXf AudioInferenceEngine::preprocessAudio(const std::string& wavFilePath) { + int actual_wav_sample_rate = 0; + std::vector audioWav = loadWavToFloatArray(wavFilePath, actual_wav_sample_rate); + + if (audioWav.empty()) { + std::cerr << "Failed to load audio data from " << wavFilePath << "." << std::endl; + return Eigen::MatrixXf(0, N_MELS); + } + + if (actual_wav_sample_rate != TARGET_SAMPLE_RATE) { + std::cerr << "Warning: WAV file sample rate (" << actual_wav_sample_rate + << " Hz) does not match the target sample rate for feature extraction (" + << TARGET_SAMPLE_RATE << " Hz)." << std::endl; + std::cerr << "This example does NOT include resampling. Features will be extracted at " + << TARGET_SAMPLE_RATE << " Hz, which might lead to incorrect results if the WAV file's sample rate is different." << std::endl; + } + + Eigen::MatrixXf spec = extractSpectrogram(audioWav, TARGET_SAMPLE_RATE); + if (spec.rows() == 0) { + std::cerr << "Error: Spectrogram extraction failed." << std::endl; + return Eigen::MatrixXf(0, N_MELS); + } + + Eigen::MatrixXf spec_power = spec.array().square(); + Eigen::MatrixXf fbank_power = spec_power * mel_filterbank_.transpose(); // Transpose mel_filterbank_ for correct multiplication + + fbank_power = fbank_power.array().max(1.0f); + Eigen::MatrixXf log_fbank = fbank_power.array().log(); + + return log_fbank; +} + +/** + * @brief Public method: Runs inference on the loaded ONNX model. + */ +std::vector AudioInferenceEngine::runInference(const Eigen::MatrixXf& features) { + if (features.rows() == 0 || features.cols() == 0) { + std::cerr << "Error: Input features are empty for inference." << std::endl; + return {}; + } + + // Prepare Input Tensor Shape: [batch, frames, feature_size] + std::vector inputTensorShape = {1, features.rows(), features.cols()}; + + // Flatten Eigen::MatrixXf into std::vector in row-major order + std::vector inputTensorData(features.rows() * features.cols()); + for (int r = 0; r < features.rows(); ++r) { + for (int c = 0; c < features.cols(); ++c) { + inputTensorData[r * features.cols() + c] = features(r, c); + } + } + + Ort::MemoryInfo memory_info = Ort::MemoryInfo::CreateCpu(OrtArenaAllocator, OrtMemTypeDefault); + Ort::Value inputTensor = Ort::Value::CreateTensor(memory_info, inputTensorData.data(), inputTensorData.size(), + inputTensorShape.data(), inputTensorShape.size()); + + if (!inputTensor.IsTensor()) { + std::cerr << "Error: Created input tensor is not valid!" << std::endl; + return {}; + } + + // Run Inference + std::vector outputTensors = session_->Run(Ort::RunOptions{nullptr}, + input_node_names_.data(), &inputTensor, 1, + output_node_names_.data(), output_node_names_.size()); + + if (outputTensors.empty() || !outputTensors[0].IsTensor()) { + std::cerr << "Error: No valid output tensors received from the model." << std::endl; + return {}; + } + + // Copy output data + float* outputData = outputTensors[0].GetTensorMutableData(); + Ort::TensorTypeAndShapeInfo outputShapeInfo = outputTensors[0].GetTensorTypeAndShapeInfo(); + size_t outputSize = outputShapeInfo.GetElementCount(); + + std::vector result(outputData, outputData + outputSize); + return result; +} + +std::vector AudioInferenceEngine::runInference_tensor(const Ort::Value& inputTensor) { + // Run Inference + std::vector outputTensors = session_->Run(Ort::RunOptions{nullptr}, + input_node_names_.data(), &inputTensor, 1, + output_node_names_.data(), output_node_names_.size()); + + return outputTensors; +} \ No newline at end of file diff --git a/cpp/inference/audio_encoder_lib.h b/cpp/inference/audio_encoder_lib.h new file mode 100644 index 0000000000000000000000000000000000000000..42949a922a6987eb0a5e8e37f462bb56d6775417 --- /dev/null +++ b/cpp/inference/audio_encoder_lib.h @@ -0,0 +1,141 @@ +#ifndef AUDIO_INFERENCE_LIBRARY_H +#define AUDIO_INFERENCE_LIBRARY_H + +#include +#include +#include // For uint32_t, int16_t +#include // For std::unique_ptr +#include +using namespace Eigen; +// Forward declarations for ONNX Runtime types to avoid including full headers in .h +namespace Ort { + struct Env; + struct Session; + struct MemoryInfo; + struct AllocatorWithDefaultOptions; + struct Value; +} + +// Forward declaration for Eigen Matrix +namespace Eigen { + template + class Matrix; + typedef Matrix MatrixXf; +} + +/** + * @brief Class to handle audio preprocessing and ONNX model inference. + * + * This class encapsulates the logic for loading WAV files, extracting Mel filterbank + * features, and running inference on an ONNX model. + */ +class AudioInferenceEngine { +public: + /** + * @brief Constructor for AudioInferenceEngine. + * @param modelPath The file path to the ONNX model. + * @throws Ort::Exception if ONNX Runtime initialization fails. + */ + AudioInferenceEngine(const std::string& modelPath); + + /** + * @brief Destructor to clean up ONNX Runtime resources. + */ + ~AudioInferenceEngine(); + + /** + * @brief Preprocesses an audio WAV file to extract Mel filterbank features. + * + * This function loads the WAV file, converts it to a float array, and then + * applies the spectrogram and Mel filterbank extraction steps. + * + * @param wavFilePath The path to the WAV audio file. + * @return An Eigen::MatrixXf containing the extracted features (frames x N_MELS). + * Returns an empty matrix if preprocessing fails. + */ + Eigen::MatrixXf preprocessAudio(const std::string& wavFilePath); + + /** + * @brief Runs inference on the loaded ONNX model using the provided features. + * + * The input features should be the output of `preprocessAudio`. This function + * converts the features to an ONNX Runtime tensor and executes the model. + * + * @param features An Eigen::MatrixXf containing the preprocessed audio features. + * Expected shape: (frames, N_MELS). + * @return A std::vector containing the flattened output of the ONNX model. + * Returns an empty vector if inference fails. + */ + std::vector runInference(const Eigen::MatrixXf& features); + std::vector runInference_tensor(const Ort::Value& inputTensor); + +private: + // ONNX Runtime members + std::unique_ptr env_; + std::unique_ptr session_; + std::unique_ptr allocator_; + std::vector input_node_names_; + std::vector output_node_names_; + + // Precomputed Mel filterbank matrix + Eigen::MatrixXf mel_filterbank_; + + // Private helper functions (implemented in .cpp) + // WAV file parsing structures +#pragma pack(push, 1) + struct WavHeader { + char riff_id[4]; + uint32_t file_size; + char wave_id[4]; + char fmt_id[4]; + uint32_t fmt_size; + uint16_t audio_format; + uint16_t num_channels; + uint32_t sample_rate; + uint32_t byte_rate; + uint16_t block_align; + uint16_t bits_per_sample; + }; + + struct WavDataChunk { + char data_id[4]; + uint32_t data_size; + }; +#pragma pack(pop) + + /** + * @brief Loads audio data from a WAV file into a float vector. + * @param filename The path to the WAV audio file. + * @param actual_sample_rate Output parameter to store the sample rate read from the WAV file. + * @return A std::vector containing the normalized mono audio samples. + */ + std::vector loadWavToFloatArray(const std::string& filename, int& actual_sample_rate); + + /** + * @brief Generates a Hamming window. + * @param window_length The length of the window. + * @return A std::vector containing the Hamming window coefficients. + */ + std::vector generateHammingWindow(int window_length); + + /** + * @brief Extracts spectrogram features from waveform. + * @param wav The input waveform. + * @param fs The sampling rate. + * @return A 2D Eigen::MatrixXf representing the spectrogram. + */ + Eigen::MatrixXf extractSpectrogram(const std::vector& wav, int fs); + + /** + * @brief Creates a Mel filter-bank matrix. + * @param sample_rate Sample rate in Hz. + * @param n_fft FFT size. + * @param n_mels Mel filter size. + * @param fmin Lowest frequency (in Hz). + * @param fmax Highest frequency (in Hz). + * @return An Eigen::MatrixXf representing the Mel transform matrix. + */ + Eigen::MatrixXf speechlibMel(int sample_rate, int n_fft, int n_mels, float fmin, float fmax); +}; + +#endif // AUDIO_INFERENCE_LIBRARY_H \ No newline at end of file diff --git a/cpp/inference/audio_encoder_lib.o b/cpp/inference/audio_encoder_lib.o new file mode 100644 index 0000000000000000000000000000000000000000..b0273f6531b04366af8647e2be24670318ff2bef Binary files /dev/null and b/cpp/inference/audio_encoder_lib.o differ diff --git a/cpp/inference/audio_inference b/cpp/inference/audio_inference new file mode 100644 index 0000000000000000000000000000000000000000..de3e9e2c3e68089fb352cba8f45dd95bd534f773 Binary files /dev/null and b/cpp/inference/audio_inference differ diff --git a/cpp/inference/audio_inference_app b/cpp/inference/audio_inference_app new file mode 100644 index 0000000000000000000000000000000000000000..54176c91f3731c3441e14c1bee08f192f3a57212 Binary files /dev/null and b/cpp/inference/audio_inference_app differ diff --git a/cpp/inference/compile.sh b/cpp/inference/compile.sh new file mode 100644 index 0000000000000000000000000000000000000000..5df16707eab7bb8245ffd337e5174dea6dd5d55f --- /dev/null +++ b/cpp/inference/compile.sh @@ -0,0 +1,32 @@ +export BASE_DIR="/mnt/data-2t/jeff/codes/llm/cpp" +# g++ test.cpp $BASE_DIR/kissfft/kiss_fft.c $BASE_DIR/kissfft/kiss_fftr.c \ +# -o audio_inference \ +# -I $BASE_DIR/onnxruntime-linux-x64-1.22.0/include \ +# -I $BASE_DIR/eigen-3.4.0 \ +# -I $BASE_DIR/kissfft \ +# -L $BASE_DIR/kissfft/lib -lkissfft-int16_t-openmp \ +# -L $BASE_DIR/onnxruntime-linux-x64-1.22.0/lib -lonnxruntime -std=c++17 -O2 -DNDEBUG + +g++ -c audio_encoder_lib.cpp \ + -o audio_encoder_lib.o \ + -I $BASE_DIR/onnxruntime-linux-x64-1.22.0/include \ + -I $BASE_DIR/eigen-3.4.0 \ + -I $BASE_DIR/kissfft \ + -std=c++17 -O3 -DNDEBUG -fPIC + +g++ -c $BASE_DIR/kissfft/kiss_fft.c \ + -o kiss_fft.o \ + -I $BASE_DIR/kissfft \ + -std=c++17 -O3 -DNDEBUG -fPIC + +g++ -c $BASE_DIR/kissfft/kiss_fftr.c \ + -o kiss_fftr.o \ + -I $BASE_DIR/kissfft \ + -std=c++17 -O3 -DNDEBUG -fPIC + +g++ main_text.cpp audio_encoder_lib.o kiss_fft.o kiss_fftr.o \ + -o audio_inference_app \ + -I $BASE_DIR/onnxruntime-linux-x64-1.22.0/include \ + -I $BASE_DIR/eigen-3.4.0 \ + -I $BASE_DIR/kissfft \ + -L $BASE_DIR/onnxruntime-linux-x64-1.22.0/lib -lonnxruntime -std=c++17 -O3 -DNDEBUG \ No newline at end of file diff --git a/cpp/inference/dummy.wav b/cpp/inference/dummy.wav new file mode 100644 index 0000000000000000000000000000000000000000..4d53b0ea43021b8a1e8d7b9a0fa1efe5e7ed91b8 Binary files /dev/null and b/cpp/inference/dummy.wav differ diff --git a/cpp/inference/f0.txt b/cpp/inference/f0.txt new file mode 100644 index 0000000000000000000000000000000000000000..dda77bd78dbe9304c74a0ffc2641b83b7a7e30e1 --- /dev/null +++ b/cpp/inference/f0.txt @@ -0,0 +1 @@ +0.130969,-0.0697925,0.0150866,-0.0254687,-0.107385,-0.186735,0.155099,0.112007,-0.35527,-0.211388,-0.432718,-0.315993,-0.215883,-0.383953,-0.214757,-0.0542331,-0.124644,0.0444448,0.111579,-0.00764972,-0.362137,-0.5706,0.41201,0.111671,0.0651918,-0.110872,0.200767,0.0973803,-0.219676,-0.101688,-0.374219,-0.0227316,-0.128174,0.0758818,0.0282269,-0.0202461,-0.241137,-0.0459378,-0.0335859,-0.27826,0.115885,0.123168,-0.111494,0.203679,-0.0324075,0.096448,-0.397173,0.273761,0.345807,0.203758,0.185589,0.00606297,-0.398082,-0.504628,0.117935,-0.00282478,0.162841,0.22501,-0.163926,0.279397,0.0685566,-0.257787,0.146247,0.0627332,0.0733152,0.00883622,0.463092,-0.0746735,0.230282,0.379756,-0.01556,-0.111562,0.533173,-0.137301,0.279557,-0.126814,0.19328,-0.169572,-0.135268,0.0301901,0.0371657,0.0112497,0.0512801,0.0938636,-0.106251,0.0368864,-0.0838386,-0.0444208,0.365212,-0.171343,-0.193889,-0.277722,-0.185493,0.216135,0.356541,-0.000267223,0.223016,-0.0873317,-0.259103,-0.109982,0.0715857,-0.213459,0.23483,0.10891,0.0682687,-0.304115,0.206562,0.0470543,0.402454,-0.30534,-0.493324,0.15711,0.0466677,0.085414,-0.194041,-0.0152796,-0.0458968,0.373783,0.218077,0.0246406,-0.173008,-0.485361,-0.359799,0.370134,0.0940896,-0.087671,-0.19732,-0.259359,0.204002,-0.111833,0.0223338,0.239587,-0.169161,-0.0650248,-0.248758,-0.00734299,-0.253889,0.515058,0.0414721,0.346265,-0.00623269,-0.0685533,0.114691,0.0583765,0.0761172,-0.240311,-0.424816,0.180512,-0.0343719,0.124053,-0.482442,-0.214277,-0.404541,0.258241,-0.35729,0.305552,-0.312268,0.00786012,0.0383242,0.220839,0.0662976,-0.0163955,0.0943508,-0.396304,0.255327,-0.165737,0.150618,-0.21532,0.0662511,-0.146559,0.123595,0.101515,-0.167166,-0.253329,-0.372952,0.13515,0.119037,-0.306433,0.176461,0.281133,0.130341,0.360876,0.00613771,-0.260192,0.264464,-0.0233323,-0.0908698,0.140441,-0.350716,-0.0929182,-0.0409364,-0.0394715,0.0154353,-0.380703,0.251036,0.0603516,0.0997912,-0.120534,0.149711,-0.200125,0.631994,-0.229381,-0.00275806,0.0753195,0.181401,-0.332263,0.00861233,0.0669557,-0.0436276,-0.105938,0.354578,0.221141,-0.391938,-0.181252,0.128729,0.148715,-0.0856051,-0.157311,-0.112413,-0.203062,0.320982,-0.482567,0.514323,0.0136693,0.195272,-0.05937,-0.0813602,-0.268923,0.0290006,-0.121874,0.360786,-0.462708,-0.00939674,-0.256095,0.443474,-0.128195,0.0969944,0.121444,0.0251169,-0.171981,-0.327933,0.0977073,0.156433,-0.160147,-0.088306,0.0386782,-0.172451,0.0320338,0.298607,-0.11149,-0.153561,0.182787,-0.00684603,0.179041,-0.104181,-0.059723,0.016166,0.16656,0.117339,0.20031,-0.0815423,-0.0477307,0.184391,-0.337389,0.0848115,-0.206396,0.134171,-0.20397,0.0773474,0.205285,-0.133484,-0.283446,-0.0848905,-0.0172949,-0.158332,-0.150933,-0.166167,-0.415474,0.207907,0.141502,-0.149674,-0.0862676,-0.0843447,-0.0443961,-0.477935,0.0732832,-0.628779,-0.0949468,-0.121537,-0.253877,0.136194,0.128096,-0.25618,0.344122,-0.0129422,-0.0274156,-0.354473,0.345458,-0.282933,-0.128028,0.0422827,0.197841,0.0940089,-0.0367734,0.0739963,0.2016,-0.158263,-0.0903161,-0.180807,-0.111135,0.0401137,0.0132104,0.0396197,-0.16112,0.344562,0.419168,-0.550036,-0.12839,-0.329587,-0.379029,-0.233434,0.387758,0.117637,0.00713142,-0.0309307,-0.207301,-0.0388943,-0.365166,0.364323,0.103898,-0.116829,-0.0689552,-0.231362,-0.307087,-0.0757416,0.0290361,0.476824,0.132735,0.354488,0.0334285,0.0269117,0.0674276,0.0368151,-0.0267033,-0.18219,0.449501,-0.230841,-0.0441207,0.285704,-0.156012,-0.304021,0.479424,-0.251499,0.110176,-0.343321,0.0432537,0.272541,0.0974372,-0.413158,0.255212,-0.181127,-0.352268,-0.141068,0.237139,0.0155595,-0.168526,0.347471,-0.232257,-0.336059,0.0731127,-0.198523,0.150815,0.0266591,0.185704,-0.246222,-0.46986,0.389917,-0.0989727,-0.207457,-0.00452264,0.0178518,-0.150225,-0.167473,0.0786187,-0.259545,0.0916015,0.163962,-0.177029,-0.32565,0.0918754,0.0654849,-0.285088,0.146885,-0.162679,-0.0873827,0.330721,0.0926819,0.113433,0.688265,-0.193704,0.488796,0.367049,0.16789,-0.172014,-0.275166,0.0690938,0.134021,0.511894,0.187223,-0.471059,-0.265239,0.359067,0.166721,0.163121,-0.10509,-0.0185785,-0.163526,-0.437097,-0.0239873,-0.0711102,-0.308005,-0.0475885,0.14873,0.210987,0.406874,-0.207676,-0.0846409,0.179227,-0.00925704,-0.316082,-0.149093,0.107364,0.179969,-0.0338266,-0.269457,0.0262756,-0.201241,-0.105679,-0.0258574,-0.234443,0.185767,0.164882,-0.102933,-0.140215,-0.0333357,-0.338789,-0.238476,-0.229999,-0.0907026,-0.321748,-0.585405,-0.502464,-0.0458023,0.231664,-0.00679246,0.126125,-0.056482,-0.286702,0.0223304,0.139339,0.171569,0.203484,-0.0727243,0.102131,-0.105421,0.0308108,0.0134982,0.00316583,-0.00706027,0.281653,0.110583,-0.199998,-0.506006,-0.177796,-0.084846,0.379398,-0.266515,0.0331546,-0.0624875,-0.157855,-0.0648849,0.275339,0.18861,-0.0266693,0.276486,0.272031,0.0919693,-0.152652,0.115319,0.307252,-0.0309693,-0.0611248,-0.210042,-0.0460636,0.116467,-0.0575397,-0.127675,-0.290079,-0.0257673,-0.203753,0.0970015,0.0736901,0.156542,0.0863944,0.0199781,-0.0417541,-0.120286,0.212404,-0.270638,-0.351048,-0.0113028,0.132457,-0.325976,0.382395,-0.228112,0.00426498,-0.169765,0.0626828,-0.0449139,-0.0422992,-0.44604,-0.612073,-0.184783,-0.108142,0.212019,0.0156115,0.248524,-0.148703,-0.125285,-0.0210325,0.0337567,0.220119,0.23644,-0.0509291,-0.152572,-0.229405,0.217311,0.383777,-0.0244142,-0.254248,0.173338,0.0991709,0.0877889,0.0684401,0.0629969,0.00448824,-0.0289463,0.361951,-0.298082,0.205082,0.142681,-0.127122,0.0260593,-0.356606,0.0224531,0.103281,0.264673,0.373535,-0.02244,-0.158808,0.159669,0.455351,0.1123,-0.199777,0.346514,-0.161016,0.181425,0.0785463,-0.0200488,-0.11653,-0.149211,-0.000705741,-0.305963,0.524959,0.306808,-0.00869079,-0.175372,-0.432167,0.136054,0.169165,0.554927,0.502141,0.124665,0.354607,0.137454,0.179688,0.254524,-0.439395,-0.038105,-0.1514,0.0134113,-0.210398,-0.113631,0.324064,-0.193252,0.128522,0.131181,0.370152,0.427616,0.10093,-0.335697,0.145265,0.10416,0.101419,-0.307074,-0.0457239,-0.0604654,0.258717,0.199985,-0.037126,-0.00333789,0.135859,0.484987,-0.339029,-0.122037,0.404205,-0.406109,-0.444177,-0.182551,-0.36035,0.174019,-0.0721746,0.221994,0.0102339,-0.248227,-0.561012,0.106643,0.0656509,-0.269786,-0.132299,-0.0972449,0.356538,0.106931,-0.350851,0.160431,-0.247878,0.341502,-0.0536947,-0.0626046,0.083535,0.0623863,0.131552,0.454299,-0.42402,-0.192687,0.116303,0.089229,0.060411,-0.00290679,-0.155294,0.0514463,0.120754,-0.0620596,0.167366,-0.135219,0.474975,0.445294,0.299911,-0.0283282,0.105684,0.023397,0.265354,-0.478841,-0.102994,-0.300375,-0.0947944,-0.123142,0.0885492,-0.104347,0.418118,-0.342851,0.0520273,0.320198,-0.0332242,-0.0235077,0.270568,-0.223222,-0.201006,-0.11052,-0.202681,0.0191781,-0.0935641,-0.335887,0.0899602,0.367837,0.297737,-0.30532,-0.259392,0.0730032,-0.330314,-0.22065,-0.188156,-0.0497969,-0.0195277,-0.0903878,0.0914031,-0.132892,0.0422181,-0.232959,0.088601,-0.167187,-0.403794,-0.15666,-0.0308027,-0.06117,-0.21528,0.0278104,-0.18199,0.307536,0.0498354,-0.100261,-0.124295,0.0931647,-0.224665,0.284248,0.347727,-0.190356,-0.332663,0.0242744,-0.295654,-0.190482,-0.156809,0.107803,-0.193638,-0.298101,0.461111,-0.0264353,-0.012149,0.369967,0.299145,-0.0530941,0.0685739,-0.0693855,0.301245,0.152112,0.197341,0.0595968,-0.237536,-0.0524444,0.0675911,-0.0276869,0.425658,-0.00888406,0.0402754,0.14341,-0.484999,-0.0840904,-0.46598,-0.0664922,-0.0855071,0.232861,0.0573325,0.397915,0.168837,0.161179,-0.0513138,0.0161938,0.112208,0.0129788,0.0239248,0.114415,-0.412228,0.0896945,-0.27408,-0.0088258,0.0552373,0.129078,-0.217753,-0.0871159,0.369204,-0.0898541,-0.0594185,-0.00580991,0.349732,-0.0391833,-0.0738922,0.0347945,-0.0536206,-0.099989,0.41677,0.0644933,0.0645211,-0.623013,-0.155928,0.283898,-0.219305,0.102707,0.134932,-0.286201,0.139242,-0.227672,0.104377,0.109719,-0.227885,-0.0981781,-0.283423,-0.149015,-0.258448,0.231195,0.383446,0.229999,-0.225565,0.194995,-0.335565,0.0907084,0.139869,0.230354,-0.0733774,0.00305304,-0.314688,-0.0364758,0.0158287,-0.236306,0.0937811,-0.0959516,0.50214,0.152029,0.094805,-0.0932592,-0.277542,0.264983,0.207249,-0.0268311,0.0372829,0.0044413,0.149005,-0.0923193,-0.028088,0.29918,-0.149012,-0.0810841,-0.0835127,-0.000183938,-0.0110941,0.0539734,-0.093504,-0.0191202,-0.0351456,-0.0197691,-0.422093,0.15273,-0.026144,-0.127992,0.00878699,0.0467606,-0.0681321,0.0173163,0.168028,-0.192559,-0.0584582,0.00585105,-0.0662109,-0.375118,-0.0223522,0.341881,-0.0752466,-0.139195,-0.197917,-0.0943751,-0.21851,-0.233345,0.0901891,-0.112582,-0.125193,-0.35158,0.174369,0.0877225,-0.0168745,0.00636673,0.191892,0.0204768,-0.0336518,0.690955,-0.0240561,0.378454,-0.162641,-0.116955,0.0852116,0.00497434,-0.434768,0.203544,-0.181976,0.043309,-0.0681963,-0.0796414,0.334212,-0.117622,0.354133,0.402285,0.103584,-0.267744,0.0769575,-0.0373364,-0.178713,-0.00229626,-0.0416835,0.159317,-0.310508,0.0120773,-0.112673,-0.00517262,0.0140729,0.181372,-0.355108,-0.121757,-0.225508,-0.0156632,0.143625,0.0551041,-0.0618019,-0.0100831,-0.268222,0.0965712,-0.193845,-0.0117102,0.519606,-0.0939252,-0.0927921,-0.0143368,0.393449,0.0918937,0.131928,0.0843447,0.511429,-0.299034,-0.271211,0.283416,-0.0381538,0.202686,-0.147161,-0.0230621,0.340188,0.180489,-0.0789689,-0.155282,0.103041,-0.074177,0.302552,0.45794,0.258549,-0.0240818,-0.0368333,-0.30502,-0.159275,0.352478,-0.265239,-0.214477,-0.0967788,0.00844549,0.123558,0.402547,-0.0112765,0.084059,-0.276636,-0.339272,-0.107919,-0.0891357,-0.141885,0.216224,-0.0190217,-0.0425729,-0.236165,0.154455,0.0402331,0.0263404,0.142016,0.0905864,0.1626,-0.0713088,0.0532296,-0.178815,-0.226022,0.359235,0.357442,-0.484783,-0.126358,0.198472,-0.302949,-0.127154,0.196679,-0.162848,0.27766,-0.0658906,-0.00939242,-0.0420719,-0.240548,-0.184032,0.332189,0.107789,-0.060865,0.212758,0.346382,-0.211425,0.397302,-0.0778593,0.225466,-0.140066,0.0340937,-0.0632138,-0.283109,-0.186123,-0.130681,0.199053,-0.122764,-0.272741,0.213792,-0.536259,0.0534936,0.0253496,0.0893489,0.267206,-0.360607,-0.188547,0.262836,0.183781,0.0223713,0.0533847,-0.101902,-0.173256,0.359534,-0.0162491,0.0445345,0.296602,-0.1523,0.0766849,-0.0966226,-0.260847,-0.164933,-0.0968739,0.133453,0.297749,-0.0918266,0.293442,-0.201401,0.283869,0.13813,-0.169423,-0.291107,-0.436387,-0.436262,-0.0194109,0.0444028,-0.133822,-0.287598,-0.11478,0.276191,0.121636,0.170524,-0.359714,0.0568015,0.368552,-0.0995155,0.310763,0.210481,-0.16824,-0.497063,-0.162501,-0.0298823,-0.045506,-0.172194,0.251665,-0.0158563,0.0525928,-0.438376,0.366927,0.0631309,0.0354038,0.18172,0.052682,-0.178529,-0.166007,-0.016936,0.204774,0.033185,0.199255,0.164528,-0.283034,0.062593,0.256757,0.108026,-0.26282,-0.0817385,-0.21423,-0.194216,-0.160786,0.072955,0.512863,-0.0480776,-0.0854556,0.096838,0.0417841,0.0602904,-0.0812594,-0.0366677,0.0599239,-0.495433,0.308186,0.0400487,0.124955,-0.255891,-0.136635,-0.00987393,-0.389386,-0.17295,0.0674757,-0.0470099,-0.300508,0.229969,-0.146174,-0.148656,0.361073,-0.141829,-0.176323,-0.102935,-0.335974,0.321505,-0.192523,-0.0933478,0.116824,0.465509,0.338104,0.499011,0.0142364,0.378539,0.381378,0.0555426,0.107959,0.286223,0.0277171,0.756293,0.125081,-0.500576,-0.201644,-0.152543,-0.0101383,-0.182625,-0.138392,0.159469,-0.0465314,0.0390034,0.0332377,-0.279562,-0.0159681,-0.248484,0.3746,0.291079,0.127634,0.124572,-0.0514238,0.232248,-0.188116,-0.270085,-0.122094,0.197294,-0.322514,-0.0532487,-0.00413017,0.175743,0.139121,-0.00912987,0.0518076,-0.260981,0.31488,0.0437365,-0.375908,-0.0384766,-0.499576,0.175525,-0.0258485,-0.107736,0.18862,-0.200046,-0.108228,0.00380208,0.0184133,-0.0266377,0.27691,0.0378624,0.0480463,0.0448203,0.308058,0.0162088,0.10383,0.152927,0.390749,-0.142972,-0.714012,0.0555966,0.49296,0.00399293,0.0630831,0.389947,0.0215398,-0.0287492,0.0245285,0.402398,0.0129182,0.0160733,0.123187,-0.0427585,-0.029935,-0.287123,-0.389719,-0.0711169,0.0449955,0.367824,0.0151083,-0.387965,-0.0251334,-0.00175489,-0.241317,0.224115,-0.243736,0.38887,0.237407,0.143431,0.094784,0.479408,0.234409,0.106807,0.105001,0.0323596,0.0141584,-0.111041,-0.0747296,-0.362728,0.215688,0.0119554,0.550821,-0.248671,-0.177668,-0.340669,0.132496,0.0646738,-0.369413,0.0206139,0.457311,-0.263912,0.152904,-0.126424,-0.101301,-0.178563,-0.0552897,0.317214,0.250276,0.185103,0.103683,0.0421849,-0.287239,0.0116951,0.423226,-0.290547,-0.176723,0.190108,0.0202903,-0.306202,-0.104667,0.0625773,0.332868,0.0537274,-0.245676,0.339842,-0.256189,-0.230415,0.0485796,0.111878,-0.17671,-0.189369,0.0698373,0.0224007,-0.207255,0.107916,-0.273812,-0.0302898,0.426085,0.21633,0.341312,-0.117391,-0.400526,0.29775,0.100855,0.258181,-0.00139859,0.256765,0.108491,0.0259731,0.0496927,0.0217708,0.225739,-0.226184,0.107347,0.286175,0.23177,0.389581,-0.182879,-0.0964101,0.173623,0.431847,-0.0302855,0.354761,-0.07604,0.157496,-0.0456214,0.375325,-0.0876503,-0.421968,-0.043221,0.134933,-0.105612,-0.107668,0.119267,0.0492444,0.406262,0.187697,0.208281,-0.0795816,-0.0160431,0.254931,-0.278841,-0.0251698,0.223672,0.393347,0.0256178,-0.144693,0.0679495,-0.190177,0.242568,0.153148,-0.384143,-0.0800131,0.108063,0.030776,-0.090996,0.079457,-0.164488,-0.0865196,-0.0484737,0.0256187,0.0279502,-0.476725,-0.609248,-0.0502772,-0.0705246,0.185335,0.317471,0.625135,-0.243452,-0.159145,-0.467178,0.248781,0.243008,0.157369,0.0551995,-0.0813382,-0.0645472,0.0936557,0.163115,-0.169071,-0.190044,-0.270404,0.0845317,0.106514,0.0941739,0.159045,0.185845,0.452647,-0.0611362,-0.23279,-0.461342,-0.167077,0.105574,0.187708,0.0160938,-0.283433,0.344437,-0.213093,-0.191671,0.0123392,-0.385525,0.561284,-0.0450151,-0.00897002,0.0153389,-0.337385,0.0848464,0.098773,-0.0371526,-0.16824,0.159497,0.0146648,-0.501943,-0.0209922,0.0750778,0.256866,0.154432,-0.278276,0.0651553,-0.250672,0.121763,-0.3214,-0.0452811,0.0451142,0.20412,-0.086569,0.0367396,0.0163501,0.499473,-0.0957555,0.33211,-0.271717,0.344215,0.41605,-0.206512,0.198057,0.158195,-0.32149,-0.0340621,-0.22021,-0.265678,-0.147309,-0.0608105,-0.187708,0.208182,0.027653,0.159004,0.0357467,0.377296,-0.139196,0.167585,0.217695,-0.259423,0.0441164,0.438627,0.111834,-0.112579,-0.00103165,0.12946,0.204358,0.00295525,-0.0189843,-0.410299,-0.257444,-0.233964,-0.141196,0.0532479,0.259067,-0.109717,-0.0627517,-0.150272,-0.270437,-0.496658,-0.088226,0.334164,-0.0416669,-0.0281044,0.147195,0.469837,-0.0221917,0.000475527,-0.296236,-0.375287,-0.0524902,0.176112,-0.113842,0.185569,0.111506,0.185542,0.47098,-0.180975,0.162515,0.109325,-0.08203,0.132887,-0.11695,0.455829,0.194714,-0.317651,0.495617,-0.22221,0.121058,0.207395,0.00471622,-0.20722,-0.686787,0.140778,-0.307316,-0.123706,-0.550938,-0.204075,-0.0928007,-0.18982,0.0569545,-0.585734,-0.0940386,-0.145569,0.221497,-0.0512364,-0.375536,0.486829,-0.201825,-0.13954,0.261177,0.0289637,-0.0405962,0.102688,0.117124,-0.20328,-0.210002,0.21416,0.0253019,-0.0183849,-0.261064,-0.201153,0.0383441,0.624622,-0.0921965,-0.0717585,-0.218581,-0.568554,-0.275089,-0.0544872,-0.0951389,-0.312636,-0.0400743,0.171693,-0.212357,-0.36863,-0.130397,-0.352622,0.112966,0.490553,0.350415,0.226782,0.543644,-0.277201,-0.172673,0.326704,-0.214857,0.033069,0.130054,0.612354,0.109101,0.0842131,-0.0667997,-0.0922614,0.273607,-0.0747498,-0.496296,-0.025997,-0.0915824,0.104624,0.00948155,0.151574,-0.148758,0.0619624,-0.128458,0.395216,0.129174,0.221404,-0.11646,0.289065,0.0359555,-0.246062,0.15277,0.069205,-0.0540444,-0.00355584,0.0800904,0.473632,-0.121741,-0.00284129,-0.211495,-0.231025,-0.166431,0.19217,0.127573,0.393847,0.0903366,0.495431,0.162418,0.303541,-0.0685502,-0.219802,0.023074,-0.056077,-0.36978,0.0995829,0.0682272,0.00762455,0.366896,0.519379,-0.0388201,0.209004,0.0182531,-0.0971173,-0.436871,-0.0207726,-0.237206,-0.401283,0.12968,0.204471,-0.0893647,0.281833,0.00487383,0.141942,0.0438172,-0.38939,-0.393907,0.17628,0.413704,0.11718,-0.313931,-0.00842777,-0.368924,-0.0305942,-0.0481903,-0.320428,0.00761548,-0.171969,0.573448,-0.593876,0.0317143,-0.269682,-0.102991,-0.0438222,-0.0897324,-0.052369,0.246239,0.334488,-0.0569251,0.349744,0.0741243,-0.227488,0.346799,0.227674,0.236964,-0.121284,-0.0994127,0.0969037,0.234191,0.270846,0.161929,0.328545,-0.219566,-0.0194269,-0.00440984,-0.00781981,-0.102886,0.362283,-0.010912,-0.675617,-0.0660886,0.262248,0.237146,-0.0157285,-0.158196,-0.211902,0.137604,-0.0853312,-0.276922,0.197073,-0.00467466,0.191656,-0.184177,-0.471131,-0.170108,0.15177,-0.183879,-0.343442,0.0265208,0.0273459,-0.177727,0.234571,0.0171993,0.413953,-0.373931,0.0494669,0.205315,-0.294269,0.0613181,0.141438,0.135616,0.0799876,-0.0960608,0.196388,-0.0087335,-0.0662106,0.0501992,0.448239,-0.026941,0.0565314,0.34222,0.02154,-0.255378,-0.358539,-0.255868,0.181383,0.37547,-0.177476,-0.320143,0.0159744,0.157429,-0.289166,0.0598905,-0.27671,0.0457517,-0.119104,-0.513507,0.150379,0.0683278,-0.265003,0.0117663,0.136939,-0.114192,-0.124513,-0.043468,-0.229112,-0.143982,0.0268537,-0.314134,0.142376,-0.274749,-0.365307,-0.0295972,0.0823446,-0.0955126,-0.180313,0.189952,0.341911,0.115176,0.0506778,-0.207262,0.0590922,0.0726599,-0.259355,0.412497,-0.0212818,-0.176329,-0.14743,-0.346246,-0.111977,-0.156336,0.539814,0.261297,-0.424199,-0.218022,-0.141106,0.284035,-0.0720644,0.067345,0.0973501,0.308322,0.383427,-0.221552,-0.15405,0.245668,0.0352683,0.294899,-0.278706,-0.122405,-0.135187,-0.124292,-0.148171,-0.0407265,-0.384683,0.0317003,-0.172383,0.0165573,0.283541,0.721339,0.286298,0.180334,0.297227,0.160409,0.0651671,-0.373724,0.0482745,-0.198767,0.157545,0.0939422,-0.214367,-0.0165455,0.15648,0.138597,0.188162,-0.0195577,-0.15713,-0.0111308,-0.0904788,0.0441108,-0.0640047,-0.274829,0.150894,-0.190431,-0.18426,-0.183838,-0.201525,0.342234,0.134357,-0.150922,-0.483566,-0.0261962,0.0470071,-0.132622,0.288786,-0.302842,-0.20644,0.0472696,-0.0187755,0.260392,-0.0616002,-0.176994,0.364126,-0.137779,0.557957,0.249621,-0.273658,0.175501,0.264775,-0.112071,0.0235924,0.191681,-0.183352,0.150375,0.366698,-0.257879,-0.000842225,0.335514,0.175493,0.0957377,0.307571,-0.188547,0.0812632,0.000576362,-0.0238404,0.258367,0.270889,-0.00252976,0.415742,0.0859095,0.414529,0.0113539,0.0809541,-0.243342,-0.0585142,0.0147581,-0.0576756,-0.501652,-0.209573,-0.16959,-0.271574,0.244016,-0.109659,-0.249594,-0.014706,0.285467,-0.143939,-0.110613,0.131272,0.0292415,0.374158,-0.245643,-0.480812,0.096875,0.0357549,0.239692,0.150214,0.282096,0.517691,-0.206381,0.050043,-0.165474,-0.126957,0.502952,-0.106942,0.302713,-0.29379,0.437457,0.140629,-0.151185,0.163252,-0.204686,-0.280659,0.142664,0.147517,0.12999,-0.101225,0.0440491,0.233319,0.06568,-0.253313,-0.0109507,0.0390086,0.206084,0.186508,0.0678581,-0.182907,0.0645247,0.0143207,-0.216183,0.146605,-0.185322,-0.237048,0.160875,-0.0254645,0.304441,-0.238399,0.0076513,0.084057,-0.16733,0.081515,0.14072,0.174838,-0.16041,0.0317246,-0.11952,0.0182549,0.206312,-0.378547,0.390762,0.164625,-0.0231361,0.258253,0.0279734,0.110418,0.111457,0.0687961,0.0898274,-0.104207,0.30043,-0.136217,-0.0892251,0.24182,-0.0786879,-0.0626118,-0.27677,-0.313121,0.237513,0.13487,-0.251856,-0.278811,0.122138,-0.163608,0.118375,-0.026001,-0.244922,0.137658,0.162642,-0.0354449,-0.374234,-0.29892,-0.0204414,-0.436189,-0.0338335,0.00598666,0.0211538,-0.108078,0.384081,-0.217757,0.146962,0.44628,-0.300097,-0.0176109,0.0505938,-0.603425,-0.498639,0.402299,0.0759992,0.160022,0.0702415,-0.00219276,0.187022,0.0841461,-0.0792878,-0.0473239,-0.0796323,0.458256,-0.16849,-0.192878,0.0453763,-0.0954981,-0.0866954,0.0749283,-0.147608,-0.288212,0.165403,0.0222303,-0.171252,0.521734,0.0508894,0.172482,-0.0928072,-0.198704,0.0675589,-0.232659,0.0230229,0.265206,0.3988,-0.57614,-0.284551,0.20336,0.27582,-0.0334476,-0.0314195,-0.168379,-0.070504,0.21458,-0.498955,-0.262832,0.0569149,0.349597,-0.515586,0.0653715,0.0212803,0.121102,0.14862,-0.0167415,-0.0457602,-0.0490719,-0.144051,0.0801759,-0.167638,0.0858994,-0.204476,0.0910377,0.194177,-0.0965786,0.195539,-0.364233,0.0110272,0.00394887,0.1327,0.397752,-0.21094,-0.209202,-0.020964,-0.0867298,0.0328323,-0.555815,-0.30357,0.171069,0.284088,0.237509,-0.0205121,0.172776,0.0275474,0.143824,-0.373254,-0.330957,0.0449078,-0.151125,0.129818,-0.198608,-0.132819,0.366816,0.159882,-0.304404,-0.205327,0.0728999,-0.130299,0.18158,-0.271204,-0.0326225,0.454849,-0.0849704,-0.0886614,-0.0261378,-0.402701,0.437518,-0.0151861,0.224676,-0.602929,0.428831,0.147145,-0.323467,0.0202135,-0.218659,-0.289075,0.565381,0.326907,-0.20601,-0.234531,-0.119655,0.0405856,-0.356011,-0.246042,0.0399942,0.0271636,0.384825,0.213663,0.344945,0.304373,-0.111177,-0.00426807,-0.188735,0.140378,-0.285908,-0.205366,0.0279375,-0.265802,0.152826,-0.106711,-0.0723985,0.222618,0.214726,-0.270318,0.261728,-0.238391,-0.249842,0.145888,-0.153891,-0.510676,-0.0726463,0.216077,0.277002,-0.0538688,-0.3351,0.272139,0.0455642,0.0994799,-0.139051,-0.207468,0.139267,0.423156,-0.032425,0.108277,0.144164,0.226175,-0.413077,-0.0827524,0.0469928,0.335405,-0.114641,-0.030524,0.0903498,-0.378961,-0.24121,-0.014017,0.0583602,0.204319,-0.000911031,0.253494,0.023475,0.0379614,0.104097,0.196442,0.346102,-0.179238,0.228593,-0.354396,0.234792,-0.0666106,0.380612,-0.159371,-0.0881824,-0.163098,-0.0909407,0.0675904,0.165366,-0.138788,-0.117276,-0.0820744,-0.157792,-0.114165,-0.040529,0.206755,0.133144,-0.23911,0.30843,0.0913404,0.0541742,0.251043,-0.404036,-0.325503,0.0325193,0.150024,0.0539809,-0.0529201,-0.194672,0.290391,-0.220598,-0.0157607,0.053488,-0.401859,-0.194344,0.167681,-0.0558726,-0.136276,0.00888081,-0.0404937,-0.375325,0.01471,0.0207431,-0.188379,-0.0650446,-0.101138,0.00218864,0.199224,0.177011,-0.258508,-0.572131,0.0810905,-0.0308552,-0.113171,0.260573,-0.160554,-0.205012,-0.125208,-0.281474,-0.233772,0.228641,-0.065723,-0.119491,0.289269,-0.10622,0.028067,-0.0407715,0.0753298,0.0952709,-0.423812,0.0780185,0.32447,-0.101667,-0.235796,-0.175164,0.0785912,-0.0731506,-0.125545,-0.0263018,0.0735328,0.434797,0.176151,0.101761,-0.012172,0.487038,0.377758,-0.234438,0.0794022,0.0554051,0.414733,0.135186,0.133483,-0.177927,-0.0899361,0.0395292,0.204575,-0.0846915,-0.0628016,0.492423,-0.0396515,0.249479,-0.212299,0.0501612,0.022973,-0.0751599,-0.32295,0.0963349,0.00327994,0.0218713,-0.207218,0.453742,-0.140112,0.377977,0.159769,-0.424662,-0.152531,-0.39944,-0.11037,0.573398,0.114076,0.202634,0.240738,0.00875473,-0.289016,0.0531815,-0.177765,-0.0209745,0.0268815,-0.348207,0.0494302,0.30836,-0.299819,-0.0521112,-0.390955,-0.133159,0.362319,0.107855,-0.0605708,0.0550117,-0.044877,0.0457947,-0.564652,0.142708,0.251924,-0.0293472,0.126148,-0.241734,0.361681,-0.0842121,-0.00622821,-0.00832872,-0.46956,0.0688057,0.70426,0.179908,0.476631,0.0414266,0.231638,0.0333165,-0.276511,0.404348,-0.224427,0.504508,-0.189643,-0.113853,-0.29538,-0.17573,-0.467223,0.00281028,0.103574,0.0855771,0.260324,-0.223904,-0.40735,0.135069,-0.063349,0.144275,-0.414726,0.0432207,0.161346,-0.191677,-0.125549,-0.037731,0.112961,-0.230942,0.00790235,-0.0526144,0.269932,0.0437639,-0.142641,-0.374118,0.36444,0.18037,-0.0866973,-0.175479,-0.00879059,0.424309,-0.0934946,0.0950438,-0.224762,-0.064586,-0.0907392,-0.0602184,-0.192905,0.257718,0.111042,-0.300773,-0.0314485,-0.0177294,0.427155,-0.186149,-0.141361,-0.536329,-0.172833,-0.204208,-0.0200832,0.260487,-0.085757,-0.358777,0.32595,-0.21591,0.193141,0.211888,0.431515,0.0874193,-0.0800177,-0.0320108,-0.0412869,-0.0804518,0.142216,0.262392,0.171739,0.0147067,0.0328587,0.333438,-0.0488588,-0.22525,-0.0162994,-0.323742,0.276642,-0.136398,-0.196149,-0.539911,-0.0848126,-0.110542,-0.352177,0.220828,-0.026111,0.0789916,0.338568,-0.347247,0.102715,0.132376,-0.183212,-0.179595,0.225069,-0.201248,0.244583,0.0513285,-0.00240302,0.323095,-0.179747,0.147286,-0.127803,-0.190882,-0.173069,-0.236139,-0.102041,-0.0984482,-0.296386,0.16601,-0.0139317,0.0316972,0.170254,-0.324904,-0.298807,0.0956878,-0.0799058,0.128665,-0.0508442,0.265124,0.123938,0.170072,-0.181186,-0.135812,-0.120456,0.130325,0.0133305,0.0904117,-0.12917,0.293454,-0.0409577,0.226863,0.273636,0.0415708,0.0982506,0.129462,-0.130177,0.142804,-0.487612,0.0142607,-0.0606469,-0.0223947,-0.397648,-0.00366185,0.140742,0.116946,-0.132141,-0.018425,-0.165515,0.222746,-0.201836,0.0951233,0.0602119,-0.288617,0.038711,-0.101909,0.0812118,0.00673886,0.467997,0.428645,0.53244,0.164933,0.0331121,-0.198711,0.225873,-0.259173,-0.268556,0.165588,-0.127827,-0.328609,-0.191186,-0.0668269,-0.121412,0.0850005,0.132203,-0.161388,0.185469,0.188304,0.0204297,-0.191923,0.278664,-0.0507444,-0.0620275,-0.00695613,0.124459,0.218306,0.00224292,-0.0801166,-0.247837,0.225132,-0.0135718,-0.177069,-0.0595582,0.453439,-0.18447,-0.0859309,-0.288636,-0.017582,-0.112847,0.040275,0.163344,0.127169,-0.207257,0.196848,-0.290982,-0.0379279,-0.00263324,0.0799339,0.00518394,-0.0478562,0.192273,-0.215769,0.140493,0.175934,-0.00625522,0.0446636,-0.0906302,-0.188337,0.124419,0.167872,0.396025,0.0573304,0.022385,0.247463,0.0706188,-0.123006,0.384073,-0.304382,-0.126475,0.179901,0.124461,0.250581,-0.217563,0.232766,-0.202335,0.0627791,-0.419911,-0.187622,-0.251861,-0.203118,0.192815,0.059878,-0.0120836,-0.0772713,-0.207864,0.23929,-0.0559536,-0.239062,0.567436,-0.753288,-0.0582227,-0.825365,0.655116,-0.0105802,0.296679,-0.161062,0.641786,-0.237382,0.349315,-0.383514,-0.780563,-0.438594,-0.108976,0.170857,0.198531,0.54155,0.286603,-0.153236,-0.0774823,-0.991034,-0.414658,0.56804,-0.169257,-0.656228,-0.229188,0.183737,0.181368,0.0346979,-0.1617,0.170632,0.0944432,0.772819,0.562217,0.508056,-0.330599,-0.416567,0.347022,-0.234027,0.684137,-0.967294,0.0923617,-0.333297,0.43528,-0.793694,-0.0401944,0.399276,-0.719367,0.993329,-0.188216,-0.566351,0.715233,0.231882,0.0904752,0.0330278,0.218388,0.042299,-0.391316,0.598327,0.129268,-0.734654,0.453089,0.255947,0.217525,0.196112,-0.592178,0.259187,0.027774,-0.0404834,-0.244657,0.495093,-1.25941,0.186895,0.102631,0.368512,0.541575,-0.303407,-0.0315735,-0.79495,0.400598,1.09639,0.973801,-0.1473,-1.34928,-0.772051,0.764114,0.595464,0.378311,-0.657034,0.262249,0.498232,-0.170987,0.201038,-0.594347,0.209869,0.368456,-0.0513022,0.0435168,0.089317,0.285126,-0.585009,-0.547574,0.413885,-0.0472209,-0.00748822,-0.464952,0.40797,0.303852,0.583508,0.494098,0.675596,0.819039,0.485189,-0.0121465,-0.0159599,-1.14221,-0.0499566,0.350746,-1.22713,0.766693,0.760507,-0.0197591,0.331489,-0.0701747,0.106572,0.262765,0.685289,0.303725,0.364095,-0.469835,-0.40158,0.436967,-0.402886,-0.0966936,0.342433,0.186681,0.255619,0.110715,0.235504,0.0795025,0.241729,0.398691,0.0705475,0.0417766,0.438769,-0.45994,-0.0228352,0.0143577,-0.418237,-0.107934,0.00469384,0.363023,-0.465844,0.138176,0.363827,-0.322926,-0.683205,0.687453,-0.394951,1.10802,-0.449806,-1.03002,-0.508614,-0.531328,0.446252,-0.99165,-0.713221,-0.034699,0.444254,0.45638,1.1203,-0.0891505,0.686323,0.15286,0.347912,0.486759,-0.166697,0.0981203,0.0845562,-0.0912104,0.458656,-0.171118,0.651031,0.246451,-0.0830534,0.294059,-0.121004,0.485193,-0.195683,0.123169,0.511812,0.440241,0.598794,0.743167,1.22756,-0.400491,-0.675096,-0.787055,1.26966,-0.048572,0.318701,0.7297,-0.0260729,0.379899,0.394669,-0.04065,0.715445,-0.242002,-7.05076e-05,-0.329483,-0.858616,0.712514,0.267463,0.104061,-0.508109,1.06246,0.246801,-0.191369,-0.347129,0.802291,-0.00179303,-0.932903,0.0318995,-0.793476,0.492629,-0.16378,-0.179271,-0.178905,-0.842323,-0.506302,-0.39868,-0.145658,-0.567844,-0.106794,-0.233352,0.554844,-1.35428,1.05489,0.223585,0.271063,-0.341101,0.486317,-1.1966,-0.0393831,0.00298851,0.76948,-0.11563,0.778472,0.320595,-0.370927,-0.630317,-0.222779,0.00350782,-0.460873,0.26446,0.435895,0.291468,-0.480316,0.91196,0.861482,-0.549101,-0.970842,-0.0990593,0.0492223,1.30982,-0.117712,-0.321036,-0.924629,0.124449,0.639488,0.900048,-0.352408,1.06096,-0.453235,-0.672776,-0.0285059,-0.491216,-0.659142,-0.749334,-0.789784,0.333213,-0.513697,-0.65962,-0.00594098,0.146218,-0.757562,-0.430473,0.116798,0.459618,0.173241,-0.247902,-0.274625,-0.0494677,-0.385004,-0.0223999,0.048739,0.296226,0.610681,-0.224236,-0.318449,0.298062,-0.00260089,-0.364412,0.368028,-0.0884166,0.774389,0.549336,-0.877273,-0.308172,0.134396,0.400253,0.388324,0.165501,0.0449738,-0.0984456,0.788661,0.212197,0.26547,-0.17982,0.448246,0.313646,-0.00738149,-0.634581,0.149624,0.275215,-0.479835,-0.193223,0.215872,0.220631,-0.149373,0.10352,-0.160047,0.685644,0.48031,-0.191601,0.945068,-0.0502809,-0.437754,-1.11542,0.605727,0.00776962,0.0335748,-0.232702,0.0797756,-0.168366,0.769668,0.587214,-0.541728,-0.0979552,0.0783494,-0.533117,-0.198315,0.0123927,-0.330582,-0.0697257,0.315275,-0.780333,0.0109324,-0.046063,-1.20225,1.21643,0.247463,0.592246,1.29958,0.5519,-0.143516,0.11232,-0.6291,-0.557346,0.286048,-1.00115,0.548558,-0.829943,-0.0124925,0.460787,-1.13306,-0.451222,0.453547,-0.0708899,0.167074,-0.388922,0.0614574,-0.19207,0.984043,1.30638,0.157426,-0.200633,0.448366,0.942833,0.291027,-0.896213,-0.537836,0.508087,0.601767,-0.142874,-0.294385,0.0170551,0.451181,0.339073,-0.304228,-0.23758,0.361826,-0.0889595,-0.696637,-0.235238,0.13361,0.498012,-0.0561472,0.534399,-0.0657679,0.0222747,0.329032,-0.210602,-0.153112,-0.0259055,0.546899,-0.392415,-0.365458,0.269873,0.202134,0.169516,-0.0208858,-0.154164,0.498482,-0.204616,-0.687538,0.275776,0.715847,0.647826,-0.289729,0.442076,-0.842128,-0.411113,0.1856,1.07569,0.715233,0.370882,0.183649,0.394017,-0.708743,0.330987,0.212844,-0.107203,-0.360187,-0.499093,-0.677637,0.033882,-0.195941,-0.0640172,-1.08223,-1.70191,-0.902147,-1.23873,-0.710365,0.698071,0.25852,-0.527772,0.140259,-0.478687,-0.814673,-0.861036,0.597988,0.077353,0.525258,-0.233345,0.0965994,-0.365222,0.502819,-1.16899,-0.0569147,0.931599,-0.694316,-0.0935551,0.174925,0.182108,-0.0557178,-0.280383,0.323251,-0.407039,-0.733018,-0.398443,0.141776,-0.992944,-0.12996,-0.384941,0.30263,0.432633,-0.187693,0.29925,0.0763581,0.522705,-0.253093,0.450328,-0.929096,0.234103,-0.682317,-0.0268893,-0.406583,-0.0640499,-0.171789,0.389363,1.08814,-0.579583,0.0611257,0.152704,-0.334616,-0.597416,0.0543533,0.0164573,0.726631,-0.0770814,-0.357712,0.128775,-0.0249758,0.221851,-0.272179,-0.663877,0.41184,-0.208936,0.451153,-0.32398,0.214062,-1.18985,0.0866091,1.12695,-0.00443149,-0.493119,-0.505103,0.0912555,-0.597086,-0.169846,-0.0668969,0.191904,0.468063,0.41092,-0.427831,1.0683,-1.02821,-0.0896425,-0.61204,0.344397,-0.333099,-0.558479,0.287297,0.0686012,-0.97998,0.688722,-0.537968,-1.72043,0.85966,-0.258538,0.66253,-0.358104,-0.899425,0.634936,-0.435645,-0.554411,0.0773538,-0.478923,0.380445,-0.299273,1.38787,-0.781343,-0.00704312,-0.763164,-0.5888,0.146905,0.00935217,-0.218239,-0.224681,0.571513,0.291454,0.0674287,0.510993,0.15672,0.0669001,0.142094,-0.609151,-0.241121,0.307581,-0.446557,0.893475,0.290917,-0.553123,1.48298,-0.380428,0.95643,0.665295,0.609759,0.494235,0.146323,-0.359762,0.246744,-1.24551,-0.0850129,0.0675258,0.392187,-0.189098,0.626188,-0.0556336,-0.00850737,0.164971,0.745332,-0.961246,-0.494667,0.495393,0.161313,0.698359,-0.116964,-0.1212,-0.79732,0.638883,0.264577,-0.519037,0.208828,-0.270758,0.190856,0.397651,-0.426582,-0.106291,-0.336311,0.273194,0.586347,-0.518857,0.821185,0.881842,-0.170666,0.295147,-0.109408,-0.717816,0.566638,0.0934098,0.233245,-0.190982,1.46915,-0.720158,0.134074,0.220273,0.0765548,0.84338,-0.246669,-0.357071,-0.677548,0.841699,-0.0280731,0.645544,-0.783522,0.582048,0.164005,-0.493894,0.231337,-0.216256,0.356608,-0.358887,-0.0842164,0.45794,0.916979,0.256091,-0.09346,-0.0887262,-0.461086,0.386186,-0.499491,-0.234044,0.722773,1.30716,-0.350229,0.493604,0.553641,0.326331,-0.0411384,1.32783,0.406662,0.453415,-0.0840531,0.815563,-0.283446,0.0258057,-0.416763,0.252091,-0.43534,-0.637789,-0.0763707,-0.525884,0.231978,0.452534,-0.0982968,0.0580619,-0.304321,-0.27605,0.132906,-0.272861,-0.711753,0.0677171,-0.312916,1.00706,-1.1919,0.101201,0.211563,-0.392454,-0.489001,0.139964,0.0761969,0.620214,-0.139876,0.243615,1.05551,0.390528,0.527618,0.575322,-0.014844,-0.362576,0.390931,-1.44402,-0.479608,-0.447563,-0.303321,-0.272853,-1.0359,-0.234439,0.50319,0.55163,0.834885,-0.191839,-1.08814,1.58489,0.703444,-0.376802,-0.184651,-0.407365,-0.319037,-0.733853,0.618288,0.516019,-0.0529969,-0.597476,0.148658,0.518093,0.389318,0.480442,0.7261,0.0958998,0.454237,-0.673114,-0.225535,-0.0435186,0.182552,-0.994078,-0.404703,0.572834,0.00571645,0.894321,0.528061,0.512127,-0.163324,0.446498,0.667549,-0.0857288,0.310661,0.255576,-0.110459,-0.436733,-0.15605,0.853673,-0.375805,-0.476848,0.285238,0.268637,0.157605,0.246817,-0.0429329,0.283369,0.754317,0.795362,-0.057912,-0.31672,0.334188,0.552824,-0.424283,0.551884,0.305312,-0.717949,-0.453925,-0.599716,-0.209858,-0.52954,0.0694707,0.231559,-0.405509,0.0298579,0.707546,-0.643957,0.052226,-0.848425,0.300282,0.0682696,0.302609,0.56972,0.951897,0.451863,0.549009,0.494466,-0.1507,-1.1041,-0.990447,0.0926559,0.696163,0.345255,0.81563,0.280846,-0.053058,-0.412715,0.597282,0.653367,0.167796,0.385445,1.14152,0.344665,-0.613013,0.562877,-0.0668411,0.400368,0.297446,0.221191,-0.16631,0.283602,-0.743966,-0.908474,0.489575,-0.862943,0.131959,-0.369496,-0.334453,0.775585,-0.106769,0.60335,-0.466916,0.131717,0.377384,-0.268222,-0.153389,-0.377206,0.306571,0.346645,0.946754,-0.160902,0.568651,0.279663,-0.307301,0.514851,1.00987,-0.902749,-0.636014,-0.0265797,-0.0157951,0.558824,0.299896,0.459995,0.331451,0.0538571,-0.285206,-0.889195,-0.940977,-0.57016,0.0376987,0.1911,0.0023834,-0.170369,0.126989,0.321335,-0.436834,0.622114,0.183253,-0.346863,0.151592,-0.246661,-0.521719,-0.496574,1.00508,0.46618,0.505154,-0.513589,0.775435,0.196045,0.383631,0.747638,0.0816754,-0.192693,0.557638,0.191746,0.2682,0.379463,0.711356,-0.695173,0.279784,0.690217,0.936936,0.967176,0.243491,-0.111063,0.265122,0.720793,-0.375555,-0.472884,0.626306,-0.399167,-0.421309,0.383548,0.0727915,1.10797,0.385532,-0.066156,0.361332,-0.394558,0.607503,0.263728,-0.170564,0.363381,0.305648,-0.107601,-0.476639,0.899206,-0.122716,0.0309637,-0.516384,-0.471522,-0.963633,0.206676,-1.14045,-1.10288,-0.470426,0.101607,-0.533217,-0.794664,-0.398507,-0.032992,0.148687,1.08108,-0.0766876,-0.566904,0.245083,-0.71906,-0.723498,0.534728,0.194677,0.354132,0.0485266,0.679843,0.519757,-0.0366568,-0.0383738,-0.040512,-0.305343,-0.0931339,-0.310466,-1.58384,-0.189238,-0.410346,-0.484423,0.805758,0.458589,0.298098,-0.752746,-0.834167,0.133804,0.834932,0.49745,-0.112955,-0.247017,0.270243,-0.110811,0.57314,0.248933,0.741002,-0.342152,0.398689,0.147647,-0.73571,0.49084,0.197256,-1.15941,0.563894,-0.882735,0.0139096,-1.12992,0.299046,-0.0639994,-0.595119,0.109103,-0.297246,-0.0766428,0.550386,0.236303,-0.396084,0.1161,-0.909068,-0.0773142,-0.31948,0.347006,-0.521872,0.716771,0.143898,-0.197975,-0.415341,0.382159,-0.951121,0.307343,-0.129885,-0.291223,0.0213785,-1.35198,0.201831,0.387647,0.314465,-0.928183,-0.69677,-0.431589,0.362286,-0.237578,0.111858,0.298393,0.0863667,-0.229724,0.474109,0.551188,1.27441,0.0907051,-0.729421,0.235157,1.3166,0.561719,-1.0373,0.602263,-0.0175207,-0.121394,0.273167,-0.893851,1.36102,-0.227108,-0.155615,-0.261026,0.173142,-0.908355,0.409456,0.0306865,0.517686,-0.338812,-0.209146,-0.304845,-0.0473792,0.19743,0.524832,0.164772,0.701812,0.198775,-0.56611,-0.0234742,-0.00954816,0.00185922,0.137931,-0.408979,0.826365,-0.696886,0.624498,0.495058,0.00209976,-0.51931,-0.484221,0.469642,-0.575912,-0.557426,1.53629,-0.365147,0.141251,-0.714628,-0.201418,0.312824,-0.226197,0.331613,1.30765,0.576348,0.0695327,0.0473325,0.378846,0.0442703,0.317379,0.542802,-0.362896,-0.380593,-0.323404,-0.487907,0.0824227,-0.184335,-0.113888,-0.570447,-0.211077,-0.0660584,0.18937,-0.0496387,0.278551,0.864241,0.121716,-0.212396,0.0584996,-0.0938141,-0.488086,-0.159303,-0.666005,0.0206641,0.0655513,0.225887,-0.0671062,-0.0556074,-0.333979,-0.487429,0.487315,-0.108348,1.05645,0.0623964,-0.303008,-0.00596513,0.162846,-0.545149,0.310211,0.0396519,-1.15128,0.126712,0.240173,-0.0700019,0.402164,0.167482,1.08028,-0.530242,-1.345,0.657004,0.245523,0.403757,0.480186,-0.418915,0.079235,0.229846,-0.0675352,0.204932,-0.493646,-0.499966,0.473391,0.572056,-0.31623,-0.0629665,0.0425635,0.0958465,-0.461015,-0.129929,-0.247579,-0.394989,0.777613,-0.249327,0.115025,-0.255814,1.26704,0.111881,0.177848,-0.144534,0.194055,0.628173,0.0750964,-0.311892,0.332538,0.412995,0.145433,0.471229,0.88284,0.66509,0.733773,-0.10318,-0.227054,0.830741,0.672389,0.74299,0.642671,0.0598252,0.00240188,0.381007,-0.0426374,0.597048,-0.2839,-0.301212,1.13252,-0.21919,0.0898812,-0.387105,-0.456189,0.378488,-0.613895,-0.0676256,-0.164001,-0.446552,-0.738605,0.255285,0.0245085,-0.189401,-0.960048,0.125941,-0.00732673,-0.31725,0.703327,-0.220619,0.782613,-0.493911,0.304525,-0.157686,-0.702541,-0.23005,0.0396437,-1.20286,0.68051,-0.269699,1.26872,0.592251,-0.225153,-0.101917,0.39689,-0.429653,0.535946,-0.276401,-0.601613,-0.0696873,-0.158058,0.0818919,0.506117,-1.28351,1.00386,0.300232,-0.228163,-0.877991,0.396404,0.369752,0.238986,1.05028,-0.11997,0.02577,-0.158169,-0.525654,0.641439,-0.218451,0.964903,-0.399255,0.292258,0.183744,0.00954273,-0.358572,0.139872,0.699094,0.0203453,-1.0233,-0.755643,-0.0577347,-0.147313,0.614896,0.358763,-0.191977,-0.217317,-0.447037,0.796741,-0.846778,0.163168,-0.238809,-0.94163,-0.966035,0.287796,-1.18141,0.426406,1.0474,0.183353,0.320453,-0.411888,1.12173,0.135431,0.877933,0.141254,-0.0220459,0.0799511,-0.0246187,0.842085,-0.356418,1.61561,0.470373,-0.829116,-0.671406,-0.300241,-1.0442,-1.04967,-0.0632557,-0.529012,0.380561,0.0173353,0.412664,0.335809,-0.859184,-0.286476,1.04792,-0.43026,0.883171,-0.42856,-0.150689,-0.187646,0.21693,-0.304538,-0.171695,0.144507,0.893174,0.861809,-0.179343,0.590014,-0.679588,0.0702613,-0.974901,-0.673709,-0.894201,0.258047,-0.560711,-0.605943,-0.793813,-0.0620884,0.101938,0.837392,0.317358,0.209612,0.703393,0.0766108,-0.0595155,0.290979,-0.0145129,-0.161359,0.0192968,-1.25329,0.0239853,0.483909,0.30801,0.20748,0.580146,0.717309,-0.0319152,0.25441,-0.519446,0.205998,0.329263,-1.21024,-0.0625129,0.036572,0.243996,-0.293149,0.441566,-1.23495,0.632666,-0.439429,0.687028,0.858103,0.599551,-0.0617941,0.0624437,-0.158936,-0.264681,-0.0870043,-0.321017,-0.00759153,-1.00211,0.158163,0.0210297,-0.535325,-0.705672,-0.192829,-0.845059,-0.50819,0.691212,-0.393021,0.558759,0.0360007,-0.450103,-0.209237,0.792097,-0.116303,-0.409056,-0.42096,-0.352223,-0.315651,-0.790072,0.490019,-0.677924,0.621475,-0.526138,0.378708,-0.702247,0.318228,-0.239717,-0.433395,0.497389,0.951127,1.27727,-1.18558,0.340047,0.391115,0.473196,1.13418,-0.145667,0.329705,-0.439775,-1.39113,-0.0227519,-0.593833,0.868208,0.290532,0.190458,-0.350333,0.199902,-0.30363,-0.819781,-0.185662,-0.316095,-0.113379,-0.494065,-0.126852,-0.1859,-0.0583978,0.0282706,0.363644,-0.661823,-0.354286,-0.352736,-0.167215,0.101432,0.0250415,-0.240884,-0.274978,0.484019,-0.264263,0.75989,-0.270287,-0.372753,0.457854,-0.0733467,-0.291953,0.481608,-0.347987,0.264301,0.284718,0.204714,-0.177553,0.335315,-0.390318,-0.555221,1.21908,0.484162,0.35211,0.617066,-0.293151,0.88462,-0.209921,0.422711,0.122248,-0.640952,0.220475,0.00218378,0.684497,-0.606661,0.113129,0.0177707,0.797933,-0.213937,0.480769,-0.14702,0.397673,1.08454,0.108353,0.0492511,-0.193524,-0.253019,1.22308,0.11599,0.369704,-0.536141,-0.175812,-0.979854,-1.00884,0.680699,0.642632,-0.122817,-0.24411,0.245158,-0.207879,-0.271661,-0.613535,1.35831,0.308479,0.0801566,0.0578402,-0.653946,0.648336,-0.414714,0.656819,0.0129175,0.434009,0.400355,0.576609,0.542087,-0.688631,-0.146972,-0.502494,-0.0468715,0.334561,-0.78667,-0.477677,0.860002,0.244195,-0.444782,0.277475,-0.565492,0.023844,-0.321781,-0.850078,-0.352289,0.706978,0.205228,0.952495,0.212167,-0.120724,-0.509272,-0.266328,0.029248,0.147046,0.535235,0.839223,-0.469201,0.527904,-0.323817,-0.0279939,-0.245501,0.90154,-0.44067,-0.0291916,-0.0958208,-0.667806,-0.154139,-0.327729,0.47305,0.210689,0.0408735,-0.428103,-1.06597,-0.142112,0.0949776,0.491953,-0.311474,0.110947,-0.251455,0.0678824,0.625527,0.802151,0.0919412,-0.218482,0.323595,-0.251672,-0.00575107,0.0584674,0.964049,-0.894549,0.394531,0.397296,-0.500625,-0.355261,0.0957082,-0.0708385,-0.297406,-0.444711,0.262818,0.828205,0.319439,0.935239,0.924181,-0.402577,0.910816,-0.0724534,-0.284862,-0.52396,-0.120379,0.847739,-0.643261,-0.127491,0.149402,1.00297,0.401753,-0.507376,0.652995,-0.415525,-0.146677,-0.795434,-0.341414,0.690175,1.13902,-0.199376,0.446022,-0.464478,0.628887,0.618909,-0.0158306,0.357125,-0.0499607,-0.265407,-0.787036,-0.566736,0.00260644,0.358379,-0.236629,0.00106478,-0.288067,-0.522823,-0.63752,-0.0192613,0.0953588,-0.392787,0.383781,-0.561143,-0.786714,-0.23357,-0.226918,0.514557,-0.0274012,0.409619,-0.918449,-0.424526,0.257923,-0.561971,0.345286,-1.00373,-0.152175,0.470009,-0.336433,0.183372,-1.28849,-0.0223939,-0.203184,0.616334,0.797332,0.450747,0.419695,-0.197694,-0.233526,-0.126393,-0.555817,-0.398819,-0.781137,-0.268476,0.0298159,-0.641027,0.140426,-0.466042,-0.0540717,-0.665661,-0.00454254,0.348932,-0.22736,-0.234967,-0.247154,0.189372,0.0367432,-0.118836,-0.270236,0.230888,-0.297938,-0.228088,-0.964831,0.746157,-0.175885,-0.267784,-0.405279,0.467735,0.294206,0.554493,1.03521,0.500442,-0.341429,0.507345,0.280632,0.282788,0.178303,-0.115685,-1.48721,-0.123503,-0.30843,0.780577,0.59536,0.414979,-0.642871,-0.951415,0.174588,0.867616,-0.341683,0.483086,-0.549988,-0.306467,0.0583198,0.702278,-0.206651,0.621992,-0.113491,-0.0352484,-0.308487,-0.372513,-1.11162,1.7146,0.586715,0.469544,-0.467991,0.458714,-0.507846,0.762743,-0.0114982,-0.0715517,-0.240502,0.0405563,-0.131467,-0.679667,-0.842457,-0.0378194,0.152794,0.107988,0.450325,-0.0409207,1.06961,-0.0230231,0.678886,0.244331,-0.243507,-0.659944,-0.0319069,-0.425102,0.494186,-0.385889,-0.512426,0.341297,0.0909363,-0.316133,-0.276453,-0.139223,0.307817,-0.152464,0.366392,0.407348,-0.823916,0.190561,-0.422708,0.35138,-0.245959,-1.1074,0.584445,1.2192,-0.161231,-0.742272,-0.178714,-0.275706,-0.689003,-0.163684,0.3831,0.467038,-0.812715,0.786103,-0.455535,0.644159,0.414751,0.113254,0.0911891,0.0329984,0.130572,-0.466842,-0.404245,-0.300871,-0.372303,0.0996717,-0.726036,-1.66719,-0.235606,0.439869,0.037825,0.591541,0.255778,0.792149,0.196863,0.72621,-0.558092,-0.618635,-0.666723,0.993509,0.545112,-0.0378481,0.738367,-0.141966,0.269009,-0.218418,1.31088,-1.04675,0.60278,0.577337,-0.365791,0.284023,0.576974,-0.151025,0.716615,-0.507258,-0.0718021,0.182438,0.364945,-0.0634886,-0.932271,0.247294,-0.579477,0.903647,0.113383,0.181286,0.207971,-0.408768,-0.0304561,-0.170038,-0.0547243,-1.02961,0.424064,0.867087,-0.4524,0.0736464,-0.801456,0.534418,0.0518374,-0.26421,0.75719,0.115581,-0.241027,-0.0226761,-0.996772,0.277683,-0.402772,1.16426,0.798134,-0.15762,-0.648498,-1.15391,-0.395052,0.468405,0.22915,0.40004,-0.500004,-0.112652,-0.561573,-0.0402163,1.1522,0.751281,0.47851,0.282114,0.718737,0.199966,0.200974,-0.539846,0.381728,-0.86315,-0.627223,0.829266,0.825687,-0.861332,-0.104143,-0.319473,-0.679781,-0.125408,0.311622,-0.185293,0.129667,-0.167107,0.102593,0.73283,-0.970634,0.0421141,-0.612458,-0.199368,0.666644,0.495174,0.300778,0.235494,-0.728773,0.393486,-0.753884,0.525999,1.34143,-0.9995,-0.41708,-0.110746,0.642424,-0.151972,-0.138448,-0.316786,-0.457854,-0.506287,0.62065,0.361744,0.171327,-0.173954,0.260685,0.733048,0.702771,-0.0512022,-0.750278,-0.0532112,-0.262229,-0.542128,-0.519668,0.381027,0.577581,0.0495902,-0.396083,-0.590315,0.27682,0.447752,0.400834,-0.625575,-0.396358,-0.393738,-0.933223,0.721457,-0.120424,-0.574726,0.481322,-0.136672,0.158845,-0.228586,-0.0712913,-0.514607,-0.0853314,0.0422964,0.694593,0.107578,-0.695628,1.07945,0.113673,0.0787921,-0.577643,-0.161803,0.221161,-0.653062,0.648587,-0.530341,0.94627,0.524728,-0.485795,0.290251,0.421089,-0.0413717,-0.177612,0.0250673,1.00743,0.538658,0.152567,-0.16538,0.0924928,0.581618,-0.320231,0.659274,-0.0291377,1.00983,-0.166425,-0.219503,-0.0403999,0.2494,0.353043,-0.463995,0.245967,-0.614877,0.137439,-0.826343,0.464442,0.246355,0.0110715,-0.464542,0.874061,-0.911588,0.652801,-0.125696,0.680821,0.197028,0.0229426,-0.191636,0.476027,0.70781,-0.0617351,0.121398,-0.189473,-0.517814,0.766873,0.157082,-0.0646713,0.442585,0.671225,-0.38961,0.177484,-0.390993,0.0218833,-0.269922,-0.498052,0.401632,-0.272699,-0.174478,-0.142459,-0.233844,-0.0171669,0.705039,-0.0802543,0.467101,0.0699832,-0.539651,0.148505,0.101493,0.121186,-0.791947,0.303086,-0.610384,0.138551,0.39618,0.0263967,0.175346,0.534928,0.017516,0.361928,0.614144,-1.03499,0.95639,-1.37808,0.20445,-0.995644,-0.91944,0.389904,0.0962924,-0.685989,0.0284753,0.383988,0.934884,-0.375513,0.892561,-0.693652,-0.212355,0.0609678,1.01134,0.282373,0.0833929,-0.517729,0.0368991,0.119391,-0.382936,-0.301963,-0.461077,0.576816,0.626775,0.340178,0.0720627,0.860549,-0.745706,1.06415,-0.553468,-0.884916,-0.289888,-0.407723,0.0187767,0.245287,-0.726258,-0.122985,0.693152,0.320672,-0.732654,0.418749,-0.215401,0.0282897,0.451031,-0.394467,0.469543,-1.17606,0.603787,-0.214306,-0.131461,-0.314435,0.66489,0.578942,0.0551038,-0.0811111,-0.635274,-0.146697,-0.106104,0.753563,1.22321,0.620591,-0.0217449,0.278789,-0.306655,-0.0817491,0.295494,-0.515861,0.356261,-0.533393,0.29545,0.138152,-0.215868,0.0386958,0.480805,0.680308,-0.362193,-0.336426,0.366709,-0.373563,0.262127,-0.210749,0.0664369,-1.13161,-0.335388,0.93061,0.502384,0.139762,0.319128,-0.0126843,-0.889237,0.154402,0.0985458,0.404256,-0.561264,-0.525153,0.404885,-1.08756,-0.728831,0.0545122,-0.0548789,0.036276,0.581337,0.756696,-0.506083,-0.762361,-0.420019,0.396391,-0.306035,0.349634,-0.284957,0.031294,0.153398,1.09158,-0.1165,-0.738288,0.126296,-0.314346,-0.404147,0.428466,0.0686071,0.126066,0.300227,0.390754,-0.51953,0.486172,0.735146,0.404489,0.495347,-0.419929,-0.505015,0.463175,0.0542386,-0.357738,0.152858,-0.610321,-0.310272,0.467219,0.134376,1.39659,0.24221,0.676437,0.471112,-0.594415,0.159923,0.130883,-0.998801,0.405629,-0.361728,-0.520133,-0.585385,-1.03288,-0.941803,-0.494041,0.773843,-0.874994,0.568456,0.0777043,-0.0258441,0.102358,0.717878,0.940664,-0.367579,-0.913772,0.396672,0.513346,-0.173426,-0.0580354,1.25242,0.39652,-0.601721,-0.693011,-0.445044,0.0261449,-0.0819415,0.192521,0.172108,-0.495848,0.546308,0.327565,-0.142273,-0.112845,0.692018,-0.122454,-0.0857548,0.84555,1.09268,0.0995313,0.278374,0.0674288,0.406444,0.951613,-0.259018,0.245685,0.0795585,-0.157261,0.887601,0.915066,0.0582586,1.02202,0.35908,0.755653,0.305746,-0.553583,0.720372,0.688267,0.477751,0.33585,0.952041,-0.952024,0.603491,1.04752,0.220467,0.426764,-0.357897,0.179962,-0.22246,-0.0942455,-0.784428,0.491298,0.189405,-0.180959,0.348113,1.07392,0.697476,-0.66648,0.314295,-0.164583,-0.878968,0.93725,0.198988,-0.0444167,0.545373,0.0214118,-0.0264261,0.126712,-0.771569,0.160922,-0.466569,-0.390429,0.188908,-0.172351,-0.738785,-0.238542,-0.363351,0.60052,0.0121598,-0.106569,0.692549,-0.748256,0.0349655,0.0341321,-0.905529,-0.579703,-0.959706,0.132521,-0.337697,0.14295,-0.0514264,-0.215679,0.174682,0.351833,-0.031219,0.169921,-0.676806,-0.481235,-0.0961634,-0.00469658,0.166926,-0.73121,0.428689,-0.81655,0.0755288,-0.147153,-0.0769803,-0.403994,0.681879,-0.780033,-0.653112,0.422666,-0.716096,-0.243394,0.177122,0.0864373,-0.520648,-0.790187,0.408812,-0.777342,-0.463447,0.509372,0.56791,0.128215,0.171374,-0.202924,-0.106867,0.118523,-0.243538,-0.0836313,0.0541848,-0.432764,0.742491,-0.227158,-0.0334106,-0.158239,0.148008,0.0568501,0.981234,-0.399765,0.136504,-0.947176,-0.090349,1.06946,0.574831,0.349994,0.0284545,-1.11771,-0.488275,-0.0285177,0.138184,0.152884,-0.223725,0.921419,-0.557491,-0.409238,0.280434,0.298511,-0.572078,-0.0920739,-0.672509,-0.1605,-0.744272,0.268172,-0.172183,-0.249788,-0.0279618,0.460028,-0.174085,-0.0631616,0.209695,0.215333,0.108078,0.592428,0.156686,-0.0791441,-0.591235,-0.00850337,0.797065,-0.188004,-0.453819,-0.100624,-0.502414,-0.727185,0.118299,0.370251,0.176603,-0.662065,0.366983,-0.00589231,0.220301,0.14233,0.0476046,-0.691876,0.475318,-0.316852,-1.06801,0.107847,0.213555,0.0501098,0.327839,-0.50696,-0.642185,-0.309624,0.249613,0.0145311,0.0612537,-0.119692,1.61131,-0.3946,0.368812,0.806001,-0.648731,0.650501,-0.799922,-0.707008,-0.61252,-0.313159,0.428264,0.948312,0.948139,-0.109741,-0.109133,-0.0980421,-0.515885,-0.0961434,-0.28438,-0.426514,0.288627,-0.210088,-0.213159,-0.311723,0.980527,-0.268969,-0.494461,0.137,-0.802401,0.267857,-0.791682,0.0607679,-0.264021,0.399523,-0.188252,0.341837,0.000119597,1.17861,1.64061,1.03806,0.622141,-0.349704,-0.239319,1.35219,0.430389,-0.746908,-0.147777,0.967971,0.203191,0.217873,-0.0200429,0.263625,0.375507,0.0532432,0.424729,-0.498344,0.509398,-0.771267,-0.00538524,-0.31356,0.531411,-0.951317,-0.119992,0.50309,0.275438,-0.412006,0.0945565,-0.770443,0.654924,0.230436,0.264066,0.257313,0.691258,-0.376918,-0.554851,0.576792,0.545878,0.943456,0.536622,0.115808,-0.0594682,-0.107168,0.398909,-0.270407,-0.395636,0.247832,0.349156,-0.559629,-0.719541,-0.186387,0.0751913,1.22313,0.376831,0.137271,-0.131895,-1.22741,0.00963526,-0.40825,0.415516,-0.168257,0.476287,-0.653244,0.348901,-0.167474,-0.261388,0.0807884,-1.06018,0.36218,-0.0365729,-0.442578,-0.140801,0.793197,0.121147,-0.00799832,0.418361,0.21368,-0.123217,0.152063,0.581611,0.864374,-0.439754,-0.0809862,-1.00855,0.443692,-0.397891,0.408833,-0.406527,-0.641989,-0.402798,-0.905812,0.325087,0.24837,0.0958465,1.04266,-0.219123,-0.575652,0.9151,0.240575,-0.183619,0.977981,0.417864,-0.847667,1.33767,0.0956287,0.94023,2.40463,0.253821,-0.91531,0.261322,-0.479785,0.320587,-0.153626,-0.709664,-0.656874,0.342632,-0.607641,-0.333632,-0.498255,-0.00132494,0.639124,1.18381,-0.777051,0.10418,0.30292,0.0782286,-0.812393,0.323087,-0.108973,-0.293893,0.510371,-0.25509,-0.656576,0.102354,-1.21289,0.752108,-0.094802,-0.21939,0.067725,0.0271723,0.159042,0.270911,0.154256,-0.437541,-0.052135,-0.191103,0.225295,0.0985335,-0.232513,-0.876307,-0.544568,0.351952,-0.207516,0.575986,-0.65727,-0.116375,-0.239068,-0.0859025,-0.485689,-0.523947,-0.0039613,0.206509,-0.206979,0.154663,-0.576974,0.263307,-0.130382,0.0230576,0.318633,-0.303026,0.00549885,-0.275538,-0.0689499,0.561817,-0.524721,-0.0171974,-0.0847599,0.32534,0.290793,-0.265759,-0.0700882,0.0481058,-0.363322,-0.461021,0.123501,-0.155392,-0.0332848,-1.17806,0.443361,0.0841784,0.0514975,-0.548805,-0.0856355,-0.438999,0.856411,-0.17719,-0.267702,-0.0438898,-0.907434,-0.302905,0.274913,0.492218,-0.182063,0.305462,0.259301,-0.384415,0.448265,-0.31479,-0.0754443,0.0454258,0.296537,0.554586,0.718823,-0.46427,0.737347,0.282947,-0.0994579,0.28818,0.241732,-0.783606,0.122974,1.18361,0.44345,-0.312062,1.37361,0.177518,0.525134,0.811679,0.226712,0.159781,0.291871,0.156763,-0.38449,0.147954,0.00851683,-0.703659,0.0274032,-0.494287,-0.201256,0.216526,1.06268,0.871088,-0.281787,-0.674022,0.219351,0.610156,-0.43368,-1.17103,0.251567,0.17694,0.164352,0.00827791,-0.386797,-0.0389646,-0.446221,0.0839114,0.267581,0.219998,0.752369,0.289619,-0.503913,0.247569,-1.09466,-0.0806531,-0.851804,-0.377383,-0.477322,-0.319374,0.172013,-1.01075,-0.398742,-0.416553,-0.622546,1.20401,-0.0941655,-0.10182,-0.459276,-0.681393,0.662348,-0.672234,0.127642,-0.181492,-0.375154,0.864441,0.128584,-0.098959,1.28426,-0.382601,0.0754321,-0.0332931,-0.285001,-0.748134,-0.116893,0.165742,-0.490493,0.352549,0.753909,-0.216578,0.399527,0.0407547,-0.46125,-0.395366,-0.161858,-0.101502,0.728565,0.710584,-0.485154,0.292984,-0.256688,0.829136,-1.31354,-0.187714,1.0907,-0.22181,0.383419,0.122474,0.340057,-0.797987,0.39294,0.328945,0.453096,-0.203561,0.134191,-0.67283,-0.967214,-0.289882,0.555628,-0.302034,-0.655148,0.682919,-0.0240573,0.0108206,0.516482,0.571918,-0.00317532,-0.721339,0.931869,-0.397081,1.09226,-0.440159,-0.767836,-0.912321,-0.676501,-0.215653,-0.358727,0.230524,-0.311819,-0.2005,-0.854511,0.118921,-1.03369,0.239696,-0.557221,-0.0141799,-0.977018,-0.135384,-0.675167,0.0698618,-0.581834,-0.22923,-0.705927,0.363671,0.00563875,0.703716,-0.0923166,-0.0211808,-0.717076,-0.724957,0.368889,-0.87027,0.73947,-0.612929,0.0298042,0.337182,0.16384,-0.92238,-0.452383,-0.7939,1.45018,-0.110284,-0.179159,-0.449214,-0.474213,0.0901984,1.09809,-0.0646603,-0.181598,0.576642,0.0365494,0.714232,-0.0616274,-1.08665,0.2605,-0.550322,-0.142361,0.140437,0.520956,-0.0799403,-0.754324,-0.336201,0.152592,0.442949,0.480989,-0.393311,-0.564538,-0.622742,0.566921,0.137113,-0.356457,0.0353222,0.491952,0.398085,0.179722,-0.669034,0.083935,0.548664,-0.723269,0.0242666,0.534065,0.393198,-0.481416,-0.552764,0.00786941,0.419115,0.658999,-0.32078,-0.301221,-0.367104,-0.359748,0.50131,-0.408696,0.480173,-0.593534,0.459214,-0.0935712,-0.0947115,-0.496337,-0.46294,0.729569,-0.231735,0.734493,0.112581,-0.45783,0.165976,-0.853408,0.080906,-0.359804,0.341302,0.176773,0.716014,-0.588641,0.180219,-0.644053,0.287846,0.100636,0.149673,-0.462972,-0.578473,0.0106243,0.274351,-0.261823,-0.503194,0.88981,0.484505,-0.405693,-0.0930368,-1.50555,-0.363438,-0.0572395,1.03834,-0.625566,0.425714,-0.553657,0.0609762,0.283819,-0.797333,0.735891,0.37549,0.427681,-0.23461,0.665586,-0.56732,-0.249911,-0.502048,0.145525,-0.180583,-0.475043,0.575699,0.528661,0.653004,-0.264354,0.352174,0.679207,0.675344,0.19473,-0.199927,-0.232852,0.318213,0.788464,-0.816441,0.0100377,1.43408,0.763768,-0.985843,-0.616794,0.248188,-0.500586,0.303458,-0.552629,-0.663584,0.962402,0.0103976,0.638072,0.0191535,0.843542,-0.313151,0.495456,-0.624309,-0.529083,-0.358224,0.638662,0.065693,-0.391926,-0.124056,-0.323714,-0.0453848,0.180651,-1.2474,-0.322774,0.42624,0.126636,0.229478,-0.307784,0.172365,0.317875,-0.315668,-0.275617,0.15315,0.288513,-0.0369041,0.439075,0.438589,0.546706,-1.12971,0.620696,0.0867608,-0.372788,-0.0264249,1.20603,1.00354,0.800657,-0.129877,-0.0856716,-0.654766,0.444979,-0.0810219,0.294287,-0.176146,-0.864318,-0.382223,-0.185071,0.172207,-0.0491584,-0.800504,-1.72621,0.335935,-0.263582,-0.616395,0.00985207,0.673158,-0.307621,-0.340607,0.00294492,-1.24799,-1.07952,0.638694,0.0518406,-0.0104621,-0.800292,-0.527129,-0.30031,0.350233,-1.29122,-0.243279,0.117437,-0.908176,0.0258612,-0.303255,-0.233413,0.21251,-0.560892,0.397972,-0.122719,-0.57675,-0.670049,0.190417,-0.497675,0.554387,0.486382,0.286369,0.59479,-0.666275,-0.795975,0.100041,0.00584971,0.253971,0.335172,-0.442365,0.229114,-0.411651,0.417334,0.00347241,0.116452,0.435078,0.316305,0.900339,-0.685503,0.0379077,0.382593,0.0837338,0.291833,0.827381,0.856803,-0.117975,-0.748988,0.147119,0.657879,-0.270528,0.618038,-0.296472,-0.237649,0.784477,-0.222341,-0.839072,-0.122101,0.992823,-1.04799,-0.459657,0.557214,0.394842,0.279985,-0.360414,-0.120451,-1.05039,0.383416,-0.275176,-0.388983,0.115707,-0.163386,0.0202944,-0.194028,-0.788076,0.791319,-1.09962,-0.0901909,-0.192148,0.243582,-0.722276,0.571074,0.00412727,0.623794,0.384185,-0.8453,0.6588,0.0108865,0.997417,-0.903489,-0.606105,-0.195868,-0.397677,0.775776,0.328798,-0.0536643,0.428304,-0.610361,1.06001,0.260685,0.537528,-0.565397,-0.0291165,0.298347,-0.0848795,-0.314288,-0.426955,0.751215,0.0678645,0.220717,0.40975,0.387524,0.169841,0.143789,-0.0473592,-0.473037,-0.0524153,-0.896983,-0.234793,0.319813,-0.489574,0.0968699,0.194995,1.2781,0.22366,0.111553,-0.410212,0.272425,-0.417457,-0.4753,-0.890829,-0.359339,-0.288735,-0.666394,0.490839,0.356977,-0.22968,-0.111788,0.291643,0.277505,0.109854,0.102709,-0.214269,0.589224,0.224661,0.480098,-0.418041,-0.581117,0.221223,0.0999533,-0.475462,-0.148948,-0.799748,0.211145,0.426702,0.153757,0.392635,-0.0440629,0.353706,0.878406,0.572637,-0.363711,0.640571,0.206473,0.371513,-0.941601,-0.564682,-0.334864,0.324251,-0.233028,-0.490189,0.851691,-0.117279,0.248893,0.207488,-0.0334969,0.766773,0.319282,0.31448,0.123279,0.372812,0.61475,-0.188476,0.26717,0.409535,-0.380103,-0.281116,0.111624,-0.280854,0.90991,-0.163961,0.0575129,-0.245933,0.816123,-0.213589,-0.101352,-0.812978,-0.480258,0.322996,-0.904063,-0.0824813,0.0800603,0.292496,0.0849273,0.109325,0.621638,0.708408,0.437374,0.745198,-0.319685,0.210168,0.243629,0.461188,0.0673071,0.828164,-0.205466,-0.169965,-0.58228,-1.08087,-0.248604,0.26427,0.302623,0.24211,0.00196701,-1.10066,0.533102,-0.587181,-0.182584,-0.317572,-0.5974,-0.116731,-0.183919,0.717765,-1.2967,-0.20598,0.272143,-0.503631,0.529012,-0.374967,0.523286,0.0320492,-0.326154,-0.196959,0.379774,0.329341,0.389068,0.512617,-0.38054,-0.589748,-0.212816,-1.50916,-0.745506,-0.09773,-0.0624495,0.0278864,0.248431,-0.257759,-0.0444678,0.334404,0.326318,1.0757,-0.521623,0.728789,0.225746,0.0675986,-0.000246147,-0.386424,0.333755,0.135633,0.407236,0.880664,0.793068,-0.368036,-0.189757,0.710558,0.38482,0.138624,-0.0545876,0.471729,0.429428,-0.00843665,-0.300637,-0.0234787,-0.217773,-0.541766,-1.23807,-0.258653,0.460439,-0.170393,-0.192978,-0.602512,-1.11667,-0.250131,0.0192913,0.287722,0.603216,-0.221002,0.90855,-0.317281,0.906232,0.076667,-0.311895,-0.961095,-0.549568,0.296407,-0.0387768,0.491583,-0.391181,0.621038,-0.206237,0.0584817,-0.874273,1.08876,0.544965,0.473691,-0.770932,0.30353,-0.0264789,-0.520218,-0.620043,0.604985,-0.273064,0.24183,-0.0449053,0.694003,-0.784839,-0.0440063,0.324131,-0.131802,0.265321,-0.705553,0.953813,-0.354107,0.567596,1.0839,0.668965,0.244465,0.769016,0.703573,0.50927,0.0842123,-0.360935,0.0994072,0.315873,-0.0320419,0.181649,0.938429,-0.506475,0.529897,0.297266,0.273645,0.0801379,-0.592568,-0.102478,-0.540792,0.249734,-0.028436,-0.281471,0.648198,0.602532,0.920289,-0.0234926,0.893843,-0.178196,-0.350182,1.30094,-0.485071,-0.054071,-0.468038,-0.371069,0.226023,0.599731,-0.368454,-0.462233,-0.290513,0.780938,0.100078,-0.183936,-0.13655,-0.514775,0.14047,0.127296,0.150856,0.787804,0.374781,-0.259293,0.120087,0.556749,-0.138092,-0.218075,-0.51242,-0.525132,0.0704811,0.0927851,0.257933,-0.292736,-0.0852437,-0.300936,-0.472389,-1.05876,-0.552295,-0.44734,0.237193,0.610857,0.112078,-0.234073,-0.27138,0.243234,0.414454,0.565392,0.778584,-0.189722,0.377981,-0.493749,-0.572154,-0.0445873,-0.356372,0.386199,-0.946706,0.81389,-0.16474,0.686698,-0.109445,-0.124683,-0.292899,0.152102,-0.466264,0.0550452,0.0852785,0.947176,0.0279489,0.179797,0.676959,-0.069814,0.573476,-0.0302192,-0.222591,-0.0407249,-0.850199,-0.516574,-0.325289,1.05447,-0.0238903,0.254224,0.711982,-0.437074,0.918342,0.432669,-0.154651,0.0711122,-0.305653,0.59298,-0.440329,1.10928,-0.703027,0.242451,-0.772897,-0.608901,0.564453,-0.141888,-0.156055,-0.662663,-0.291695,0.0641128,0.0286088,-1.5097,-0.0722243,-0.0166968,0.212471,0.188601,-0.642489,-0.863282,-0.0296522,0.0394764,0.184296,0.670127,-0.302111,0.705057,-0.68478,0.0173739,0.558419,0.143436,0.445121,-0.29386,1.39797,0.708394,-0.295675,-0.398202,1.32029,-0.330017,0.308374,-0.560812,-0.891385,-0.156373,0.319698,-0.0968084,0.327304,0.290877,-0.724516,-0.250332,-0.029311,-0.432792,0.543665,0.501833,0.13062,-0.191305,0.31096,-0.193825,0.479564,0.1132,1.64571,0.382364,0.0765691,1.28902,-0.391876,1.00546,-0.26458,-0.94813,1.22942,-0.0181021,0.053275,-1.18498,-0.0752569,0.163769,0.127571,0.246451,-0.16272,0.286456,-0.08202,0.763399,-0.160936,0.649966,-0.44575,-0.302698,-0.612124,-0.595354,0.506471,0.314197,0.516451,-0.300852,-0.191434,0.631214,-0.469271,0.454992,0.399234,-0.0156463,0.69383,-0.418324,0.358953,-0.0698386,0.742801,-0.356068,0.172687,-0.314068,0.265283,0.727604,-0.230034,0.423549,0.0184453,-0.431153,0.55699,0.137651,0.525883,0.0853855,-0.499607,-0.185943,-0.604106,0.0891897,0.260443,0.332976,0.433467,0.0159595,0.580845,-0.687036,-0.277851,-0.294258,0.467712,-0.137197,0.306547,-0.57482,-0.376542,0.862392,-0.156429,-0.393508,0.253647,0.24803,0.0208774,0.558916,-0.659577,-0.49822,0.97631,-0.483521,0.172574,-0.0900169,0.112594,0.443862,0.0389943,-0.542976,-0.193363,-1.08346,0.598216,0.0986102,0.23881,-0.0671519,-0.549339,0.603861,-0.566508,-0.303694,0.0299195,-1.0284,0.317824,-0.584069,-0.228344,-0.282305,0.232618,-0.333743,-0.275512,1.0379,-0.645647,0.184827,-0.273614,0.136664,-0.768636,-0.256342,-0.741071,0.364083,0.141296,0.0893271,-0.0460769,-0.971559,-0.0876419,-0.522844,-0.887347,0.518867,0.377788,0.676398,0.530356,-0.143879,-0.107344,-0.516599,-0.122822,-0.507403,0.22428,-0.217139,-0.898664,-0.550042,-0.270647,-0.276902,-0.178915,0.0626009,-0.279817,-0.356175,-0.445037,-0.500094,0.85666,0.227513,0.395625,-0.48895,0.478696,-0.867099,0.455766,0.125634,0.137503,-0.116094,0.701159,0.58226,-0.18471,-0.0977465,1.82054,-0.243639,0.0932599,0.266113,-1.0298,0.115141,0.510462,-0.512611,0.572131,-0.384993,-0.241951,0.0775949,-0.214772,0.160585,0.309268,0.493018,-0.429797,0.0917561,0.364812,-0.134867,-0.629048,0.0523255,-0.298448,0.133656,-0.384155,-0.788951,-0.101274,0.557323,0.704363,0.459628,-1.28225,0.0931055,-0.437924,0.328915,0.0432002,-0.396867,0.326099,0.683752,0.374708,0.0631837,0.369728,0.343093,0.964754,0.547977,-0.121827,0.209373,0.0207838,0.554596,0.591568,0.380867,-0.313472,0.38796,0.241357,0.687589,0.32925,-0.108688,0.245628,-0.25318,-0.690112,-0.449155,-0.790115,0.110029,-0.502102,0.383361,-0.497356,-0.353815,0.195585,0.632213,-0.144752,0.0924538,-0.235078,0.0207506,0.510497,-0.0571868,0.409193,0.730921,1.15717,0.101779,-0.693572,0.787758,-0.250423,0.162575,0.841337,0.118798,0.239238,0.0574032,1.70095,0.062079,-0.390965,-0.467651,-0.0272291,-0.213145,-0.218433,0.652303,-0.621831,-0.195301,-0.917192,0.115005,0.747967,-2.17984,-0.0206393,-0.466456,-0.272133,-0.110325,0.266781,0.353623,-0.364156,0.525318,-0.383479,-0.234474,0.593414,-0.933245,0.937938,0.0962946,0.711092,-0.111397,-0.0970575,-0.102052,0.358633,-0.341024,0.589142,-0.29166,0.00179248,-0.463895,0.578948,0.706072,-0.407058,0.480309,0.53955,-0.988429,0.170545,0.463794,0.314514,-0.152363,-0.149347,0.56948,-0.305791,-0.629239,0.0995615,-0.400359,0.293219,-0.572598,0.0156303,0.76464,-0.256075,1.05744,0.998425,1.50207,0.0409658,0.587021,0.032888,-0.507274,0.342377,-0.366472,0.712211,0.0708967,0.341809,-0.908178,0.29768,-1.18223,-0.373833,-0.359794,0.0187546,0.558841,0.610982,-0.048009,-0.237329,-0.387496,-0.505616,0.583125,-0.645724,0.208872,0.200342,0.71121,0.449451,-0.255527,-0.689889,-0.05508,-0.248572,0.653457,0.479197,0.30789,-0.255884,-0.290395,-0.106303,0.0508276,-1.28524,-0.843815,0.247467,-0.248405,-0.104433,-0.608103,0.188452,0.165028,-0.182244,-0.0375126,-0.438367,-0.648318,-0.163502,-0.129871,0.248376,-0.121004,0.261774,0.673017,-0.0364915,0.61391,-0.435164,0.101284,0.375829,0.0341294,0.943096,-0.167429,-0.23059,-0.0698351,0.50038,0.346689,-0.598783,0.121012,0.505871,0.816244,-0.359929,0.0293754,-1.18515,-0.519988,0.395501,0.523916,0.147061,0.0507699,-0.850908,-0.842843,0.59005,0.475362,0.388877,-0.0340132,-0.707583,-0.96031,0.869294,-0.380351,0.581242,-0.0886692,-0.093702,0.291337,-0.382533,-0.0491439,-0.0233824,-0.224329,0.868734,-0.34311,-0.31233,0.795025,-0.0298342,-0.345514,0.0967821,0.596591,-0.0557363,-0.289643,-0.1163,-0.476272,-1.10583,0.421109,0.521287,-1.36937,0.336657,0.00911641,-0.139847,0.830239,-0.0854541,1.11054,0.259341,-0.0888864,-0.37236,0.380598,0.658817,0.70684,0.448929,-0.323892,0.0434607,-0.772315,-1.15622,-0.410362,0.178842,-0.296003,0.344803,-0.119197,-0.145826,-0.188246,-0.181501,-0.475473,0.421704,-0.271762,-0.451789,-0.54585,0.516073,0.251295,0.445775,0.24312,-0.708049,-0.976435,0.46255,0.384075,0.320099,-0.486383,0.489355,0.104588,-0.04547,0.232379,-0.376804,-0.302357,-0.196494,-0.0851189,-0.238127,0.0862057,-0.167995,-0.228886,-0.220735,-0.371636,0.148002,0.955764,-0.121751,-0.127449,0.516856,0.226304,0.0459204,0.715557,-0.222315,0.206629,-0.449665,0.461298,0.0587851,-0.804764,0.0101129,0.63533,-0.111948,0.524239,0.568528,-0.76905,0.759693,-0.208128,0.607983,0.492994,0.925078,0.285974,0.597383,-0.355927,0.452226,-0.0215343,0.606808,-0.0565783,0.303863,0.0102108,0.441184,-0.280002,-0.12731,0.926823,0.239858,-0.763775,-0.682197,0.158062,0.15123,-0.0762955,0.638206,0.709031,0.246121,0.917432,0.658391,-0.464086,0.973298,-0.0935896,0.157791,-0.0569139,0.670536,-0.238601,0.203454,-0.705669,-0.154228,-0.763134,-0.3205,0.214375,0.0923286,-0.244761,-0.434442,0.841109,-0.222213,-1.314,-0.156365,-1.25403,-0.419265,0.715249,-0.508567,0.0407488,-0.254235,0.254801,0.267,0.574779,-0.947532,-0.504332,0.205382,-0.582736,0.490226,-0.26488,0.760857,-0.956559,0.912261,-0.0418076,-0.263699,-0.821136,0.84715,-0.870957,0.454575,-1.13825,0.942223,-0.876488,0.313593,0.917446,0.767477,0.896509,-0.566858,-0.563747,-0.684557,0.313998,0.586013,0.181848,-0.0862634,-0.0263081,-0.11982,0.933892,-0.738335,1.02369,0.0739088,0.0763906,1.11337,0.123007,-0.179764,0.703216,-0.202682,1.07677,-0.531035,-0.896145,-0.0399175,-0.153533,0.373306,-0.498892,0.0758076,0.397734,0.557245,-0.0729788,0.228031,0.645994,-0.824395,-0.577352,-0.457394,-0.0815929,-0.742059,0.631789,0.139497,-0.564384,0.718023,0.446666,0.560818,0.318067,-0.266389,0.876408,0.0435072,0.32213,-0.560873,0.304582,0.243978,0.30256,-0.372579,0.36186,-0.542211,-1.03363,0.510847,0.936857,-0.162494,-0.115515,-0.521539,0.306799,-0.752144,-0.234185,0.532574,-0.111979,0.10809,-0.0298246,-0.330034,-0.0527697,-0.986886,-1.03391,-0.913352,0.766899,-0.420867,-0.567219,-0.339645,0.148868,0.891694,0.111211,0.413841,-0.617478,-0.452451,0.227678,0.864988,-0.598923,0.0845841,0.25384,0.432195,-1.07525,-0.562718,0.0505167,-0.435114,0.0780672,0.0814946,1.07466,-0.423749,1.12189,0.68194,-1.08095,-0.79944,0.426855,-0.684595,0.156755,0.692803,0.0682917,-1.33968,0.0709811,-1.0424,0.104885,0.181098,0.765859,0.172029,0.270176,-0.734225,-0.879139,-0.405048,-0.289544,0.397255,1.03753,0.617695,-0.166486,0.170974,-0.379146,0.713434,-0.318663,0.212547,-0.424911,-0.465338,-0.168331,0.133099,-0.440192,0.448081,0.126337,-0.126751,-0.0548596,0.169155,-0.393671,-0.0917603,0.437959,-0.409899,-0.841954,0.287568,0.0067548,0.0598702,-0.722901,-0.646435,0.119216,0.956177,-0.184246,0.182001,-0.333568,0.164905,0.049277,0.741184,-0.157867,0.103919,0.0704854,-0.490725,0.0868864,0.827429,-0.557534,1.12309,0.265579,0.286503,-0.34137,-0.504102,-0.132779,0.083099,0.456572,-0.189729,0.265647,0.172862,-0.484211,-0.463532,0.865446,-0.0404911,-0.0742792,0.00244637,-0.213762,0.213309,0.182972,0.211563,0.383567,0.604134,-1.41191,-0.580208,-0.103651,-0.740939,0.0855608,-1.30445,-0.62824,-0.359053,-0.355467,-0.134897,-0.606315,0.510307,0.434525,0.166825,-0.283967,-0.569908,-0.0773316,0.167449,-0.0506399,0.711191,-0.855917,0.836856,0.0300339,0.570736,0.245118,-0.62185,-0.408399,0.0922365,0.317679,0.133791,0.846568,-0.358931,-0.173253,1.02931,-0.958418,0.43063,0.732947,0.580075,-0.196031,-0.0594049,0.385902,-0.28759,0.500541,-0.147369,0.449776,-0.137372,-0.423946,-1.55572,-0.571453,-0.0507852,-0.672235,-0.330487,-0.011007,-0.252532,-0.574199,0.0281669,0.373183,-0.389819,-0.550422,0.196631,-0.27943,0.396522,0.804888,0.256151,0.710514,0.253974,0.0185123,-0.800207,-0.254466,-0.106342,-1.37781,-0.601331,0.536841,1.07219,0.0997458,-0.31184,0.300484,-0.218441,0.585987,-0.0290085,-0.488815,0.192115,0.0786756,0.0311453,0.258822,0.146119,0.0255878,-0.416152,0.164681,-0.37709,0.205263,-0.379903,0.807938,0.198741,-0.452123,0.118279,0.219043,0.0292765,-0.171496,-0.657664,1.18233,-0.262052,-0.205715,-0.0138087,-0.312625,0.663179,-0.400498,0.363239,0.636403,0.375158,-0.212266,-0.145461,-0.189465,1.07323,-0.542184,0.400685,0.419846,-0.0870124,0.0697634,-0.808944,-0.243758,-0.259117,-0.0519102,-0.104599,-0.0743393,0.0501087,-0.388216,-0.180556,0.221604,-0.704269,0.326705,0.538591,0.248874,0.0172684,0.428153,-0.237501,-0.867494,0.576345,0.0458165,-0.0237427,0.39165,0.0738771,-0.407062,0.629279,-0.0656923,0.299313,-0.371771,0.274425,1.35425,-0.172263,-1.06818,-0.0268735,-0.131537,0.273137,-0.253693,1.67211,-0.431055,-0.893493,0.0841586,-0.586686,0.650805,-0.0922675,0.409548,-0.190556,0.847568,-0.133927,0.925316,0.339738,0.132894,0.169402,0.528104,0.961676,0.16009,-0.547693,-0.0885814,0.13253,-0.098079,-0.550586,0.754231,-0.405752,0.85294,-0.326005,-0.509985,0.732672,-0.80786,-0.7668,0.5025,-0.902848,0.330958,0.08371,-0.562848,0.725261,-0.618472,-0.172875,1.36599,0.79228,0.103431,-0.40577,-0.353445,-0.608374,0.32464,-0.293082,0.519919,0.179121,-0.397306,0.300413,0.0444756,-0.218427,-0.781961,0.470039,-0.734735,-0.237045,0.833764,-0.0105543,0.795364,0.0537085,-0.577415,0.209164,0.907357,-0.0473896,-0.00301854,-0.144225,0.518813,0.146083,0.0662746,0.0639078,0.00193994,-0.0226985,-0.716208,0.418204,-0.540789,0.0533643,-0.195363,0.161397,-0.0870399,0.462604,0.0270417,0.253561,-0.0204454,-1.50667,0.393225,-0.186624,0.109277,0.00724717,0.139082,-0.650398,0.465556,-0.502889,1.11264,0.475068,0.701483,0.29223,0.507011,-0.274464,0.415347,1.43392,-0.410427,-0.34716,-0.117332,-0.657689,-0.21648,0.168389,-0.778954,0.460791,0.206492,0.205767,-0.117564,-0.158912,-0.523751,0.440909,-0.27151,0.0231413,0.14701,-0.012261,-0.996512,-0.0654197,0.209584,-0.00218239,-0.521722,0.51293,-0.414742,0.0306673,-0.731419,0.394184,-0.118793,-1.14452,-0.0322007,-0.410738,-0.134733,-0.462918,-0.125655,0.0550409,0.451573,0.163754,-0.349587,0.206807,-1.38939,0.946361,-0.157246,0.962225,-1.10578,-0.908395,0.0687951,-0.178312,-0.571228,-0.256613,-0.161648,0.766473,0.122053,0.777588,-0.889602,-0.727518,0.419439,1.0039,0.633406,0.52081,-0.305441,0.00730794,-0.253092,-0.0552823,-0.935698,-0.604582,-0.304737,0.482191,-0.0278729,0.328854,1.1642,0.419384,-0.277209,-0.106269,-0.525941,-0.0496031,-0.122865,-0.00701964,0.738544,-0.375705,0.597849,-0.634794,-0.134522,-0.393698,0.524566,0.457159,0.853223,-0.315054,0.0125361,1.06346,-0.79476,0.268679,0.117687,-0.122989,-0.447057,0.497461,0.196424,-0.0448357,0.503086,-0.222155,-0.558148,-0.336446,0.291973,0.218255,0.612303,-0.144484,-0.37391,0.210369,-0.851623,0.883339,-0.408147,0.146232,-0.823561,0.364985,0.533896,0.712427,-0.481001,0.516364,0.533646,0.224696,-0.189025,0.274904,-1.5434,-0.378423,-0.301706,0.0551494,-0.505361,-0.236615,1.49368,0.782781,0.491905,0.69222,0.854368,-0.423828,-0.446833,0.00103247,0.0323992,-0.557072,-1.06879,-0.0740308,-0.910507,-0.969124,0.433324,0.949665,-0.427714,0.418674,0.827565,-0.217811,-1.41579,-0.366066,-0.52279,-0.292335,0.101994,0.0286095,-0.742283,0.261127,1.15593,0.0607784,-0.821558,0.127559,-0.750028,-0.20573,0.197428,0.0835556,1.29293,0.392279,0.86016,-0.521453,-0.789167,0.488285,0.134156,0.315838,0.022064,-0.175325,0.53041,0.294675,-0.202639,0.281139,0.301177,0.233962,-0.207263,-0.530187,0.754913,-0.0130219,0.418371,0.0504629,-1.24977,0.573071,-0.903146,-0.569069,0.546315,0.506227,0.209315,-0.749274,-0.013308,-1.02728,0.729172,0.492729,-0.727589,0.669526,0.489084,0.211215,0.52365,-0.518657,0.776866,-0.0517232,-1.32607,0.624461,1.06419,-0.00727925,-0.0446677,0.425544,0.210181,-0.168019,-0.118039,0.415645,0.734544,-0.389098,0.783782,-0.200886,0.62964,0.683083,-0.339909,0.631063,0.0874387,-0.506912,0.297589,-0.353293,0.305001,0.506608,0.193436,0.22461,0.0102945,-0.127683,0.574612,0.0341674,-0.610035,0.233668,-0.0661069,-0.432389,1.12187,0.157616,0.313675,-0.0190976,0.296368,0.336071,-0.704517,0.375045,-0.188429,-0.0729885,0.0620418,-0.0542631,0.192273,0.171941,0.0271228,-0.740197,-0.193882,-0.109812,-0.068679,0.272418,-0.426307,-0.685183,0.746165,-0.157481,-0.502889,0.274884,0.181981,-0.289033,-0.284706,0.193834,-0.181929,-1.28124,0.0923286,-0.534761,-0.334376,0.558686,0.125021,0.458911,0.148324,-0.191904,0.106734,0.559072,0.144831,0.534097,0.170923,-0.378036,-0.183919,0.296091,-0.331493,-0.852977,0.233369,0.418781,-1.17962,-0.721823,-0.762754,-0.752374,0.120715,-0.818094,-0.408826,-0.140906,0.388444,0.504851,-0.775403,0.0904734,-0.272431,0.403982,0.664486,-0.210148,0.409348,-0.213505,0.149562,0.669934,-0.257891,0.66895,-0.0380439,-0.0283246,-0.31333,0.0617171,-0.0540485,0.225457,0.124002,-0.402234,0.533109,-0.158518,0.0629554,0.270294,-0.513905,-1.26231,-0.0924818,-0.751993,-0.437347,0.161122,0.110941,-0.502158,0.00431244,-0.529202,-0.251539,-0.743803,0.18697,-0.20946,1.14141,0.489226,-0.109284,0.399943,0.629676,0.106343,0.0203995,-0.274605,-0.22715,-0.00324124,-0.221057,1.13079,0.655675,-0.649093,0.733127,0.983371,0.222467,0.590579,-0.24632,0.161242,0.772519,-0.84505,-0.52731,-0.664794,0.759999,-0.421869,0.237233,0.572594,-0.0178843,-0.681645,-0.180506,0.413552,0.192288,-0.654174,-1.05054,-0.419262,-0.113542,0.0666745,0.0325921,-0.412813,-0.274505,-0.517054,-0.11417,0.240834,0.124545,-0.383905,-0.569579,-0.0931214,-0.548333,0.0330889,0.769502,-0.287218,0.48213,0.116546,-0.401077,-0.118339,0.963301,0.149876,-0.0259559,-0.37004,-0.115909,0.177546,-0.140447,-0.0330721,-0.655961,-0.508783,0.278214,-0.678657,0.226386,0.153782,0.0984259,-0.0359118,0.0534509,-1.12019,0.286795,-0.106892,0.0410593,-0.504313,0.223344,1.44593,-0.495659,0.277187,0.502845,-0.682348,0.662128,-0.374382,-0.973419,0.0755458,0.556625,-0.637887,0.996667,0.743713,0.460654,-0.521684,-0.248376,-0.595424,-0.227951,-0.0158305,0.212138,-0.316988,-0.00591104,-0.0224074,0.142376,0.796557,-0.395214,-0.385104,-0.25636,0.107066,0.351813,-0.443476,-0.0316986,0.0995273,0.587856,-0.508086,0.652033,0.62132,0.666422,1.55173,0.464854,0.871645,-0.37927,-0.721958,0.778295,0.382198,-0.329825,0.330525,0.705831,-0.610631,0.348608,0.118178,0.643879,0.165929,0.965681,-1.02334,-0.335372,0.0446545,-0.232368,-0.263318,-0.178608,0.0695788,-0.00741959,0.209607,0.0881305,0.448027,0.197808,-0.306424,-0.459172,-0.0887931,0.13188,5.28172e-05,0.49508,0.562775,0.277975,-0.542228,0.678706,0.55197,0.561884,0.088964,-0.498144,-0.220003,0.347395,-0.255981,0.178754,0.419075,-0.272696,-0.341583,0.0888514,-0.255867,-0.55485,0.648129,0.302349,0.0831837,-0.445139,-1.08539,-0.945594,0.552968,-0.0200734,-0.16143,0.205671,0.246228,0.681648,0.752636,0.0292233,0.0155054,0.127098,-0.729729,-0.270419,0.0107497,-0.921938,-0.14778,-0.00761306,0.415626,0.837468,0.469339,0.206014,-0.222265,-0.579149,0.316197,-0.0842553,-9.47714e-06,0.283429,-0.66571,0.447724,-0.534477,0.0553578,-0.0905436,-0.0611487,0.275512,-0.925969,-0.363571,0.961504,0.0886036,0.144489,1.27771,-0.229488,1.22884,0.999132,0.425347,0.281765,0.397535,-0.381395,-0.185414,0.78174,0.0405467,0.750314,0.1152,0.0332824,-0.0383961,0.231641,0.0383743,-0.0218912,0.269968,-0.442271,0.0229459,-0.0969833,0.218147,-0.387657,0.739978,-0.210352,0.503091,-0.0641207,0.392598,0.264098,-0.886966,-0.177056,0.53548,0.160727,-0.12205,0.22573,-0.25374,-0.296487,0.280396,0.0747397,0.1331,0.802937,0.699431,0.277873,-0.176637,0.925222,0.794881,0.706044,-0.386786,-0.778533,0.0623284,-0.294425,0.44677,0.946635,0.0660415,-1.19211,0.865223,-0.257367,0.509321,-0.131179,-0.756175,-0.46914,-0.629895,-0.202446,-0.986894,0.475112,0.297608,0.460772,0.506896,0.45927,0.0216319,-0.315312,0.39211,0.0274318,-1.03326,-0.306152,-0.0846799,0.0658531,0.559803,-0.102062,-0.250706,-0.25795,-0.0687363,0.3718,-0.544312,0.292417,0.99962,-0.289325,0.0687908,0.0172938,-0.180311,-0.337437,-0.946069,0.728907,0.616671,-0.159353,-0.127827,-0.368863,0.54226,0.382229,-0.16979,0.430802,0.348183,-0.525732,0.101272,-1.27702,0.259239,-0.0143881,0.545945,0.276312,0.501144,0.145924,0.106519,-0.758977,-0.461589,-0.890344,0.340217,0.643289,-1.01545,0.110261,0.477112,0.574649,0.204657,0.45291,-0.493389,0.456062,0.264803,-0.491643,-0.721864,0.760431,0.181157,0.331788,0.0271878,0.682602,-0.204815,0.126817,0.706937,-0.63524,0.219057,-0.190782,0.272577,-0.586981,-1.15293,-0.27271,-0.796165,1.12673,0.913481,-0.0933511,0.0345953,-0.67944,0.934122,-0.860434,-1.05081,-0.231759,0.561738,-0.924914,-0.542224,-0.260551,-0.0793256,0.473685,0.132901,0.262838,0.0270157,1.29087,0.349447,-0.355366,0.325966,0.347797,-0.0970232,-0.194029,-0.679831,-0.363453,-0.534365,0.185201,-0.150574,1.23441,0.484464,-0.0795746,0.370956,0.129733,-0.782906,0.494952,0.776319,-0.365634,-0.159633,-0.685088,0.0963629,-0.945893,0.278603,-1.17957,-0.496538,0.924268,0.349558,0.540974,-0.706975,-1.15437,0.633367,0.377418,1.00531,-0.473451,0.708424,-0.413822,-0.776133,-0.126498,-0.429355,0.938998,0.309789,-0.84529,-0.304382,0.684608,-0.129637,0.309739,-0.316189,0.386622,-0.292173,-0.649691,-0.311927,0.587285,-0.0750747,0.100834,0.578904,-0.923132,-0.484706,0.767649,-0.120601,0.213586,-0.218614,-0.206967,0.755998,0.0984747,-0.710559,-1.07129,-0.338904,-0.153451,0.0844004,0.230071,-0.265884,0.312043,0.773822,0.348847,-0.339324,0.304241,0.089027,-0.119234,0.329371,0.110659,-1.36378,0.138183,0.390908,-0.308554,-0.653583,-0.110972,0.216659,0.347375,0.338246,0.612826,-0.568908,-0.954677,-0.373414,0.151378,-0.498418,-0.635987,-0.789043,-0.0279245,0.169468,0.796507,-0.0239128,-0.409182,0.515716,-0.0389139,0.546985,-0.475175,-0.884998,0.396575,-0.634075,0.284172,-0.123558,1.23268,-0.119783,-0.260905,-0.00951584,0.0933516,-0.3137,-0.129184,0.466956,-0.312476,-0.67633,0.486641,-0.564298,0.361608,-0.628943,1.08252,0.434997,0.84699,0.803609,0.0334799,-1.46997,0.215735,-0.464911,-0.623059,-0.357796,-0.327253,-0.338156,-0.250006,0.00448222,-0.918078,0.471029,-0.214574,-0.0930037,-0.148519,-0.389273,-0.0172607,-0.0527997,-0.350008,0.610809,0.741977,0.0353681,-0.355715,0.654732,-0.322248,-0.290514,-0.566691,0.17737,0.778537,0.37558,0.627545,-0.95893,0.0253205,0.221682,0.321773,-0.0874644,-0.752344,0.0661796,0.474298,0.476835,-0.984346,-0.238082,-0.204364,0.339198,-0.225796,-0.170298,0.711124,-0.160785,0.97402,-0.381782,0.0685301,-0.66978,0.0376249,-0.0876563,-0.31645,-0.339803,0.876447,-0.312508,-0.125713,1.08425,-0.179328,0.0350453,0.00988108,0.457676,-0.618947,-0.520216,0.150742,0.0336305,-0.650295,0.01356,0.588865,0.570446,0.837927,1.06432,0.146827,-0.152241,0.546591,-0.347721,-0.136095,-0.00887033,0.156302,0.788017,-0.559943,-0.195775,-0.243947,0.744219,-0.476934,-0.161022,0.0150667,-0.0557972,-0.771786,0.197814,0.147932,-0.141308,0.122497,0.28403,-0.0268447,0.273994,0.0386385,0.240307,-0.114219,0.482366,-0.35126,0.348006,-0.454361,-0.110391,0.0710105,0.925208,1.5004,0.240947,0.072079,1.22742,0.386688,0.047362,-1.06467,0.143731,-0.38646,-0.530031,-0.758032,-0.473579,0.798717,-1.0703,-0.360754,-0.570917,-0.0998742,-0.233265,0.457699,0.441675,-0.326712,-0.174944,0.448081,0.204703,-0.689818,-1.06859,-0.933599,-0.399534,0.826773,-1.02536,-0.388532,0.345656,0.013434,-0.240032,0.213322,-0.618981,0.276122,-0.290721,0.0367207,-0.0402672,0.2125,0.415444,0.487806,-0.233029,-0.638902,-0.528413,0.3192,0.524767,0.605221,0.767888,0.158534,-0.6251,0.713767,-1.02107,0.317013,-0.461194,-0.562679,-1.3973,0.255755,-0.0804905,-0.420354,-0.853921,0.0855051,-0.0170166,0.442441,-1.31196,-1.06772,-0.560365,0.00789529,0.313506,0.306427,0.629641,0.0870956,-0.389901,0.228198,-0.988917,1.17286,-0.411652,-0.657095,0.208521,-1.17025,-0.0446363,-0.64584,0.223706,-0.654069,0.328574,-0.100864,0.0921214,0.309807,-0.0963682,0.524517,-0.13885,-0.0752445,1.47551,0.383689,-1.30242,0.116585,-0.530722,-0.156977,-0.175715,1.04622,-0.359619,1.01613,-0.780032,-0.0312314,0.368237,0.861938,0.486855,-0.237991,-0.267615,0.452973,-0.394218,0.352621,-0.282093,0.101953,0.964086,0.161312,0.467587,-1.37391,-0.750945,-0.639112,0.942978,0.276194,-0.990822,0.44345,-0.0423038,0.259881,0.300966,-0.261398,0.582516,-0.522867,0.261081,-0.094659,0.00975123,0.19737,0.43322,-0.894392,0.399572,-0.477401,0.046912,0.151731,1.08694,0.318566,-0.29435,-0.177363,0.259838,0.172561,0.225237,-0.216757,0.944108,-0.407433,1.043,-0.401024,-0.162337,0.769172,-0.538159,0.0164298,-0.728138,1.00994,-0.106804,0.0296863,-0.159505,0.0674423,0.50575,-0.198301,0.168437,-0.563111,0.275825,0.269911,-0.525006,0.0167182,1.21154,-0.375044,0.330699,-0.50497,-0.803645,-0.515479,0.141058,-0.25106,0.576335,-0.365429,0.144734,0.394689,-0.0205968,-0.231857,-0.124801,-0.715213,-1.02216,0.342459,-0.336128,0.256477,0.826263,0.667092,0.51969,-0.22827,-0.273275,0.762472,-0.634067,-0.110623,-0.282893,0.481175,1.05508,0.61453,0.55395,-0.135667,-0.0752997,-0.140534,-0.668089,-0.0654019,-0.599096,0.576025,1.05434,-0.42865,-0.30193,0.177459,-0.651962,0.33634,0.521548,-0.353302,0.523281,-0.101721,-0.570576,0.0762415,0.270527,-0.608064,0.587445,-0.115273,-0.110022,0.263938,-0.355638,-0.72836,-0.0349065,-0.346651,1.31529,0.439258,0.302955,0.125914,-0.458828,0.76449,0.706501,-0.292349,0.997554,-0.513101,1.29918,0.790121,-1.43728,0.366018,0.80403,-0.385532,-0.584838,0.682925,-0.194716,-0.366345,0.918674,-0.0681957,-0.653715,-0.0504885,-0.423075,0.191011,0.124047,0.0989877,0.120317,0.24584,0.59101,-0.313389,-0.283979,-0.214562,0.534667,-0.387147,-0.474792,-0.395169,0.259894,0.641175,-0.859371,-0.356572,0.729935,-0.395944,0.126236,-0.4221,-0.69631,-0.271086,0.336323,0.0479243,-0.65502,0.744082,-1.10997,0.100707,-0.135551,-0.393071,-0.156322,-0.478692,-0.186983,-0.464148,0.0696361,0.566268,0.413062,0.241832,-0.434031,0.0918494,1.34352,-0.0996219,0.159806,0.207469,0.63048,-0.01424,-0.319675,0.109066,0.567785,0.62892,1.30678,-0.291352,-0.226198,-0.531761,-1.03908,0.0775582,-0.882922,0.0291031,-0.555225,0.405903,0.122125,0.795821,0.818944,-0.164691,0.190981,-0.121324,-0.279966,0.199245,-0.117097,-0.843886,-0.519467,-0.161421,0.389949,0.158772,-0.199958,0.14101,0.534724,0.488046,-0.419363,-0.891692,1.20842,-0.492579,0.411441,-0.383189,0.118671,-0.0614591,-0.17524,0.629946,-0.330952,-0.403244,0.387886,0.741715,-0.103902,0.193823,0.143748,-0.51481,0.186945,-0.32071,0.159356,0.615695,0.128582,0.24588,-0.598152,0.54494,-0.114006,-0.838729,-0.38729,-0.635168,-0.346639,-0.853597,-0.620941,-0.215945,1.00931,-0.119003,-0.236594,0.883556,0.393488,-0.889869,-0.108283,0.0600216,-0.149103,-0.0382678,0.378372,-0.264856,-0.456541,0.143367,-0.0869077,-0.408585,-0.858828,-1.07861,-0.521254,-0.612212,0.548963,0.590251,-0.0899076,-0.383785,-0.0615332,-0.219724,0.376707,-0.0159075,-0.105612,-1.03951,0.307092,-0.208697,0.45608,-0.103957,0.551634,0.0193216,0.464793,0.0312752,0.111385,0.150926,-0.391812,-0.163756,0.562412,-0.513505,0.782959,0.133459,-0.171833,0.471492,0.982463,-0.805608,-0.0845289,0.200258,-0.82524,0.282796,-0.0418784,-0.285103,0.62822,-0.163742,0.98626,-0.482467,0.181168,0.868018,-0.000989147,0.0887702,0.730805,0.249108,0.315887,-0.43755,-0.551483,0.149266,0.475769,-0.285478,0.0892437,0.548645,-1.43396,0.2949,-0.229692,0.281263,0.721574,1.25042,-0.229207,-0.368138,-0.144693,-0.22819,0.344303,-0.685005,-0.340847,-0.127566,0.14643,0.637327,0.19169,-0.982196,-0.646447,-0.408042,0.596826,0.144739,-0.552656,-0.680101,-0.911401,-0.617821,-0.546519,-0.396513,-0.111433,-0.830305,-0.560919,0.32208,-0.197197,-0.860207,0.394792,0.207752,-0.321511,-0.72065,0.507167,0.232384,-0.504803,0.714646,0.258923,0.385646,0.495122,-0.283688,0.608702,-0.0274306,0.208013,0.103583,-0.0280557,0.00706601,-0.374364,-0.502225,-0.126487,0.465541,-0.31532,0.826036,-0.892485,1.20228,-0.0587593,0.497455,-0.498701,-0.762113,0.158822,0.768548,-0.320718,0.547932,0.669123,0.706405,-0.4504,-0.232297,0.441687,-0.144714,0.417932,0.468503,-0.707448,-0.0729586,-0.292902,0.23323,0.015937,1.03067,-0.145398,0.0395298,0.138137,0.565323,-0.0339579,0.674298,-0.62215,-0.186466,-1.02754,0.414906,-0.11615,0.877612,-0.106299,-0.180084,0.133206,1.39685,-0.918045,0.468099,0.385761,0.752399,-0.15339,0.0864222,0.0532949,-0.451408,0.907784,-0.0915127,-0.243884,0.525139,-0.789121,-0.617929,-0.136877,-0.729303,0.175178,0.310664,-0.168063,-0.709598,-0.341362,0.181624,-0.509932,0.345491,1.41141,0.713926,-0.2965,-0.397296,-0.178277,0.760892,0.938622,0.324712,0.308428,0.751496,-1.25777,-0.0994621,-0.0771311,-1.17564,-0.00640972,-0.166341,1.26434,0.234343,-1.37126,-0.858605,0.197964,0.179333,-0.0833124,-0.613972,-1.27617,-0.409878,-0.549927,0.790125,-0.556612,-0.45932,0.477322,0.385583,-0.0637408,-0.388716,0.060005,-0.363709,0.424028,0.484383,-0.257395,-0.245745,0.526951,0.595555,-0.0304733,0.573702,-0.083706,-0.316206,-0.263751,-0.637224,0.456732,0.483728,0.477931,-0.0534774,-1.0418,0.153497,-0.480427,0.0291618,0.751838,0.217616,0.833872,-0.0951218,1.10067,0.568871,-0.734597,-0.298047,0.0932404,-0.427221,-0.701417,-0.0725138,0.200718,0.689353,0.315599,-1.06023,-0.24579,0.141406,0.655201,-1.25273,-0.491066,-0.557623,0.367297,0.672993,-0.180821,1.03698,0.540184,-0.442027,0.862439,0.0974411,-0.173103,0.431016,-0.110891,-0.585658,0.122697,0.308643,-0.437521,0.113888,-0.39392,-0.66788,-0.21002,-0.789312,-0.44525,-0.532106,-1.32981,-0.629511,0.861257,0.736617,1.13166,0.370664,0.634251,0.344288,-0.0325439,0.135697,0.804598,0.298484,0.0524229,-0.838259,0.613106,0.0977955,0.0909597,-0.574788,0.0777437,-0.451354,0.491501,-0.456287,-0.590233,0.462982,-0.217036,-0.234815,0.816124,-0.36052,-0.977004,0.576557,-0.230354,0.0626335,-0.165953,-0.560631,0.354907,-0.101571,0.427342,-0.44951,-0.154533,0.379572,0.293632,0.248202,-1.57515,0.101169,-0.753859,-0.128282,-0.00252181,0.115321,-0.365826,0.220237,0.367668,-0.528869,0.330286,0.341355,0.185205,0.458952,-0.0170761,-0.118001,-0.531998,-0.527089,-0.179043,0.661195,0.657908,-0.282777,-0.710796,-0.883385,1.69559,0.0657261,0.692867,0.56475,-0.829765,-1.21669,-0.035347,0.0345027,-0.239046,-0.0604258,-0.520681,-0.402427,0.21311,-0.266584,1.22492,-0.0505137,0.254423,0.255635,-0.234633,0.679413,0.0773352,-0.0761496,0.00863294,-0.821973,0.163301,-0.230382,0.163048,-0.0971627,-0.209671,-0.424541,-0.726963,-0.142511,-0.268535,0.403507,-0.474525,0.18123,-0.435279,-0.482357,-0.197384,-0.622292,0.587037,0.859583,0.212795,0.55125,-0.428475,-0.128251,-0.62485,-0.415631,-1.2176,-0.863612,-0.55827,0.91701,0.315845,0.828383,-0.248616,-0.659817,0.169821,-0.281256,0.399865,0.525871,-0.451403,-0.179288,0.415023,-0.201473,0.216458,1.15805,-0.694006,0.217939,-0.724999,0.214343,-1.05624,-0.974671,-0.490232,0.446632,-0.98068,-0.532646,0.00225066,-0.496225,0.0800572,-0.095203,-0.0321488,-0.0183817,-0.15515,0.0208092,0.832014,0.154487,0.263122,0.424158,-0.00242671,0.833717,0.501928,0.176628,-1.09101,0.814512,-0.4262,-0.590206,-0.345787,0.0350544,-0.0776912,0.0679484,1.46135,-0.448617,-0.947532,0.830395,-1.01142,-0.857785,0.534728,0.238432,-0.935858,0.32281,-0.35936,0.744108,0.938472,-0.917245,0.686222,-0.541185,0.245515,-0.374477,0.254875,-0.217775,-1.0005,0.451863,0.556654,-0.984378,0.667453,-0.0607472,-0.0997122,0.387548,-0.810092,-0.187498,-0.375394,-0.843151,-0.493165,0.353443,-0.863462,0.609593,-0.0596108,-1.02763,0.11605,1.49321,-0.600059,0.342277,-0.452831,0.479634,0.360085,0.199356,0.122019,-0.465533,-0.0917171,0.679816,0.355041,-0.228543,-0.510765,-0.825748,0.0220022,-0.129733,0.127613,-0.141438,0.397276,0.577034,0.952193,0.200042,0.581508,-0.950315,-0.351231,-0.19668,-0.102206,-0.770467,-0.571406,0.364057,-0.96138,-0.845023,0.166175,0.337755,-0.0786872,-0.217745,-0.0838916,-0.540533,0.143389,0.129767,0.103739,-0.0268621,-1.11314,-0.73277,-0.197796,0.149747,-0.021551,0.0636773,1.10364,-0.105302,-0.629769,0.22615,-0.165407,-0.0371326,-0.567348,0.532975,-0.310942,0.584981,0.435158,0.701212,0.395652,0.0384397,0.25655,-0.901039,-1.41356,0.721392,0.413838,0.846737,-0.753727,0.0783169,-0.854585,-0.597444,-0.338506,0.559452,0.12428,0.00142764,-0.0735473,0.566188,1.07019,0.405284,-1.24184,-0.483208,0.176706,-0.0409916,-0.351801,-0.908109,-0.378696,0.320972,-0.428293,1.24936,-0.453198,-0.033931,-0.442326,0.345942,0.261142,-0.0510868,-0.19709,-1.0456,-0.0267783,0.327572,0.434851,0.507708,-0.0156816,-1.20763,-0.158352,0.330007,-1.05155,-0.480462,-0.0977479,-1.53793,0.439412,0.258067,0.457749,-0.359589,0.409867,1.14498,-0.167366,-0.633043,-0.546882,-0.511757,0.394416,0.344111,0.739315,0.804499,-0.689316,-0.546486,0.0821975,-0.661611,-0.236866,0.395456,-0.46316,-0.985998,-0.29305,0.241006,0.859526,-0.782312,-0.127652,0.0293835,0.0762405,0.0539565,-0.169168,1.04586,0.122768,0.214043,0.192964,0.370424,-0.351093,-0.698857,-0.483949,-0.144453,-0.507794,-0.0304909,-0.757289,0.22349,0.39427,-0.571851,1.0362,0.267909,-0.924392,-0.73083,-0.521804,0.249069,1.16692,0.330692,1.12587,-0.357095,0.0816973,0.663453,0.891859,0.011171,-0.0380622,-1.39808,-0.0122895,-0.340745,-0.913083,-0.772353,0.654216,-0.536999,-0.540777,0.467981,-0.580403,-0.00130314,0.0663382,0.450156,0.198214,0.028112,0.0374719,-0.530804,0.450662,-0.979754,0.0954292,0.426856,-0.849073,-0.424938,0.978699,0.485446,0.255293,1.19461,0.969392,0.909066,-1.12519,0.71708,-0.293089,-0.677491,-0.190063,0.048594,0.0886144,0.504223,1.21645,-0.997335,0.0581334,0.465456,0.780022,-0.170336,0.898497,0.223903,0.12194,0.0794712,0.752992,-0.468193,1.24954,0.168446,0.0481878,0.360728,0.986501,0.0374888,-0.868119,0.532137,-0.110393,0.154523,-0.119129,-0.23864,0.717686,0.0459179,0.123797,0.48917,-0.0743527,0.415726,0.515153,0.65013,0.373627,-0.288434,-0.449638,0.811548,0.364047,-0.999081,-0.253285,-0.0954401,1.07201,-0.227329,0.114049,-0.58004,-0.0921327,-0.263968,0.01996,1.05584,-0.503406,-0.0268129,-0.0967371,-0.736049,-0.680118,0.0237364,0.470205,0.230871,1.03461,0.736382,0.471724,0.823283,-0.817918,-0.00532695,-0.319774,-0.195361,-0.103208,-0.441375,-0.453425,-0.617903,1.08685,-0.684916,0.20707,-1.18813,1.36038,0.292456,0.854378,-0.804856,0.112885,-0.483145,0.06434,-0.0563696,-0.137093,-0.459262,-0.533826,-0.596201,-0.234649,-0.414474,-0.0258069,-0.442106,-0.14606,-0.486546,1.09857,0.827095,-0.568285,0.506991,0.697185,0.150043,0.291625,0.256857,0.0228859,0.337411,0.0327476,1.04753,-0.56275,-0.0371836,-1.1209,-0.480203,1.28508,-0.235663,0.24828,-0.192088,-0.944102,0.21195,0.463709,0.597363,-1.2051,0.258759,0.391827,-0.789518,-1.19494,0.142009,-0.180061,0.407297,-0.242187,1.20096,-0.331193,-0.104531,-0.463598,0.423701,-0.640369,-0.581674,0.232246,-0.036285,0.40125,0.459112,-0.47302,0.359036,0.506264,-0.181485,0.806115,0.7621,-0.00675979,0.274279,-1.79564,0.584305,-0.503797,0.737741,-0.609343,0.637644,0.315863,-0.390135,0.217323,-0.276706,-0.896134,0.0375144,-0.704722,0.620568,-0.0907594,-0.577383,0.0837763,0.00143003,1.07796,-0.947195,-0.576814,0.3782,-0.446644,0.701904,-0.697645,0.0837372,-1.62746,-0.0980255,0.94626,-0.588221,-0.735904,-0.207492,-0.347446,-0.517742,-0.060428,-0.0994846,0.356545,-0.156349,0.819532,-0.872197,-0.379807,0.0985368,-0.786256,-0.847507,0.515866,0.476827,-1.14541,-0.146735,-0.619876,0.73376,-0.368275,0.298501,-0.0148526,-0.449978,-1.28506,0.0659261,0.0317701,0.374418,0.493784,1.31825,0.855107,-0.0388352,0.491391,0.899551,1.16489,0.0852721,-0.14353,-0.740783,0.37116,0.429272,-0.0223094,-0.436753,0.343934,0.285824,0.367074,0.766673,-0.291324,-0.392283,-0.736073,0.768508,0.0737878,0.229829,0.8952,0.854867,0.159954,-0.328641,0.285291,-0.54206,0.202932,0.364679,0.325633,-0.645913,0.0673344,-0.272513,-0.634023,-0.487831,0.342375,0.375202,-0.291478,-0.387049,0.318414,-0.579009,1.07462,-0.554651,0.49816,0.691262,0.200748,0.67542,-0.00596455,0.141093,-0.261136,-0.412327,0.522016,0.120804,0.974331,0.762796,-1.05346,0.317756,-0.114437,-0.614285,-0.776431,-0.0442922,-0.336752,0.241512,0.662515,-0.299566,-0.345854,0.0933527,-0.948483,-0.172131,-0.300634,-0.454945,0.591237,-0.589787,-0.228821,-0.764787,-1.12023,0.146286,-0.0919379,0.430015,0.248467,0.782405,0.0967468,-0.466003,-0.678367,-0.00373416,-0.0166473,0.00252821,1.01979,0.482898,0.3753,-0.648009,0.462357,-0.219246,0.883062,0.0231463,-0.195688,0.424903,0.247143,-0.316706,-0.00626513,0.243811,0.645577,0.328059,-0.361483,-0.483348,-0.869472,0.350038,0.0121866,-0.793394,0.153716,-0.407333,-0.40453,-0.243469,0.121959,-0.244026,0.492337,-0.43147,1.32733,-0.686052,0.442224,0.0452592,0.605181,-0.0978457,-0.00105436,-0.442477,-0.356229,-0.573056,0.458803,0.134266,0.145961,0.408835,-0.240339,0.150499,-0.334404,-0.864671,-0.617028,-0.122636,-0.0396526,-0.329264,0.235866,-1.16167,0.279412,-0.0405347,-0.195925,-0.426444,0.403188,-0.086698,-0.830025,-1.55439,-0.631854,-0.1903,-0.147518,0.625899,0.152976,0.227012,-0.342763,0.33078,-0.570863,-0.108083,0.192944,0.701439,0.690673,-1.19577,-0.222513,-0.433266,0.124123,-0.451428,0.258327,0.0917236,0.342538,0.2608,-0.304966,0.936063,-0.567607,-0.327099,0.155917,-0.601646,-0.0841495,-0.352212,0.153427,0.524651,0.140635,-0.52479,-0.569467,-0.722296,-0.130263,-0.470644,-0.128705,0.109536,-0.01247,-0.614968,-0.0587862,0.363559,0.560564,-0.285193,-0.149967,-0.399086,-0.226689,-0.379676,0.212543,-0.348161,0.953609,-0.15827,-0.155623,0.491939,0.571864,0.433209,0.142522,-0.926683,0.995483,0.61671,0.738589,0.130656,-0.0125588,-0.26173,0.39123,0.236503,0.938764,-0.313397,0.829323,1.18158,-1.22377,0.33512,-0.460254,-0.289871,0.0284493,1.5906,0.340376,0.343275,0.550501,0.899609,0.208219,-0.22546,0.302476,0.579692,0.606413,0.536551,-0.44546,0.163935,-0.214282,-0.293279,-0.505694,-0.259135,-0.831068,0.117712,0.294923,-0.34159,-0.116283,-0.732682,-0.679589,0.578239,0.327742,0.826113,-0.574477,0.112869,0.00319014,-0.365875,0.356092,0.140987,0.270676,0.264062,0.238762,0.140594,-0.163029,-0.0615976,-0.383757,-0.731041,1.1676,0.912655,-0.202551,-0.062169,-0.0916823,0.0687154,-0.384907,-0.16901,-0.446101,0.691545,-0.249224,1.18774,-0.263009,0.0252271,-0.17848,0.0996461,0.700085,-0.218264,-0.332174,0.136339,0.292657,0.049719,-0.290264,-0.214755,-1.4062,0.392635,0.308879,-1.18373,-0.839847,-0.552445,-0.219165,0.310843,-0.581681,0.360829,0.447048,0.1105,-2.02065,1.07859,-1.1852,-1.10856,-0.0303512,1.59762,0.919898,-0.425651,0.308536,1.20088,0.25865,-0.285666,-0.00294106,-0.377166,-0.980585,0.142692,0.607305,-0.553769,0.0120134,0.143821,-0.645461,-0.224867,0.335527,-0.520202,0.705465,0.0239462,-0.130455,0.175125,-0.758807,0.10225,0.723085,0.166881,-0.709192,-0.0466263,0.574897,0.256341,-0.44796,0.76748,0.331469,-0.273996,-0.328634,-1.4422,-0.283022,-0.551183,0.0197058,0.756909,0.18271,-0.315249,-0.0750764,-0.229186,0.219968,-0.959986,-0.341431,0.388895,-0.260957,-0.300909,1.84606,-0.854933,0.656626,-0.493453,0.587253,-0.126614,-1.87915,-0.29456,0.0851198,0.202035,0.338613,0.457659,0.384841,-0.298884,0.257087,-0.206905,0.122066,1.51561,0.604469,0.223733,-0.664842,0.109794,0.626036,-0.162642,-0.221632,-0.820622,-1.07763,1.2954,0.817579,0.319026,-1.08191,0.106306,0.628121,-0.816614,0.430119,-0.915923,0.346344,-0.527555,-0.101302,0.637528,-0.0593274,1.30228,-0.449833,-1.04377,0.310318,0.449425,-0.91855,0.918887,1.04705,-0.471661,0.64619,0.092414,0.0656915,0.352626,-0.301965,-0.0713395,-0.414274,-0.398762,-0.105522,0.0204307,-0.340231,0.0959399,-0.90009,0.394887,0.910807,-0.269475,-0.165562,-0.474461,0.0516221,-1.0316,0.40077,0.215099,0.239548,-0.649612,0.55636,0.181154,0.577147,-1.01128,0.722705,0.0678657,1.21272,-0.779655,-0.0228226,0.0447142,0.162255,-0.175788,0.795096,-0.599672,0.0654092,-0.0899193,-0.01051,-0.621527,0.479308,0.254653,-0.754144,1.33142,-0.289904,-0.241278,-0.901531,0.0829858,-0.676005,-0.535782,-0.905641,0.0202576,0.699767,-0.140162,0.367801,0.346274,-0.0241499,-0.980798,-0.320139,-0.721232,0.620654,1.30164,-0.351315,0.0252143,-0.493797,-0.161588,0.437467,-1.04782,0.17517,0.160829,0.404967,0.257334,-0.193869,0.729595,1.67779,0.23537,-0.265542,-0.549207,0.104319,0.533478,-0.230401,0.343478,-0.665347,-0.404014,0.775797,-0.178239,0.495448,0.784329,-0.282014,-0.481741,-0.0447766,0.214538,-0.426877,0.368874,0.832308,-0.845848,1.16631,0.151656,-1.22412,-0.0901873,-0.333534,-0.352574,0.562697,0.0998832,0.458376,0.236216,0.454451,-0.581225,1.25725,-0.555187,1.23725,0.628138,-0.0369825,0.938875,-0.377821,-0.395405,-0.163637,0.130722,-0.227543,-0.514004,0.724736,0.547882,0.0729548,0.423209,-0.334598,0.541705,-0.862508,0.336486,0.700715,0.29359,0.615844,0.437952,0.282169,0.15982,-1.13428,0.883179,0.0782062,0.267178,0.502004,0.578273,-0.495431,0.882987,-0.209601,0.137736,-0.643174,-0.218657,-0.0813119,-0.294327,-0.953159,-0.0532972,0.441227,0.999236,-0.45714,1.15732,0.156978,-0.423888,0.791496,-0.748587,0.919665,0.256434,-0.186753,0.350703,0.0432324,0.356795,-0.0863203,-0.355614,0.98056,0.0577848,-0.823301,0.547183,-0.776272,0.0261392,-1.35308,0.247742,0.388932,-0.477774,-0.408636,-0.153054,-0.864644,-0.629456,-0.530086,0.948543,-0.251237,-0.364351,0.00427,-0.580025,-0.370377,0.238217,-0.698736,0.402286,-0.374497,0.45898,-0.31895,0.196099,-0.103001,-0.298351,0.0339877,0.804893,0.207778,0.212745,0.548572,-1.02945,0.397944,0.222451,-0.497258,0.118671,-1.15266,-0.385171,0.301841,-0.0241742,-0.0500834,-0.880017,-0.0815769,0.214036,0.0590839,-0.19553,0.227985,0.642579,-0.0890584,-0.526568,0.0548766,0.222977,0.0565795,-0.762461,0.16154,0.550074,0.293105,-0.488536,-0.0340698,0.0277794,-0.597483,0.652573,0.857883,0.00880848,0.14431,-0.00391405,-0.2386,-0.268269,-0.333008,0.149545,-0.264016,0.234607,-0.974333,0.944218,-0.476854,0.0327437,-0.450946,-0.240848,0.321894,0.714412,0.492341,-0.370702,0.726699,-0.0357905,-0.430008,-0.516671,-1.54103,-0.1522,-0.598353,0.793359,0.23875,-0.134315,0.534854,-0.413353,-0.307852,0.765621,0.115151,0.76055,-0.0118483,-0.269267,0.109072,-0.0914679,0.439778,0.57277,-0.563775,-0.158672,0.957511,0.291105,-0.706855,-0.79558,0.205327,-0.739868,-0.336855,-0.583197,-0.0621971,0.227191,0.603237,-0.697188,-0.914671,-1.2739,0.142115,0.154382,2.01611,0.252996,0.385353,-0.0754307,0.061525,-0.904506,1.0266,0.694491,-0.513093,0.461143,-0.121074,-0.57522,-0.547521,1.06202,0.578412,-0.144487,-0.0467133,-0.328798,0.297129,-1.10997,0.624632,0.095598,-0.231958,0.76962,-0.684947,0.555384,0.289183,-0.689552,0.136358,-0.0133431,0.737428,0.20466,0.410615,0.781159,-0.578272,-0.470932,0.420215,0.976231,-0.0602399,-0.49582,0.106543,0.529409,0.256096,-0.803551,-1.18966,0.703128,-0.334545,0.11947,0.416897,1.67795,-1.04111,-1.32967,0.437882,0.591165,-0.711946,-0.346934,0.485815,0.260705,0.0669887,-0.403636,0.973897,0.506564,-0.431135,-0.348084,0.288075,0.179638,-0.105392,-0.110088,0.232959,0.241349,-0.866926,0.011405,0.336767,0.0210992,0.415581,0.0768107,0.716119,-0.012129,-0.169078,0.610792,0.148363,0.371601,-1.07955,0.421979,-1.2141,-0.420531,-0.155724,1.05428,-1.19221,0.873144,-1.82133,-0.337394,-0.482376,0.308848,-0.150882,-0.568057,0.73579,0.588901,0.150282,-0.0695137,-0.257118,-0.30466,0.0516616,-1.07888,-0.0723375,0.508072,-0.445486,-0.0748871,0.750651,0.0173103,0.67757,0.610115,1.14581,0.571521,-0.216841,-0.00750449,-0.18137,-0.151158,0.241046,0.113592,0.591306,-0.66952,-0.462702,-0.609739,0.0424319,-0.688121,0.657671,-1.11529,-1.23316,-0.420396,0.178719,-0.702498,0.766245,-0.128577,-0.570344,0.00391471,0.811992,-0.247411,-0.164032,-0.658327,0.6864,0.0078816,0.301261,-0.836903,-0.070161,-0.315652,-1.45989,1.27206,-0.129022,1.07666,0.258579,-0.285311,-0.0514534,-0.711101,-0.666448,-0.988233,0.606103,0.125429,-0.175668,0.509234,0.227123,-0.180729,0.649193,0.645875,-0.104399,-1.10849,0.208831,0.631405,0.335406,-0.0249626,-0.0955556,-0.0619554,-0.033946,0.713808,0.473044,0.602343,0.173518,-1.30839,-0.51275,-0.875793,-0.980063,0.572741,0.489307,-0.63036,-0.292662,0.697007,0.170828,0.375162,-0.212232,-0.137238,0.260662,-0.529709,0.0840824,-0.558699,0.262173,0.197087,0.952029,0.245563,0.228191,-0.507268,-0.763384,-0.417257,0.322551,-0.487757,0.618747,0.0872493,0.384731,0.457325,0.500885,-1.45451,0.858859,1.06167,-0.368278,0.3587,0.465615,0.241664,0.667576,0.326256,-0.798287,0.361398,-0.366263,0.781797,-0.31656,0.722468,-0.498843,-1.13431,0.0740699,0.300515,0.0428112,-0.169042,0.111871,-0.472364,-0.220772,-0.221574,-0.40291,0.495314,0.876691,0.603614,-0.104084,0.447778,0.244321,-0.177319,-1.08951,0.0396692,-0.765814,0.099762,0.306572,-0.448922,-0.0961768,-0.0972624,-0.0823169,0.161824,0.28354,0.397113,-0.954259,0.739166,0.600017,-0.15448,-0.23756,-0.253144,0.2214,0.524237,-0.124363,-0.130592,0.177637,-0.262944,-0.160334,0.880284,-0.497513,0.310721,-1.0072,-0.471934,-0.88644,-0.182288,0.18204,-0.593822,0.0252997,-0.676413,0.778797,0.0162658,-0.587481,-0.184376,-0.0844855,0.263549,0.230857,-0.722074,0.0476276,0.191439,-0.75284,0.624776,-0.292442,0.392983,0.514421,-0.419271,0.6423,0.73577,-0.670989,-0.157553,-0.651468,1.16347,-0.229011,0.020313,-0.192069,0.421591,0.546021,0.398104,-0.0432716,-0.936205,0.476019,0.700471,-0.313794,-0.124328,-0.773024,-0.329403,-0.8428,-0.101499,0.121223,0.0845537,-0.606133,0.246228,0.558216,-0.322877,-1.03205,0.16285,-0.150691,-0.00237626,0.666651,0.870554,-0.289218,-0.791576,0.125131,0.0909047,-0.560954,0.679343,0.047625,0.12689,0.193085,0.615339,-1.01598,-0.49367,-0.921483,0.429837,0.191689,-0.0429686,-0.525593,-0.0524325,0.110628,-0.761244,0.386401,0.141683,-0.132645,-0.729392,0.266107,0.0515101,-0.17174,0.218319,0.34796,-0.835796,-0.372429,-0.542674,0.926212,0.542296,0.204288,0.0221829,-0.215233,-0.651608,0.113621,-0.380907,-0.888919,0.165452,0.202682,-0.264457,-0.0214001,-0.357375,0.450404,0.201507,0.278542,-0.870338,-0.380141,-0.0382342,0.481627,0.175185,-0.0286962,-0.341308,0.14199,-0.306181,-0.085799,0.361218,-0.127674,0.521902,-0.277501,-0.0841082,-0.756605,0.505656,0.0158468,0.111037,-1.11691,0.242647,0.0863825,-0.293547,-1.0887,-0.0956834,-0.0755082,-0.496628,0.729325,0.00246464,-0.162526,0.503806,0.927136,0.857074,-0.147897,0.135455,-0.249611,0.074338,-0.288631,-0.268344,-0.351076,0.425206,-0.396094,0.293318,-0.324681,-0.269864,-0.297167,-0.671274,0.372856,-0.0909502,-0.0905599,-0.797427,0.807831,-0.145461,-0.168439,0.31506,-0.357391,-0.401226,0.356204,-0.233314,0.547987,0.211486,-0.455512,0.198727,0.412329,-0.743927,-0.265588,0.503503,0.128258,-0.656183,0.53217,-0.14324,0.41297,0.487332,-0.612354,-0.18941,-0.749919,0.604986,-0.174566,0.851737,-1.00269,0.385396,-0.36167,0.600702,0.0778425,0.18702,0.0218884,0.506305,0.983866,0.32835,-0.592535,-0.143835,-0.205526,-0.404429,0.2212,0.510893,-0.550376,0.623446,-0.0962731,0.11318,0.0321775,0.609989,-0.739378,-0.181711,-0.369523,-0.268898,-0.0218784,0.193805,0.395629,-0.538854,-0.158603,0.578759,-0.400361,0.0601722,-0.14059,-0.466459,-0.216879,0.632179,0.531639,0.827898,-0.814607,0.425147,0.172712,0.718789,-0.576849,-0.378298,0.0508854,0.155245,0.848949,-0.322015,-0.0328746,-0.238307,0.357039,-0.103995,0.228264,0.14227,-0.12662,0.642256,-0.690451,0.875946,0.220433,-0.312341,-0.273887,0.388371,-0.825764,0.36888,-0.409849,0.322932,0.35813,-0.293224,0.411237,-0.0200892,0.0454523,0.0399757,-0.350106,-0.305469,-0.0835552,-0.262078,-0.246273,-0.0830902,0.450307,0.436433,0.916845,0.597254,-0.217695,0.139391,-0.898381,0.195039,-0.206267,0.436321,0.627718,-0.485739,0.188423,-0.215991,0.569437,-0.583353,0.0921176,0.672477,0.0298015,-0.124764,-0.306767,0.393154,-0.405118,0.158467,0.224098,-0.165782,1.0197,0.00866786,-1.01516,0.211683,-0.194472,0.235923,0.151253,-0.537656,-0.0268119,-0.308064,1.39561,1.04561,-0.171061,-0.878114,0.573141,0.426627,0.148698,-0.612464,-1.01232,0.523417,0.328789,0.0963023,-0.778976,0.0370131,-0.186109,0.660465,0.0398813,0.669862,0.375133,0.721082,-1.24082,-1.12135,-0.620627,0.771433,-0.418738,-0.380811,0.048945,-0.406166,-0.0621649,0.339487,-0.563849,0.046964,0.362541,0.417706,0.225167,0.171329,-0.584249,0.39852,-0.693972,0.625726,-0.795419,1.02049,0.845768,0.223089,0.833943,-0.00122732,-0.137382,0.268328,0.0729704,0.0144228,0.350878,0.72748,0.26457,0.227358,-0.436814,0.594228,-0.49642,-0.463333,-0.3635,0.486148,-0.402392,0.186725,0.380942,-0.944855,0.415741,0.0640495,-0.551054,-0.46731,-0.762071,-1.09301,0.0978575,0.759213,-0.140943,-0.522344,-0.0486579,0.0220881,-0.833032,0.064022,1.22418,-0.172138,0.0722035,-0.481264,-0.70939,-0.452715,0.426968,-0.721499,0.329166,0.435421,-0.2425,-0.0449475,0.0218213,0.109239,-0.345258,0.405813,0.506012,0.582271,-0.918262,0.416794,-0.125634,0.185046,1.23318,0.858183,0.496621,-0.160312,0.172985,-1.1373,0.371744,0.699764,-0.20202,0.0987537,-0.670256,-0.282248,0.0122451,-0.246993,0.126628,0.113555,0.738584,0.751514,0.574444,-0.421239,-0.0269913,0.147728,-0.806345,0.231206,-0.272739,0.184377,-1.25837,-0.569569,0.201326,0.526349,0.116183,0.0733237,-0.3979,-0.197193,0.403115,0.607028,-0.108082,-0.554597,0.18755,-0.814504,-0.112348,0.0443714,0.893398,-0.277712,-0.736746,0.237632,-0.215548,0.815046,-0.441435,0.474148,0.292584,-0.143386,0.320399,0.286766,-0.00144043,0.762544,0.312548,0.38421,-0.97277,-0.228748,-0.526946,0.0587175,0.240952,0.77456,-0.179227,-0.779631,0.635585,-0.128841,0.197286,0.0209394,-0.52283,0.58163,0.134554,0.0983099,1.75553,-0.0819208,-0.154986,0.106136,0.525049,-0.739064,0.107486,-0.171348,-0.196944,0.895216,0.559763,-0.190079,-0.47016,0.266862,-0.832686,-0.622169,0.350066,-0.116705,1.2876,0.144054,-0.113214,-0.199232,-0.354662,-0.473126,0.222061,0.391641,0.17552,0.420029,0.054029,0.174802,0.652046,0.655594,-0.473096,0.0796201,0.266805,-0.471526,-0.57949,-0.768723,0.207874,-0.0611743,0.483823,0.453591,-0.504334,-0.0812773,-0.133794,-0.168259,0.32766,-0.239289,-0.65393,-0.0382364,0.335642,0.832354,-0.2424,-0.372424,-0.40361,-0.206367,-0.470822,-0.389495,-0.251863,-0.327042,1.07628,0.347878,-0.33196,0.358936,0.256145,0.867183,-0.581217,-0.0278374,0.743964,0.197007,0.6612,-0.0391593,-1.19607,0.123162,0.956501,0.279222,-0.25779,0.53686,0.0278701,0.681209,0.376892,0.0668758,0.235475,0.33148,-0.583462,0.173168,0.873824,-0.373871,-0.418792,-0.0901341,-0.306645,-0.373472,0.0649419,0.217589,0.386509,-0.0572591,-0.168734,-0.107036,-0.178171,0.754258,-0.165385,-1.01964,0.735484,0.419452,0.349752,-0.179645,-0.197124,0.246273,0.469804,0.012502,-0.284294,0.542587,0.101229,0.830891,0.209296,-0.22648,0.308031,0.574563,-0.10711,0.336193,-0.632765,-0.577363,0.045496,0.361559,-0.352157,-0.28782,0.682542,0.0342145,-0.249796,-0.0398895,-0.0162139,-0.0437054,-0.824086,-0.263423,-0.137636,-0.0543782,0.390678,0.583153,-0.193158,-1.13718,-0.252944,0.358967,-0.606612,-0.804642,0.04109,0.25043,0.165467,0.798974,0.296376,-0.117532,0.0415252,0.105972,0.113726,0.0178944,0.154416,-0.551493,-1.06157,-0.0947914,-0.197001,-0.128028,0.00318905,-0.117887,-0.519096,-0.172009,0.846559,0.402219,-0.142479,-0.193968,0.940197,0.390197,-0.337595,-0.367864,0.335954,0.134132,0.316676,-0.103252,1.19047,-0.0765218,-0.389728,0.595635,0.278316,0.212487,0.243782,-0.74307,0.469076,0.956552,0.149711,-0.256729,-0.352733,0.173858,0.541308,-0.234201,0.109746,-0.555508,-0.298813,-0.56802,-0.746224,-0.588886,0.370454,-0.879208,0.210024,0.670146,-0.25831,-0.225164,0.412589,0.18047,-0.681741,-0.15683,-0.822699,-0.214483,0.0131327,0.0975734,0.395203,0.516788,0.113745,-0.490697,0.144813,0.0296,0.58569,0.997042,-0.404338,0.0717555,0.328343,0.212913,0.442144,-0.0315878,-0.825427,-0.226699,0.467868,-0.00508963,-0.0964196,-0.0576406,0.619701,0.489137,0.66549,0.144414,0.243593,1.40232,0.257849,0.494533,0.304127,0.319464,0.659959,0.519365,0.375436,-0.182303,0.592244,-0.485883,-1.04665,-0.109601,0.660688,-0.583156,0.648672,-0.448674,0.429253,0.482123,0.0843488,-0.172505,-0.182827,0.307148,0.0863111,-0.140505,0.530978,-0.236422,-0.124711,0.127931,-0.112558,-0.229228,0.599994,-0.185254,0.0902412,0.157493,-0.840457,0.504368,0.116608,-0.280796,0.226986,0.300224,0.625799,-0.369379,-0.235628,0.775413,-0.162622,-0.428312,0.274493,-0.0416603,-0.849299,0.400967,0.462681,-0.0334646,-0.417645,-0.518056,0.651258,-0.576897,-0.143805,-1.15423,-0.223194,-1.0973,-0.21515,-0.493975,0.0129487,0.134027,-0.43424,0.0764219,-0.0546606,-0.545336,0.120141,-0.0267084,0.208667,-0.0363036,0.576099,-0.161913,-0.00800133,-0.217398,-0.231948,0.490745,0.613577,-0.0694103,-0.408355,-0.107546,-0.0242822,0.0743081,0.452545,0.561416,0.360767,-0.370424,-0.0400829,0.145654,-0.0433668,0.862628,-0.0227154,0.517434,0.0438683,-0.696231,-0.60216,0.294792,0.105594,0.267897,0.155733,0.941353,0.692545,0.443059,0.224428,0.620184,0.596086,-0.637632,0.917741,0.655343,-0.312715,-0.177046,0.266336,0.448807,-0.142968,0.229369,0.0710324,0.0436432,-0.34224,-0.0174057,-0.667143,0.108478,-0.708947,-0.221464,0.157141,0.0568168,0.563479,-0.0947036,-0.701319,-0.124341,-0.499525,0.121174,-0.255813,-0.76374,0.61463,0.263518,0.187452,-0.298296,-0.519281,-0.194658,0.225403,-0.497777,-0.409284,1.10602,-0.186774,-0.352669,0.16628,-0.456683,-0.271583,0.660149,-0.472761,-0.647073,0.320731,0.0027606,-0.358517,-0.590871,0.473727,0.0516041,0.0278135,-1.1868,-0.404759,0.0808161,0.0248243,-0.45192,0.131358,0.174402,-0.213241,0.23501,0.327445,-0.855915,-0.0669802,-0.293968,0.774375,-0.21276,0.0673545,-0.27652,0.264126,0.865174,0.700804,-0.00378817,-0.49357,0.426875,-0.099485,0.477457,-0.521262,0.00935732,0.766558,-0.0267321,-0.411949,-0.807292,-1.07685,0.0788162,0.175934,0.00832116,0.305133,-0.135995,-0.437991,0.252489,-0.29494,0.615753,-0.114648,-0.914551,-0.203614,-0.686719,-0.167525,-0.161655,0.26509,0.243667,-0.121124,-0.145181,0.0858742,0.0303859,-0.246217,0.226557,0.240826,-0.214933,0.235672,-0.016327,-0.308075,-0.279921,0.0616095,-0.377849,-0.290851,0.215252,-0.408492,-0.0198485,-0.398335,-0.740038,0.0811955,0.328417,-0.570781,-0.273834,-0.628376,0.320393,0.220462,0.278403,-0.166055,0.42816,0.432832,-0.153625,0.313776,-0.955939,0.597429,-0.492912,0.235278,0.00646435,-0.211865,0.0391224,-0.0978909,0.425006,-0.126625,0.122756,-0.306478,0.037823,-0.0405294,-0.281663,-0.433308,-0.148097,0.870928,0.151161,0.595406,-0.0604266,-0.545749,-0.403047,-0.144183,-0.831473,0.74384,-1.00085,0.571438,-0.462476,-0.681233,-0.365578,0.069073,0.288121,-0.513,-0.0169544,0.137215,-0.211961,0.424161,0.0778316,0.0470619,-0.27952,0.199085,0.0517935,-0.15965,1.01316,0.430628,-0.227853,-0.180695,0.138245,-0.563606,0.517842,0.439737,-0.160969,0.226454,0.426909,0.0422163,-1.04973,-0.646466,-0.00296324,-0.228319,-0.0609721,-0.374827,0.0559283,-0.405978,-0.501808,-0.637289,-0.377298,0.356759,0.192531,0.668371,-0.0169453,0.0987067,0.826051,-0.621545,-0.122847,-0.495426,0.551077,-0.295364,-0.377595,-0.113292,-0.13504,0.463925,-0.343144,0.265481,-0.106289,-0.281547,-0.267569,-0.353471,-0.651871,-0.184638,-0.188843,0.274398,-0.142312,0.87364,0.266646,0.611786,0.209841,0.297571,-0.854113,-0.600055,0.512348,0.684571,-0.271275,-0.000568122,-1.02461,0.110024,-0.362643,-0.10807,0.451037,0.222966,-0.226255,-0.272033,-0.0722768,0.0846785,0.274784,-0.254681,0.374123,-0.203541,-1.15493,-0.510137,0.673871,0.759243,0.320899,0.0773812,0.00546825,-0.77682,-0.0982069,-0.427233,0.183588,-0.476449,-0.390984,0.52593,0.431952,0.136155,0.272707,0.107652,-0.318931,0.269846,-0.296793,0.633769,-0.133261,-0.335728,0.704369,0.709911,-0.555611,0.0140347,0.20911,0.308984,-0.121889,-0.689818,0.804216,-0.0846764,-0.437601,1.03718,-0.155916,-1.08583,0.388798,-0.636186,0.891481,-0.380072,0.128108,-0.474366,0.385958,-0.464065,0.23215,-0.300208,0.010068,0.5876,-0.0401297,0.319038,0.469879,0.196308,0.280467,-0.0873594,0.670538,-0.00521479,0.0656483,-0.074525,-0.255498,-0.722395,0.0846986,0.950516,0.109943,-0.428379,-0.31349,0.292361,-0.514655,-0.0320096,0.242426,0.0844711,-0.74421,-0.481166,0.0813047,0.493849,-1.52567,0.874861,0.169468,0.401518,-0.328323,-0.133462,-0.22461,-0.346807,0.142771,-0.245482,0.0665629,-0.0538468,-0.585756,0.330011,0.39097,-0.293959,-0.296484,-0.470367,0.123259,-0.914808,0.282054,-0.612989,0.390522,-0.599308,-0.962721,-0.132797,0.798881,-0.560099,0.348133,0.506014,-0.179609,0.911977,-0.0340205,0.234345,-0.332237,-0.0437056,0.408282,-0.0909829,-0.271084,-0.44083,-1.03069,0.0876507,0.0573369,0.319681,-0.042325,0.654502,0.619979,-0.185123,0.290529,0.0295456,-1.25703,0.179883,-0.342522,0.391816,-0.268767,-0.176843,-0.164575,-0.868976,0.0480242,-0.70534,-0.804233,-0.565773,0.0419187,1.18889,0.260333,0.518787,-0.306591,-0.761323,0.0573597,-0.704489,-0.535841,0.34906,-0.522793,0.122387,0.18344,0.258482,-0.25171,-0.0582116,-0.0507457,-0.180193,0.743269,-0.0704944,-0.0125093,0.495015,-0.189916,-0.0744466,0.241528,0.409149,-0.234848,-0.330656,0.327879,-0.270434,0.439266,0.643561,0.437232,0.127285,0.734512,-0.0860317,-0.779455,-0.356857,0.483252,-0.286828,-0.0885037,0.197417,-0.300545,0.716208,-0.0528117,-0.559059,0.153774,-0.301648,0.675504,-0.376614,-0.438053,0.118964,-0.611155,0.321335,0.346468,-1.12916,0.174251,0.0369563,-0.31453,-0.185836,0.0989158,0.086939,-0.0845102,0.565977,0.291855,1.19521,0.415013,-0.32705,-0.789376,-0.478459,0.828846,0.0541351,-0.0895068,0.503893,-0.791029,0.579647,0.24153,0.266262,-0.364668,-0.276246,-0.296145,-0.123849,-0.188041,-0.46942,0.00210542,0.79361,0.0204813,0.601115,1.36707,-0.512086,0.0652802,0.420546,-0.073902,-0.480331,-0.363473,0.876005,-0.600787,-1.00844,-0.487663,0.0942758,-0.567366,-0.168221,-0.0718314,0.694521,-0.0627302,0.455656,0.785966,0.569354,0.0189052,0.510232,-0.535938,-0.329472,0.471651,0.0200877,0.0903691,0.432169,-0.468488,-0.644966,0.0329902,-0.145292,-0.282745,-0.212068,0.155673,-0.648682,-0.359868,0.206652,-0.170882,0.16953,0.195111,-0.213928,-0.116627,0.325203,0.874925,0.442179,0.249984,-0.407665,-0.72268,0.526715,0.321545,0.468792,-0.399201,0.520546,-0.585225,-0.664993,0.0891594,-0.35955,-0.775452,-0.597662,-0.478475,-0.264362,0.123232,-0.175847,0.271557,-0.16855,-0.149724,0.077287,-0.268245,-0.0424318,-0.177212,-0.0861349,0.277235,0.134451,0.559455,0.294342,0.985454,-0.531958,0.668352,0.242005,-0.715283,-0.273373,0.522877,0.139771,-0.335625,0.0941664,-1.03944,-0.0915016,0.361839,0.106908,-0.13387,0.102004,-0.414032,-0.325733,-0.826302,-0.177387,-0.205234,0.87773,-1.0817,0.705965,0.176348,0.785848,0.474209,-0.4471,0.349417,0.101243,-0.119008,-1.18388,-0.114504,0.606646,-0.0735373,0.345355,-0.308295,-0.623293,0.127211,0.255625,-0.184571,-0.0735347,-0.239095,0.150583,0.548935,0.879875,0.282311,-0.32956,-0.258726,-0.143024,-0.367859,-0.195171,0.508609,0.100708,-0.000118755,0.151208,0.700284,0.338953,0.181979,0.0603031,0.013575,-0.484814,0.359405,-0.271501,-0.11865,-0.0938219,0.291676,0.612095,0.375757,0.0279217,0.534328,0.346149,-0.370915,0.128016,-0.112518,-0.139277,-0.730691,0.309261,-0.314183,0.468296,-0.842071,0.355347,0.5529,0.33395,-0.732724,-0.422596,-0.662564,0.537939,0.62484,1.02303,-1.00342,-0.295272,-0.665193,-0.0683394,0.017448,-0.0208763,0.272977,0.180505,0.844334,-0.232326,1.67134,-0.0260827,0.991239,0.106244,-0.819952,0.0705181,0.150785,0.383566,0.617853,0.0138076,0.887006,-0.590683,0.225238,-0.0458323,-0.692225,0.754381,0.239208,-0.327194,0.159871,-0.39063,0.507542,0.344187,0.731138,0.0746263,0.302668,-0.229425,-0.741168,-0.441876,0.233586,0.752259,-0.251481,-0.310639,1.03632,0.196047,-0.0984943,-0.433281,-0.099066,-0.329234,0.187614,-0.521155,-0.474598,0.308067,-0.0243194,-0.00531232,0.687739,-0.199442,-0.851065,0.354257,0.490969,-0.00642207,-0.215184,0.243988,-0.678021,-0.510323,-0.525827,-0.431552,0.372556,0.327987,0.470574,-0.133976,-0.628078,-0.157013,-1.00152,0.0750183,0.247863,-1.08672,0.215326,0.34258,0.188839,0.505942,-0.120492,-0.0208133,0.137897,0.650088,0.590659,-0.0104069,-0.0450775,0.00368421,0.378007,0.770768,-0.527011,-0.85425,0.558489,-0.579704,-0.0372612,0.29532,0.450476,-0.820026,-0.0575815,-0.136329,-0.401673,-0.121613,-0.171081,-0.822471,-0.282479,0.343881,0.674863,-0.848648,0.47861,-0.593971,-0.103821,-0.217238,0.270904,0.341794,0.59937,-1.23024,-0.218394,0.326282,0.102869,-0.0386171,0.903619,-0.186692,-0.546918,1.16291,-0.452296,0.149388,0.252723,-0.329156,-0.550182,-0.775707,-0.459801,1.16516,-0.981453,1.25891,0.292472,0.205774,0.841631,-0.126183,-0.187448,0.0311876,0.435166,-0.717874,-0.691988,0.965599,0.0345868,0.276559,-0.968061,-0.586472,0.0670581,-0.0990106,0.0546678,0.781691,0.360415,0.236702,-0.107173,-0.262501,-0.196444,0.184073,0.248729,-0.589905,-0.0335447,0.167133,-0.55401,0.834849,0.133489,0.00714483,0.919075,0.281585,-0.438007,-0.0296585,0.230786,-0.490032,0.0734773,1.17739,1.20798,0.126608,-0.031606,-0.478951,0.00326441,-0.0275854,-0.553512,-0.381091,0.424135,-0.288381,0.518549,0.11576,-0.531357,-0.282279,-0.0881606,-0.163046,-0.371522,-0.764527,-0.334914,-0.173049,-0.515877,0.465671,0.314627,-0.553247,0.15953,-0.138615,-0.14128,0.887484,0.61147,0.0438159,-0.764991,-0.420486,0.305576,-0.570533,0.258282,0.361339,-0.0287545,0.033356,-1.04672,0.382252,0.990354,-0.147619,0.794562,-0.0964155,-0.0041246,-0.195923,-0.139135,-0.100281,0.164511,0.625304,-0.063542,-0.23135,-0.256823,-0.738422,-0.363574,-0.179654,-0.249633,0.0557727,-0.825456,-0.423378,-0.00349535,0.649012,-0.215369,0.252137,-0.173993,0.554075,0.188175,0.380367,0.0284979,-0.16307,-0.060931,0.457189,-0.561061,-0.336191,-0.0130835,0.375002,0.337612,0.370778,0.510552,-0.723057,0.04278,0.33547,-0.720085,0.0996969,0.215507,0.672392,-0.842185,-0.432794,0.703433,-0.317982,-0.264514,0.335092,-0.39873,0.299496,-0.242119,0.315462,-1.17059,-0.0379059,0.0984908,-0.259037,-0.00803832,0.13278,0.000841631,-0.766307,0.479362,0.809762,-0.536985,0.207842,0.709667,-0.278204,0.81245,-0.611686,0.394604,0.076519,-0.177131,-0.524137,-0.057062,0.448567,0.527812,0.219998,0.469131,-0.780386,-0.409981,-0.409176,-0.610948,-0.221614,-0.319599,-0.912997,1.11719,0.37606,-0.182353,-0.0192717,-0.464942,-0.264911,0.161708,-0.31601,-0.288671,1.48826,0.117718,0.0210127,0.00514608,0.497358,-0.732303,0.0198945,-0.336169,-0.743262,0.119016,0.0254972,0.396391,0.738198,0.0555583,0.883723,0.105796,0.325011,0.273819,0.596225,0.0846557,0.418683,0.0119621,0.272898,0.199989,-0.65737,0.409429,0.0899188,0.0534083,0.225982,-0.880317,0.955581,0.124216,-0.973963,-0.114082,-1.0613,0.823621,-0.117893,0.922575,-0.373649,-0.438055,-0.620035,0.751615,1.15335,0.597761,0.470202,0.0295425,0.924317,0.369242,0.0204476,0.763603,-0.835811,-0.496056,-0.474297,0.548473,0.277891,0.178573,0.664302,0.0848673,-0.230115,0.33035,-0.232976,0.436987,-0.0294981,-0.110064,0.161695,-0.26625,0.322735,-0.351181,-0.75177,0.720216,0.000354871,-0.0131179,-0.306148,0.311459,0.0229221,-0.555255,-0.551037,-0.0765019,-0.197844,0.263495,0.197947,0.258202,0.212224,-0.584183,0.0129351,-0.172276,-0.250551,0.496352,-0.16264,0.0736362,-0.371648,-0.217043,-0.189954,0.24152,0.0309218,-0.18426,-0.0802089,1.14046,-0.0181802,0.615852,-0.648408,0.0891379,0.11185,-0.443699,0.499893,0.220638,0.00747886,0.468454,-0.102498,0.288983,0.0776723,0.0860165,0.456976,-0.059158,-0.517997,0.500172,-0.377634,-0.0161828,-0.811189,0.162987,-0.0886465,-0.0335076,0.501052,0.200635,0.202141,-0.0596138,0.471477,0.201991,-0.620621,0.784487,0.794002,-0.535413,-0.0715997,-0.636956,0.0824939,0.0377521,0.239979,-0.133041,0.317613,-0.0843704,-0.588379,0.053146,-0.325214,-0.0991882,-0.42379,0.427825,0.28165,-0.140738,0.233763,-0.399657,0.083553,0.51956,0.217729,0.0824059,0.0934864,-0.206939,0.124104,0.0752709,0.207605,0.461524,-0.232414,-0.626625,-0.442633,0.783533,0.206968,0.443685,0.0809035,0.31128,-0.176979,0.512817,0.308381,-0.655121,0.383054,-1.55186,0.291187,-0.324814,-0.73987,0.231642,0.325981,0.0142787,-0.118047,0.100264,-0.00206127,-0.506133,0.905431,-0.456614,-0.280059,0.238984,0.346575,0.32419,-0.233104,0.341992,1.16404,-0.254795,-0.0432763,-0.158708,0.155123,-0.0526293,0.0397954,0.172843,-0.0698465,-0.295574,-0.382972,-0.303796,-0.0946435,-0.0270385,-0.170494,-0.295871,-0.433733,1.00831,-0.624049,0.478556,-0.152123,0.748835,-0.424166,-0.0663036,-0.825006,-0.236057,0.304001,0.00906886,0.448441,-0.137442,0.366151,-0.139731,0.218386,0.136281,0.12173,0.0639791,-0.271476,-0.272019,-0.379325,-0.0389619,-0.23495,-0.444097,0.628804,0.109761,0.422544,-0.791404,0.107955,-0.314102,0.344293,-0.230996,-0.134244,0.129919,0.612618,0.0214308,-0.208526,-0.0552059,1.08894,0.491031,0.558734,-0.379144,-0.280622,-0.965855,-0.501928,-0.436223,0.224191,-0.644788,0.144373,-0.177087,0.702347,-0.454557,1.02668,1.01964,-1.05535,0.114648,0.40785,-0.204664,-0.162186,-0.0564735,-0.547208,-0.448083,-1.42738,-0.42103,1.33588,0.11694,0.17012,0.133314,-0.123258,-0.415628,-0.216548,0.441874,0.63572,0.982137,0.260093,0.00960537,0.483943,0.0660522,0.0848109,-0.403905,0.382845,0.333948,-1.02756,0.555893,0.330478,1.03071,0.446167,0.097814,-0.0264048,-1.03697,0.559194,-0.156943,0.151612,-0.436932,0.267768,0.769729,0.633129,-0.477342,0.654545,0.243468,-0.583808,-0.139664,-0.315722,0.235453,-0.17601,-0.272262,-0.0855989,-0.497033,0.629105,-0.0589635,-0.0394146,-0.858407,-0.288782,-1.28512,0.213051,0.0944754,-0.0380964,0.620824,-0.0391678,0.678991,0.726045,-0.204883,0.815972,0.663207,0.740058,0.75065,0.425756,-1.20752,-0.0331895,0.123834,1.01835,-0.260398,0.145935,0.753095,-0.372729,-0.251449,0.30075,0.295982,-0.115229,0.530529,-0.77903,0.105821,-0.163016,-0.436857,0.354362,0.108064,-0.786603,-0.125173,0.139668,-0.406211,0.520635,-0.281532,-0.65159,-0.045491,-0.209008,1.20557,-0.99618,0.046596,-0.271076,-0.27312,-0.51079,0.413659,0.119628,1.36395,0.251387,-0.0558292,0.420152,-0.495834,-0.148416,0.221428,-0.120242,0.100987,0.209542,-0.134622,0.11867,0.25842,-0.118117,-0.124678,-0.134807,0.409062,-0.660481,0.725887,0.0923831,0.459078,-0.55559,-0.166096,0.86634,-0.206326,-0.0843774,0.200432,-0.658602,0.363301,-0.67249,1.09678,-0.246856,-0.211048,-0.0387466,-0.336641,0.236372,-0.240502,0.354368,0.406409,0.142068,0.868508,0.214513,0.265199,-0.278021,-0.351587,0.017001,-0.0738251,0.09121,0.229192,0.746549,-0.977995,-0.700254,0.688152,-0.842108,-0.706214,-0.963476,0.148617,-0.675462,0.611321,-0.424273,-0.416763,0.66158,-0.337211,-0.350856,0.113222,0.0142642,0.18343,-0.0447526,-0.381563,-0.167882,-0.436668,-0.112747,-0.421892,-0.362542,0.26477,-0.152255,-0.210964,-0.0348384,-0.620965,-0.478062,-0.36716,-0.010952,0.493888,0.676632,-0.32018,-0.625916,-0.0338623,-0.332903,0.221659,-0.141066,0.402879,-0.109851,-0.786085,-0.770277,-0.0748282,0.291217,0.622209,0.345044,0.151216,0.155759,0.0194543,0.521785,-0.396413,-0.861077,0.535408,-0.192561,-0.681198,0.0334824,-0.340186,0.515313,-0.128885,-0.0502184,0.1813,-0.135119,0.408365,0.619128,-0.177865,0.182498,0.84693,-0.61275,0.170807,-0.821805,-0.217431,0.184852,0.0458222,-0.146917,-0.712414,-0.555693,-0.290182,-0.0983532,-1.21733,-0.47453,-0.0605408,-0.635459,0.327,0.804764,0.72552,-0.564288,0.0337083,0.251825,0.0325957,0.609783,-0.0844133,0.042014,-0.27869,0.424345,-0.783106,0.654116,0.24104,-0.322855,-0.824219,-0.319285,-0.1846,0.256973,0.795751,0.0990423,-0.893357,0.00138045,-0.204709,0.834728,0.336224,-0.195933,-0.141951,-0.0682675,-0.932005,0.313732,0.432267,-0.915018,-0.649639,0.163634,-0.338795,-0.606427,0.409469,-0.00630045,0.115611,-0.563268,-0.386589,0.864625,0.0175373,0.708004,0.242912,0.737813,0.739233,0.0608015,-0.636329,-0.822724,0.741993,-0.0602118,0.352299,0.30202,0.626231,-0.218594,0.0859568,-0.378972,0.257905,-0.00348045,-0.0781063,0.323079,-0.111895,-0.119101,0.273026,1.46905,-0.915102,-0.0926486,-0.626529,0.625005,-0.207576,0.0664032,-0.0732979,-0.563028,1.11552,-0.605183,0.668869,0.494703,0.630985,1.2802,-0.119109,0.582256,-0.364,-0.181489,1.08356,0.82617,-0.396407,-0.735686,-0.00795948,-1.10036,-0.171372,-0.0206934,0.432225,-0.300988,0.436441,0.383174,-0.143327,-0.250855,-0.324275,-0.0779998,0.195116,-0.0911758,0.447995,-0.0355151,0.450077,-0.107583,-0.061709,0.0857251,0.320395,0.23792,-0.150006,-0.790129,-0.142244,0.274613,0.522626,0.225173,0.107636,0.810875,-0.563318,0.309876,0.637262,-0.143401,0.0327486,0.39261,0.0776869,0.677259,0.352737,-0.676774,-0.103522,-0.160943,-0.188737,0.631325,-0.0367317,-0.183541,0.0438668,-0.786813,-0.562112,0.245153,-0.135013,0.152633,-0.335133,-0.573766,0.123391,-0.159371,0.16229,-0.377397,0.198203,-0.830643,-0.167752,0.395267,-0.304608,-0.769045,0.321386,-0.0286857,0.159538,0.120438,0.095247,-0.174551,0.714098,-0.371229,0.57261,0.316405,-0.515189,-0.0791755,-0.31561,0.535631,-0.349799,-0.186352,0.161709,0.198074,-0.216803,-0.0945073,0.575836,-0.011414,0.121341,0.160536,-0.33567,-0.466451,0.130563,0.0455684,0.713319,0.193081,-0.401578,0.327406,0.416606,-0.641277,0.676114,0.151716,-1.16531,0.3479,0.250153,0.0904978,-0.472805,0.521137,0.299134,0.213399,-0.408316,0.275137,0.459403,-1.03352,-0.325831,0.393999,0.184752,-0.344198,0.257591,-0.364164,-0.263933,-0.0926882,-0.790298,-0.204965,-0.337225,0.5111,-0.0667713,-0.266781,0.290421,0.01993,-0.164111,-0.306976,0.46585,0.628129,0.215001,0.552236,-0.109301,0.247818,-0.744387,0.141422,-0.171588,0.524787,1.16357,0.334604,-0.402484,-0.240553,0.16042,0.0358273,-0.326811,0.25201,-0.264762,-0.075893,-0.738232,-0.266568,-0.187132,0.424373,0.0202014,-0.309784,0.531231,0.0241201,-0.0852857,-0.562832,0.632996,0.419562,-0.840807,-0.541495,-0.961536,0.0686575,-0.611706,-0.222861,-0.040429,-0.89572,0.343029,-0.592465,0.998375,-1.02578,0.475329,-0.408671,0.111552,-0.11399,0.655059,-0.301932,-1.07554,-0.708393,-0.214775,0.192216,0.241716,-0.262979,0.951621,0.71289,0.808904,0.59541,-0.253878,-0.0515856,0.276793,-0.111384,0.645988,-0.690289,-1.25043,-0.366122,0.293692,-0.0927843,0.235898,0.796974,-0.167758,0.585335,-0.413458,-0.845848,0.419282,-0.809567,0.9701,0.24912,-0.0451912,0.961749,1.95763,-0.534306,0.452663,0.175483,0.334555,0.132326,0.701583,-0.133082,-1.00243,-0.156803,0.167253,0.223512,0.115064,-0.238719,0.416402,0.204211,0.143541,-0.489067,-0.280342,0.366092,-0.427008,0.00695226,-0.0846021,-0.160063,-0.120109,-0.292953,-1.25888,1.37454,-0.293647,0.233688,-0.342716,0.61613,0.421219,0.575829,0.362757,-0.797536,-0.114817,-0.743934,0.725593,-0.464604,1.0615,-0.0448843,0.084737,0.230548,-0.248194,0.374108,-0.0915908,0.0538276,-0.470407,-0.802634,-0.700775,0.359157,-0.387987,0.193003,0.435449,0.294712,0.103722,-0.297748,0.558142,0.482693,1.02185,0.587304,-0.216052,-0.109037,-1.27933,0.103591,-0.131471,0.346312,-0.409803,-0.399313,0.810775,-0.155825,0.938927,0.809197,-0.73581,0.505025,-0.900236,-0.243858,0.0570229,-0.408495,-0.275102,1.25102,-0.0974794,0.455297,-0.833418,-0.0570154,0.907725,0.281109,0.499146,0.187322,-0.365636,-0.212083,0.721039,-0.498917,-0.0167946,-0.534136,-0.355375,0.91658,-0.456882,-0.116668,0.194555,0.318016,-0.0472937,0.301659,-0.183418,-0.76276,-0.494188,-0.186998,0.588667,0.480296,-0.0647881,0.4792,-0.597216,0.209407,-0.505787,-0.114095,-0.202482,-0.760021,-0.360799,-0.251868,-0.632285,0.117534,-0.130534,-0.510098,-0.624276,-0.174235,-0.133349,0.184649,-0.119758,1.12177,-0.476272,-0.229801,-0.143111,0.854524,-0.0487372,-0.540337,-0.441542,-0.131732,0.131387,0.242496,0.371759,0.837474,-0.386057,-0.465919,0.431254,0.0679912,-0.135761,-0.980579,-0.220673,0.570249,0.16785,-0.0534468,0.8429,0.182298,-0.103653,0.0296574,-0.632718,0.363717,-0.13034,-0.942001,0.349116,-0.106594,0.413075,-0.184192,0.58411,-0.619042,-0.151284,-0.302973,0.11754,0.0273143,-0.0521832,-0.350316,0.814121,-0.5221,-0.118294,-0.240471,0.107792,0.636167,-0.195874,0.0908505,-0.158002,-0.375469,-0.542765,-0.329105,-0.619461,0.50383,-0.476014,0.446248,-0.502689,0.276617,0.510309,0.686724,-0.139889,0.291903,-0.335823,-1.18473,0.505784,-0.167725,0.299874,0.379929,0.873941,-0.265566,1.49434,-0.88452,-0.113522,0.544764,-0.0254744,-0.0574349,0.391136,-1.22676,0.694441,0.0597003,-0.549335,0.221408,-0.743411,-0.108421,-0.525186,-0.410917,-0.618152,-0.314511,0.734256,-0.0587044,-0.846377,-0.508088,1.01691,-0.0828545,-0.0591396,-0.333106,-0.654454,-0.133291,0.335641,-0.205446,0.351798,-0.626437,-0.0543049,-0.221136,-0.00196967,0.113344,0.338029,-0.710105,-0.857974,0.0476406,-0.414544,0.0853017,-0.824999,0.320459,0.690009,-0.238909,-0.52883,0.18667,-0.99765,-0.224278,0.543273,-0.479387,-0.241406,0.497007,0.129248,-0.153025,-0.250623,-0.0176819,0.353309,-0.224472,0.141286,0.470468,-0.307424,-0.326962,-0.811756,0.0901272,-0.323334,0.177758,-0.527851,-0.25173,0.225605,-0.14061,0.205972,0.374849,-0.111079,1.5552,1.16696,-0.232556,-0.118551,-0.0907574,-0.798396,0.267474,0.229936,-0.67145,0.161819,-0.524722,0.699985,-0.0643243,1.04661,0.0628474,0.71571,-1.06316,0.161392,-0.0106393,0.396697,0.0709425,-0.287246,-0.217526,0.476714,-0.283993,0.407021,0.347785,-0.206136,0.375382,0.161478,-0.386457,-0.118523,0.316945,-0.200566,-0.169984,0.176183,-0.740306,0.324049,-0.0014921,0.0931742,0.671698,-0.36642,-0.77366,-1.50428,-0.145006,-0.358999,-0.34553,-0.541195,-0.311812,0.274572,-0.806185,0.452708,0.238066,-0.448867,-0.0920844,0.819056,-0.0803588,-0.113898,-0.510991,0.33975,-0.275566,0.447989,0.510183,-0.874112,-0.175003,-0.503639,-0.57408,-0.334756,0.221947,-0.92112,0.212794,0.522824,-0.59356,-0.959882,0.329987,0.273727,-0.296683,-0.402596,0.364356,0.547986,-0.350351,-0.39686,-0.0284171,-0.0273163,-0.56801,-0.310174,-0.637207,-1.31612,0.146064,0.467396,-0.631596,0.603211,-0.088833,-0.209406,-0.0333674,-0.276946,-0.708066,-0.192786,0.0821002,0.334276,0.186171,-0.315899,0.564216,-0.358311,-0.382075,-0.480146,0.702249,0.32528,-0.533052,0.315243,0.5131,0.744924,-0.192885,0.443398,-0.181988,0.366345,0.280624,-0.0326022,0.263355,0.313845,0.662177,0.232601,-0.388774,0.829921,1.08948,0.714592,-0.206156,-0.225083,0.302969,-0.631865,0.274417,1.37653,-0.613723,0.920666,0.228107,0.302741,0.35821,-0.198974,-0.448675,-0.52098,0.117743,-0.826042,0.283151,-0.661586,-0.10302,-0.209277,-0.00257945,0.0320011,-0.324725,0.795606,0.464835,-0.270606,0.643879,0.831663,-0.824159,-0.241524,-0.0318155,0.21886,0.392675,-0.79596,0.216986,0.0574508,-0.404702,-0.0319905,0.229264,-0.596217,0.736905,1.21119,0.286606,-0.0732767,0.0124223,-0.281121,-0.267179,0.217775,-0.0109407,0.572352,0.712762,-0.0543463,1.51969,0.89386,-0.487313,0.541695,0.759036,-0.0965671,-0.379494,0.660834,0.16785,0.447569,-0.360259,0.5077,-0.6833,0.783072,0.539466,0.846327,-0.911795,-0.759944,-0.433638,-0.414331,-0.383171,-0.0938844,-0.494325,0.397395,0.295182,0.546096,0.0959494,-0.275852,0.862584,0.608924,0.112033,0.568139,0.106817,0.863606,-0.0889793,-0.744333,-0.105816,-0.163356,-0.18526,0.215508,-0.139662,0.641125,0.626,-0.536992,-0.156691,-0.719064,-0.444754,-0.0338695,-0.326492,-0.366975,-0.0576777,-0.687706,-0.26799,-0.612977,0.327625,-0.805086,-0.0321476,1.02405,0.16479,-0.337922,0.189215,0.132213,-0.055879,-0.743547,1.11821,0.78505,0.330277,0.499177,-0.586003,0.214373,1.11694,-0.152055,-0.0757542,0.0207736,-0.0770298,-0.7159,0.742752,-1.30979,0.419796,-0.793992,0.951621,-1.77427,0.563573,-0.778808,-0.73181,-0.236254,0.269287,0.29381,-0.767724,0.33361,0.703419,0.655118,0.358149,-0.237094,-0.623194,0.608508,-0.0547819,-0.865663,0.109468,0.0721026,0.329077,0.102303,-0.521159,-0.322228,-0.185531,-0.656829,0.370826,0.26511,0.0772363,1.30184,-0.0141085,0.157019,-0.151441,-0.00749975,-0.72406,-0.775008,-0.294617,0.732012,-1.07319,0.126952,-0.0538911,-0.429543,0.729749,-0.761756,0.374336,0.0338724,-0.757791,-0.981918,1.5692,-0.342902,0.620075,-0.175762,0.688172,0.881379,-0.282441,-0.895085,1.15319,-0.476692,-0.0611666,-0.024778,0.723965,-0.347257,0.548245,0.297809,-0.108081,-0.468612,-0.424295,0.123012,-0.190506,-0.0683722,-0.171008,0.737391,-0.843696,0.442504,0.0208798,-0.925618,0.891233,-0.614203,0.510419,0.813347,0.250656,0.103937,-0.0778932,0.556636,0.572481,0.892568,-0.665007,0.295059,-0.527866,-0.675891,-0.0914357,-0.359752,-0.0509793,0.60021,-0.57719,0.436008,0.0440388,-0.0479674,-0.531389,0.245924,0.103496,-0.0198556,0.362665,0.0747837,-0.0633842,0.664107,-0.490908,-0.184701,0.404201,0.0333046,0.455898,-1.27057,0.00833273,-0.21752,0.338556,-0.334183,0.469364,0.340444,0.0367013,0.362761,0.0545829,1.02031,-0.0917289,-0.130247,-0.173214,-0.230524,0.763371,0.288437,-0.951114,-0.427613,0.918726,-0.308301,0.628528,-0.719295,0.2695,0.122573,0.127059,0.191622,-0.531078,0.728106,0.587134,-0.69954,-1.15559,0.415393,0.205285,0.521752,-0.481919,0.558338,0.880822,0.107319,0.408023,-0.154479,-0.435699,0.419311,-0.0388392,1.26887,-0.153681,0.724035,-0.171501,0.605031,0.613059,-0.544309,-0.378883,-0.142919,-0.132923,0.0577122,-0.466838,-0.317463,-0.217812,-0.810351,0.0127138,-0.47023,0.715241,0.228735,-0.102152,-0.914762,0.776461,0.412492,-0.212034,0.0866088,-0.0927702,1.06795,0.579173,-0.210558,-0.0990983,-0.360978,-0.0106506,0.683364,-0.635297,0.7459,0.521323,-0.376138,-0.97488,-0.197551,-0.0268425,-0.54942,-0.0103781,0.400592,0.249676,-0.218006,0.252089,-0.593189,-0.462982,1.09249,-0.229418,0.251406,0.313004,0.586913,0.0576809,0.292447,-0.789998,-0.101956,-0.0559102,0.313204,-0.471067,-0.538006,-0.125297,-0.131433,0.833113,-0.713221,-0.288896,0.0315867,-0.0477849,-0.163638,0.232964,-0.504083,-0.818377,0.0250381,0.233495,-1.04865,-0.0246797,0.2326,0.286592,-0.34936,0.545234,-0.192209,0.0288885,0.313287,0.634616,0.223584,-1.0807,-0.172044,-0.719092,0.118252,-0.0922144,-0.511525,-0.845833,0.620041,-0.63057,-0.0236575,-0.578322,0.153228,-0.587368,-0.384017,0.111939,1.15637,1.18498,0.164014,0.259916,0.727097,-0.372111,0.409446,-0.0386176,0.544829,0.139049,-0.347278,0.305712,1.10609,0.293003,0.120995,-0.032859,-0.679817,-0.00185381,-0.268678,0.389542,0.2105,-0.0813938,-0.984563,-0.810159,0.303963,-0.00407882,-0.146721,-0.848422,-0.227365,-0.159023,-0.499597,-0.496207,0.132072,-0.681983,0.302357,-0.29636,0.0930702,-0.795555,0.605771,-0.474819,0.777297,-0.289952,1.31509,0.00835916,0.143044,0.597031,0.255885,0.0641115,-0.1216,-0.165225,-0.0515309,0.463247,0.838682,-0.259884,-0.195455,-0.020146,0.0229792,-0.49782,-0.33869,-0.43799,0.047503,0.326032,0.528908,0.971597,-0.672011,0.550405,0.129673,-0.249324,-0.0165646,0.0775632,0.456834,-0.173315,0.163329,-0.369149,0.737264,-0.159656,1.10601,0.665988,-0.0722466,-0.116058,0.0347391,-0.132745,0.0199252,-0.439455,-1.34383,0.0712253,0.908927,-0.435184,0.185875,0.864349,-0.602204,-0.00297598,0.0568111,-0.0360244,-0.361348,0.406702,1.39415,0.39027,-0.384747,-0.2141,-0.993941,-0.21209,0.234003,-0.0969101,-0.0992414,0.285313,-0.38184,0.965374,0.033904,0.421374,-0.271317,0.0503301,0.581207,0.290752,0.64053,0.62783,0.0505131,-0.481741,-0.620339,-0.504079,-0.1895,-0.975422,-0.321756,-0.156559,0.0367529,0.438832,-0.117734,-1.25052,0.2221,-0.0703103,-0.586183,-0.720429,-0.822365,0.313734,-0.613039,-0.335176,-0.103122,-0.505012,-0.382916,0.399521,0.0647035,-0.783782,-0.249666,0.0819121,0.25801,-0.24416,-0.364877,-0.28415,-0.000635386,-0.659568,-0.175951,-1.14685,0.273857,0.463212,0.646238,0.347923,0.291133,-0.430722,0.306991,0.57909,-0.142964,0.891215,0.0552318,-0.220424,-0.0394597,-0.684089,-0.603373,0.147671,0.129064,-0.80908,0.0283176,-0.608923,0.367176,-1.65447,0.154257,0.22788,0.782551,0.774684,0.735808,0.217843,-0.0581461,0.222954,-0.494422,0.471162,-0.425214,-0.569425,-0.849642,-0.643988,0.0367152,0.110522,-0.147852,-0.872815,-0.478218,-0.0514323,-0.0869021,-0.196489,-0.335626,-0.127911,-0.445877,-0.849853,0.423067,0.245056,0.779966,-0.1049,0.283672,1.26797,-0.77037,0.227171,0.027482,-0.128097,-1.27376,1.15079,0.289796,-0.256198,-0.75702,-0.345382,0.0483452,0.235182,-0.061993,0.472134,-0.186447,0.10578,-0.150877,0.351692,0.387148,0.0519778,0.528013,-0.433171,-0.319034,0.485105,0.587598,0.0389304,-0.172297,-0.0842978,1.44294,0.351215,0.0807192,0.991653,0.055401,0.0572215,0.0583054,0.696731,0.38923,0.137407,0.240884,-0.219611,0.557168,-1.13812,0.0781006,-0.899814,0.818594,0.502576,-0.294168,0.971471,0.0606512,0.011374,0.0605675,-0.097118,-0.394218,0.216849,-1.12622,-0.436845,0.0754321,1.21746,0.0330095,0.460282,-0.309683,-0.0204083,0.536911,0.532408,0.500656,-0.178412,0.926151,0.541084,0.245221,-0.0774216,-0.548257,0.147069,-0.387253,-1.06296,0.234534,0.472203,-0.031162,0.30206,0.397881,0.395861,0.912688,0.212195,0.0193482,-0.803421,-0.172703,-0.582849,-0.0579519,0.382956,-0.482723,0.0550586,-0.717974,0.043174,0.380574,-0.995581,0.174078,-0.0699651,0.238139,0.600149,-1.03226,-0.222673,0.28628,-0.788017,1.0231,0.599849,1.1616,0.441688,-0.308904,-0.0951419,-0.168641,-0.328307,0.833494,0.499054,0.305864,-0.162892,0.226771,1.36522,0.295568,0.311212,-0.99427,0.0228958,-0.305897,-0.39938,0.0370774,-0.859853,-0.607627,0.648552,0.261154,0.323871,-0.900575,0.332994,-1.04318,0.0130951,-0.255587,-0.382835,-0.0330495,-0.0823589,-0.459853,0.137021,0.226222,-0.256983,-0.95066,0.508802,0.147492,0.347914,-0.604092,-0.336713,0.552808,-0.488679,-0.101275,0.06766,-0.250941,-0.161065,-0.27424,0.517704,0.769713,-0.548715,-0.125124,0.366666,-0.322687,0.214134,-0.543953,1.05325,-0.254687,0.47526,-0.632326,0.250356,-0.00786772,-1.71011,-0.0589308,-0.402869,0.246927,0.481802,0.820891,0.144149,0.9382,0.447295,-0.222866,-0.541218,0.371023,0.154317,-0.200166,0.0517238,0.52764,-0.0386792,-0.34848,0.436012,-0.639283,0.210418,0.650746,-0.226838,0.119256,0.334591,0.410732,-0.0579506,0.387567,0.144721,-0.368374,0.883139,-1.10973,0.163487,0.181975,0.857556,-0.279073,-0.120524,0.0880067,0.139814,0.637311,0.232207,0.616722,-0.556178,0.471164,-0.745619,-0.0169334,-0.692696,-0.349009,-0.163323,-0.669299,-1.22097,-0.0740109,-0.37853,-0.454422,-0.172733,0.134859,-0.234414,-0.232768,-0.482808,-0.364325,-0.557155,-0.836247,0.116085,-0.72489,-0.135413,-0.469538,-0.156753,-0.0815227,1.03095,-1.05467,0.0103849,-0.167963,-0.278068,-0.277637,0.855403,0.267078,0.617337,0.182779,-0.18022,0.217376,0.216837,-0.138562,-0.0246543,-0.0540408,0.346694,-0.305141,-0.253181,-0.803106,0.972787,-0.66376,-0.28266,0.441053,-0.638697,-0.153353,0.454082,0.259713,-0.999929,-0.17392,-0.387356,-0.263678,0.365094,0.188869,0.0360868,-0.495685,0.302462,0.514208,1.06324,-0.295898,0.470939,0.382409,0.611974,0.302391,0.360225,0.601889,0.306552,0.524443,0.241973,0.226239,-0.306257,-0.266202,0.0319489,0.448471,-0.379353,-0.420907,0.067587,0.9647,0.12582,0.794321,0.222819,0.364833,0.636098,-0.156272,0.155389,-0.310152,-0.266584,0.300684,-0.0228932,0.0661717,-0.54016,0.156112,-0.729826,-0.0215178,-0.881801,0.00462614,0.311509,0.962046,0.167689,-0.348367,-0.293922,-0.562986,0.171566,-0.847606,1.29579,0.572431,0.726059,-0.0132883,0.664779,0.336863,0.738661,0.39926,1.27873,-0.735028,0.791335,0.173221,0.705124,-0.119093,-0.270909,-0.0565197,0.0325994,-0.407777,-1.26301,0.122792,-0.227398,-0.0116271,-0.6326,-0.02297,-1.03366,0.182397,-0.119862,-0.336019,-0.0934346,0.0381408,-0.708939,-0.221601,-0.801413,-0.867636,-0.00800484,-0.354982,-0.472668,0.792182,1.21347,-0.788083,-0.497462,0.604869,0.831272,-0.301735,0.363106,0.122087,0.424827,0.0740144,-0.105886,-1.00188,-0.712797,0.810432,0.204486,0.0299295,-0.4065,0.296969,-0.114728,1.15699,0.231727,-0.101941,-0.360828,0.37709,-0.153637,-0.317031,-0.25307,-0.655435,-0.677685,0.0312639,0.435019,0.472613,1.34565,-0.065701,-0.0817251,-0.404384,0.445436,-0.189668,0.50335,-0.164102,-0.340956,0.683878,0.154007,0.536255,0.203133,0.0188459,-1.04765,0.0230599,-0.877219,-0.597213,0.344013,-0.342384,-0.249046,0.503109,0.452567,-0.138395,-0.368747,-1.12049,-0.0059693,-0.695013,0.446873,-1.45124,0.10495,0.589358,-0.0209021,-0.640451,0.272288,0.284555,-0.228034,-0.241957,-0.0953221,0.302784,0.846967,-0.0144856,0.214287,0.124554,-0.0950617,-0.381626,1.84914,-0.729138,-0.232422,-0.000476032,-0.975485,0.207322,0.0733131,-0.648814,0.324516,0.263285,-0.0901929,-0.60711,-0.000199467,0.533884,0.39814,-1.08554,-0.000875577,0.143201,-0.296971,0.669539,-0.706997,0.223015,0.0846272,0.830633,0.781335,-0.741699,0.439566,-0.199431,0.557864,0.815315,-0.0492518,-0.754294,1.02345,0.271771,0.388877,0.0354572,-0.373336,0.459579,0.0719448,0.271661,-0.659739,1.21198,-0.809671,1.2729,0.618622,1.12286,0.622015,-0.404427,-0.0186508,-0.415639,-0.0850046,0.357561,0.934659,-0.151217,-0.865026,-0.556771,0.345594,-0.603556,-0.278601,-1.25505,-0.203766,-0.0834058,-0.213597,0.649024,-0.0366647,-0.111326,-0.202545,0.251271,-1.48018,0.26319,0.125061,-0.778674,-0.13429,-0.31674,-0.49775,0.428525,0.757475,0.28657,0.763667,-0.209665,0.48923,0.13624,0.50579,0.451124,-0.24251,-0.622189,0.044769,0.15145,-0.289212,-0.0356375,0.314779,0.010163,0.285363,0.296703,0.615476,0.579685,0.697243,0.0738256,0.407572,-0.796377,0.0483934,-0.687161,-0.570951,0.294471,0.329498,-0.0445541,0.12714,-0.402924,0.341881,-0.262113,-0.163338,0.0438651,0.421248,-0.311323,0.669751,0.0960687,-0.286931,0.550948,-0.0276086,0.574504,-0.498666,0.25272,-0.545565,1.07882,-0.646965,1.07392,-0.70971,0.249182,-0.440663,0.115504,-0.227121,-0.510973,0.855201,0.0449752,0.584289,0.579581,-0.882243,1.08909,-0.234447,-0.522764,-0.702895,0.790318,0.105412,0.250925,0.279109,0.0475825,0.617986,-0.40404,0.164687,-0.415384,-0.739913,-0.492556,0.443084,-0.142659,0.652447,0.00284673,0.322403,0.502495,0.949772,-0.561036,0.0184836,0.755573,0.391864,0.279599,-0.849848,-0.295022,0.00233822,-0.0615174,0.479928,-0.53701,-0.0436986,-0.194666,-0.526828,-0.0178536,-0.238686,0.835408,-0.167369,-0.74599,-0.153497,0.767881,-0.945352,0.516226,0.0831085,0.427171,0.550939,0.117876,0.203769,0.0854264,-0.27934,0.197038,0.285038,0.460777,0.370323,0.741675,0.633974,0.315486,-0.152105,-0.197961,0.28189,-1.06465,-0.172189,-0.793759,0.0925587,0.515433,1.08139,-0.554468,0.583875,0.407541,0.172176,0.90106,-0.588022,0.116458,0.19513,0.289172,-0.16065,0.364279,-0.376389,-0.490286,0.757993,0.397729,-0.422032,0.307696,-0.385116,0.958056,0.479004,0.332132,0.459164,-0.304025,-0.0729509,-0.343063,-0.490323,0.470159,-0.189458,0.249611,0.476873,-0.422888,0.950818,0.859938,-0.339659,-0.0681624,-0.159027,-0.868152,-1.21319,-0.545907,-0.384698,-0.280212,-0.743515,-0.110985,1.03562,0.0284422,-0.613033,-0.122251,-0.0430381,-0.144212,0.866424,-0.122093,0.85914,-0.0393868,0.0554782,-0.262789,0.117954,-0.414573,-0.117394,0.322299,-0.450253,0.777101,0.522336,-0.193027,-0.327173,-0.683613,-0.110404,-0.597629,0.570288,-0.586604,0.544928,-0.987722,0.358162,0.592885,-0.827451,0.567238,0.355397,-0.0798088,-0.512804,-0.299453,-0.263195,0.373436,-0.193127,0.2009,0.504039,-1.06244,1.11465,0.494565,0.539971,0.114116,0.263186,-1.00485,-0.162424,0.765841,0.0539261,-0.0142017,0.236287,0.389868,0.666586,-0.495534,-0.538491,0.530213,0.490255,-0.555749,0.856041,0.106173,-0.75473,0.304097,0.192611,-0.513945,0.409086,-1.04422,-1.13428,-0.119084,-0.46853,-0.341238,0.878691,0.398493,0.169983,-0.65936,0.493655,0.699223,-0.309646,0.777376,0.284384,0.420428,-1.10816,1.57815,-0.30454,-0.989496,0.157215,-0.294643,-1.00894,-0.114358,0.515266,-0.0664225,0.00492554,-0.432237,-0.0608221,-0.567713,0.751418,0.425428,0.518906,-0.11534,0.13128,-0.107923,0.417492,0.640972,-0.222347,0.7558,0.586733,0.239653,0.567199,0.688706,-0.0525355,-1.63296,-0.624987,0.925346,0.63072,-0.273217,-0.070823,0.333455,-0.138194,-0.276223,0.300622,0.0794436,0.59429,-0.756953,0.355777,0.595186,-0.223796,0.128287,0.509883,0.185971,1.04587,0.869518,-0.173653,-0.499915,0.0352493,-0.838867,0.248334,0.208897,0.410422,-0.943563,-1.01106,-0.55887,-0.215245,0.410473,-0.0446635,0.522305,-0.38944,0.624321,0.484078,-0.391072,-0.936582,0.952567,0.430611,0.403618,0.393233,-0.498529,0.152386,-0.267295,-0.400025,-0.350208,0.341283,-0.122477,0.142105,-0.240833,-0.0233753,0.710949,-0.191961,0.565266,0.339284,0.219754,1.0461,-0.110423,0.20445,-0.193065,0.231423,1.18494,0.668152,-0.946131,0.811776,-0.422976,-0.634377,-0.0577274,0.558387,1.17395,0.255319,0.0985294,0.0390211,0.909992,0.186559,-0.83976,-0.24642,0.559791,0.156898,-0.372321,-0.804413,0.540566,-0.319613,0.0896165,0.0478779,-0.097686,0.0336225,-0.947417,-0.0626797,-0.881559,0.197995,-0.37733,0.425738,0.835885,-0.352181,-0.146487,0.399317,0.561372,0.11942,-0.298916,-0.189173,-0.325556,0.20801,-0.0270838,-0.633301,0.140906,-0.264756,-0.386533,-0.653561,0.00411398,-0.470221,0.465174,-0.402773,0.593557,-0.340369,0.0419424,-0.605956,-0.590919,-0.143469,-0.272064,-0.716325,0.77175,-0.560866,0.0943286,0.725055,-0.325442,0.0722532,-1.09395,-0.809338,0.352553,0.765826,-1.05181,-0.318074,-0.0840149,-0.286922,-0.251493,0.348434,0.18784,-0.466063,-0.504935,0.127336,0.742548,-0.122417,-1.04635,-0.82753,0.605396,-0.0291048,-0.599809,-0.85183,-0.488183,-0.248568,-0.265435,0.397844,0.632545,-0.4439,-0.260301,1.06517,-0.0169478,0.517584,0.0879218,1.10446,-0.176324,0.183262,-0.258437,-0.0795143,-0.402952,-0.0682811,-0.171819,0.154267,-0.312929,0.307275,-1.1447,-0.420344,-0.368742,0.649009,-0.216656,-0.0109671,-0.313602,-0.262636,0.389898,0.283669,-0.136226,0.273705,-0.319268,-0.558972,-0.506791,-0.645666,0.487141,0.267357,0.517872,-0.634467,-0.389756,-0.240274,-0.22668,0.159867,0.113447,-0.0203374,0.206117,0.29273,0.373936,0.0589274,0.00967588,-0.291168,-0.344346,-0.0103389,0.461077,0.414911,0.232625,0.894988,0.117725,0.20754,-0.740199,-0.934063,-1.07984,-0.988455,-0.757157,-0.864145,-0.313515,-0.169386,-0.351047,-0.156442,0.472615,-0.715174,0.598903,0.0791147,-0.259468,-0.221437,-0.110859,0.707188,-0.200753,-0.628478,0.329724,0.287779,0.21416,-0.0869135,-0.163578,0.628844,-0.550982,-0.0503866,0.526105,-0.11215,0.367937,-0.634906,0.471463,-0.214155,0.556343,-0.542461,-0.20197,0.0652238,-0.559151,-0.317676,0.126528,0.293642,-0.331159,0.359802,0.0128123,0.944679,0.0724325,0.312074,0.603639,-0.415214,-0.27635,0.758555,-0.23239,-0.346827,-0.958588,1.00963,0.627601,-0.257063,-0.539508,0.402158,0.0718993,0.0834299,0.0458331,-0.496189,-0.206328,0.102009,-0.951808,-0.270011,-0.0109687,0.594548,-1.13765,0.40757,0.524642,-0.160173,1.18994,-0.293217,-0.0490686,-0.0916309,-0.249148,0.631983,0.0172694,0.370581,0.108579,0.245966,-0.742236,-0.028035,0.0762605,-0.159919,0.396958,-1.1326,0.87194,-0.181294,0.345406,0.183268,0.470816,0.240447,-0.594916,0.269232,0.774522,-0.278727,0.617297,0.507635,1.03907,-0.456403,0.252443,0.169636,-0.641609,1.54363,0.606381,0.10761,0.310226,-0.189153,-1.206,0.269488,-0.339243,0.874104,-0.720483,-0.102467,0.20625,-0.499463,0.222138,0.489927,0.229928,0.317776,-0.288399,0.382037,-0.428007,0.272307,0.740683,-0.434096,-0.170507,0.118875,0.805893,-0.0587799,-0.339324,0.190112,-0.495895,-0.217563,-0.742181,0.483401,-0.576933,0.429335,0.0719937,-0.384274,-1.1274,0.261928,1.06013,-0.632346,-0.588051,0.0222948,-0.0237732,0.59343,-0.0435503,-0.214168,0.222189,0.502246,-0.302012,-0.175141,0.574538,-0.73071,0.560616,-0.535302,-0.406124,-0.668613,-0.271619,-0.0851789,0.608989,-0.0349688,0.214149,0.188049,0.0927884,0.0397828,0.522116,0.354615,-0.456338,0.0420289,-0.572985,0.217816,0.814232,0.0674851,-0.317484,0.145466,0.519658,0.0580667,0.777686,0.141708,-0.52713,1.1256,-0.141363,0.960849,0.313475,-0.0252786,-0.797789,-0.341625,-0.787486,-0.0900385,-0.389242,-0.0344442,-0.547636,-1.23962,-0.443568,-0.438404,-0.50074,-0.294834,-0.253482,-0.224971,0.453844,0.148809,0.653492,-0.0729622,-0.769865,0.550194,0.172172,-0.0660865,0.499265,0.0458393,-0.0356138,-0.393647,0.572121,-0.0344303,-0.857709,-0.127398,0.243923,-0.0154364,-0.155109,0.83573,0.139428,0.082863,0.295368,0.279545,-0.0400691,0.457839,-0.736312,0.351876,-0.826448,-0.102834,-0.128179,-0.348486,-0.365325,-0.0911039,-0.105734,-0.195163,0.11345,-0.190365,-0.792487,0.626217,0.184192,-0.385041,0.617775,-0.239492,0.373592,0.315053,-0.172241,0.120613,0.438071,0.435383,1.30521,-0.476231,0.374698,1.20748,0.385803,0.0564592,-0.181374,-0.464586,0.169967,-0.427924,0.177071,-0.819467,0.421555,-0.270367,-0.67871,0.476054,0.146629,0.0770076,0.584549,0.222993,-0.408633,-0.0343807,0.0986568,-0.0489861,-0.0442366,-0.059122,-0.123914,0.294051,0.175234,-1.32066,-0.00630015,-0.0634312,0.290367,0.589309,-0.455643,0.0810553,0.312433,0.859334,-0.111981,-0.416751,-0.533201,0.382105,1.08609,0.844387,-0.241244,-0.324181,0.0378271,0.688677,-0.60993,-1.78374,-0.756562,0.117258,0.304315,-0.439467,-0.329738,0.695496,0.329375,-0.119387,1.13211,0.774031,-0.74893,-0.888985,-0.259734,-0.646422,-0.480615,0.856482,0.185959,0.649875,0.00962079,0.694339,-0.0394343,0.320555,-0.429628,0.559523,1.14467,-0.42771,0.146266,0.157669,-0.108205,1.22654,-0.529261,-0.463595,-0.373884,0.325059,0.0050207,0.550266,-0.952596,0.187924,-0.382321,0.369312,0.315845,0.0715577,1.20565,-0.156504,0.118859,-1.31036,0.237439,-0.484136,-0.235234,-0.725307,0.607109,0.653589,-0.120585,-1.527,-0.528519,-0.760323,0.236667,-0.541237,0.457525,-0.190629,-0.985184,0.0304613,0.594199,-0.540309,0.148058,0.121052,0.190203,-0.163129,-0.342801,-0.562715,0.877278,0.693363,0.322588,-0.233334,-0.776147,0.554009,0.623838,-0.294561,-0.222364,0.0755703,-0.00457144,0.75004,-0.178841,-0.156301,-0.368175,-0.611324,-0.456021,-0.221365,0.181942,-0.536196,-0.444588,-0.38941,0.499326,-0.32913,-0.661896,-0.418947,-0.160237,-0.639597,0.202164,-0.907338,-0.240002,0.00982338,-0.544654,0.322726,0.823997,0.00730422,0.845103,-0.22285,-0.606579,0.777523,0.279615,0.869411,-0.801507,0.633599,-0.138872,0.746489,0.142776,-0.718495,-0.690367,0.0140374,0.684951,-0.379731,-0.183449,-0.521251,0.35244,0.800534,-0.509149,0.78703,1.02228,0.115909,-0.548256,-0.276153,-1.32561,-0.411029,-0.0457294,-0.434398,0.0360767,0.684144,-0.573912,-0.597239,0.350397,0.131961,-0.962041,-0.0953357,0.0639667,0.19752,-0.148071,0.28119,0.0164638,-0.702889,-0.452594,0.735709,0.337283,-0.611876,0.498042,-0.232479,0.346248,-0.171306,-0.719524,-0.668479,-0.439816,0.267017,0.104422,-0.527528,0.233435,-0.422555,-0.136056,0.260567,0.417223,0.902928,0.342163,-0.355365,0.424769,0.32345,-0.668025,0.129781,-0.381697,0.583581,1.10414,0.419493,-0.38153,-0.0435277,-0.402405,-0.282808,-0.4901,0.338096,-0.181779,-0.632029,-0.380101,-0.206408,0.0260883,-0.0573481,0.0500635,-0.457416,0.148044,-0.274759,0.234588,-0.310731,0.874336,0.298708,-0.793867,-0.411107,-0.48791,-0.0769291,-0.40186,-0.0389984,-0.51017,-0.434992,0.180469,-0.488108,1.34636,-0.933346,0.161398,-0.222621,-0.0514897,-0.516168,0.613764,-0.116906,-1.21098,-0.415252,-0.0476847,0.166183,0.106649,-0.0919206,0.582308,0.687063,1.03258,0.853235,-0.386966,-0.00332101,0.118634,-0.336581,0.32673,-0.690797,-0.545925,-0.684893,-0.2246,0.0706434,0.252224,0.478262,-0.234888,0.0627004,-0.445148,-0.75516,0.381903,-0.64096,1.11133,0.544025,0.220587,0.978869,1.35539,-0.877336,0.628983,0.143441,0.12136,0.00160579,0.376835,-0.309379,-0.318049,0.0439745,0.5666,-0.182661,0.179556,-0.449789,0.28978,0.705266,-0.096913,-0.434625,-0.0211098,0.498418,-0.561153,0.266598,0.443142,-0.286057,0.44115,-0.269662,-0.823071,0.745153,-0.117327,0.584258,-0.221919,0.816111,0.0994797,0.319369,0.719802,-0.586679,0.129001,-0.22343,1.0479,-0.106154,1.32762,0.225685,-0.190603,0.592451,-0.068996,-0.48801,0.181639,0.421546,-0.222463,-0.786354,-0.621721,0.668484,0.0295901,0.116914,0.103828,0.048621,-0.235796,-0.296098,0.499247,0.966394,0.581881,0.815017,-0.357555,-0.748494,-1.36277,0.147188,-0.767247,0.56406,-0.310058,-0.366412,0.822835,0.0136835,0.768984,0.746865,-0.711636,0.103989,-0.554774,-0.309265,-0.228588,-0.341098,0.239257,1.5855,-0.0878162,0.636886,-0.991211,-0.122573,0.868651,0.468949,0.829248,-0.307992,-0.399568,-0.164353,0.703151,-0.194705,-0.232181,-0.793289,-0.694446,0.968194,-0.731985,-0.38212,0.120438,0.451263,0.106013,0.709267,-0.180279,-0.0718724,-0.706783,-0.163192,0.461923,1.21264,-0.263091,0.833935,-0.94485,-0.163042,-0.409134,-0.0145636,-0.219962,-0.351523,-0.174213,0.177548,-1.1757,0.5652,0.084118,-0.94185,-0.38497,-0.771138,-0.267347,0.0865681,0.0266689,0.809887,-0.157627,-0.0866802,-0.225973,0.474615,0.162001,-0.400849,-0.132159,-0.328163,-0.618412,0.250195,0.4191,0.864017,-0.805102,-0.183815,0.133429,-0.208756,-0.264108,-1.07473,-0.0277996,0.59603,0.0493126,-0.321184,0.434917,0.582585,0.157228,0.0221225,-0.82366,0.187472,-0.563028,-0.811706,0.597851,-0.26505,0.117232,-0.525576,-0.0819164,-0.69395,-0.0791165,-0.331506,-0.286332,-0.311129,0.200175,0.192709,0.596282,-0.392931,-0.647617,0.353038,0.540507,0.520742,-0.301453,0.216251,-0.183358,-0.664749,-0.737306,-0.217346,-0.703005,0.0930836,-1.00001,0.212957,-0.530073,0.197999,0.489288,0.586452,-0.596966,0.516577,0.100739,-1.01644,0.161173,-0.637323,0.226893,-0.0927069,0.0411108,-0.367143,1.01602,-0.769357,0.149704,0.626387,-0.169989,-0.000465989,0.528588,-0.919403,0.665217,0.352648,-0.509673,0.321846,-0.5033,0.0504901,-0.626979,-0.421667,-0.703513,-0.126453,0.311318,-0.0256327,-0.319476,-0.24542,0.763634,-0.807543,-0.266601,-0.0641777,-0.538366,-0.238895,0.621774,0.0480805,0.0276812,-0.668367,-0.183878,0.0327913,0.0669685,0.746373,0.535443,-0.878489,-0.531846,0.446656,-0.49275,-0.345538,-0.879688,0.43894,0.553133,-0.148855,-0.308838,0.0739794,-0.585288,-0.786942,-0.0510499,-0.276003,-0.199751,0.662666,-0.163164,0.0402165,-0.0164315,-0.411885,0.724732,-0.417151,-0.0819596,0.556375,0.406192,0.0262425,-0.759503,-0.028705,-0.0104196,-0.256301,-0.663762,-0.192227,0.269666,0.0569314,-0.0332222,0.350657,-0.110148,1.57873,0.963137,-0.0759897,-0.719432,0.0632897,-0.955351,0.268506,0.0725712,-0.644834,0.367836,-0.720624,0.276969,-0.372954,0.876846,-0.0688086,0.156387,-1.33847,0.479492,0.323143,0.780052,0.045773,-0.608689,-0.144994,-0.198165,0.138571,0.229501,0.00466601,-0.301436,-0.141719,0.279675,-0.244565,-0.218942,0.447172,-0.45108,-0.107161,0.188225,-0.630006,0.48857,-0.146206,0.296492,0.232733,-0.751256,-0.359364,-1.63886,-0.2153,-0.500091,-0.495575,-0.749847,-0.400106,0.236228,-0.886663,0.381081,-0.215569,-0.669388,0.249898,0.683412,-0.429019,0.133343,-0.12474,0.411229,-0.358362,0.274973,0.587388,-0.667769,0.0588212,-0.768931,-0.849915,0.0855263,0.0235489,-0.701582,-0.0941339,0.553758,-0.649947,-0.403926,0.211323,0.329019,-0.0587986,-0.547249,0.00374721,0.169936,-0.654078,-0.179097,-0.0427306,-0.958742,-0.110454,-0.797993,-0.389734,-1.20131,0.277953,0.92198,-0.88893,0.650508,-0.075786,0.128916,0.0517213,0.00680363,-0.302994,-0.348207,0.0668336,0.347857,0.349979,-0.488521,0.574628,-0.121746,-0.183727,-0.236317,0.745086,-0.130239,-0.427273,0.402755,0.246502,0.70914,-0.0912702,0.0605841,0.168558,0.0194032,0.666323,0.472916,0.384048,0.202196,0.405982,0.637826,-0.537819,0.619464,0.407025,0.557889,-0.486687,-0.060159,-0.251075,-0.434526,0.385382,0.881507,-0.728117,1.45613,0.569984,0.0551264,0.72445,-0.754454,-0.981475,-0.674097,0.312771,-0.574149,0.342938,-0.721987,-0.361171,-0.186457,0.0604934,-0.0959373,-0.163947,0.702146,0.491472,-0.0194317,1.08337,1.17976,-0.824852,-0.0878482,-0.138552,-0.0694816,0.276111,-0.645582,-0.197156,-0.337023,-0.568697,-0.223751,0.0616361,-0.192105,0.456659,0.485011,0.237489,0.0655552,0.0461351,0.0594166,-0.424561,0.491089,0.50046,0.497963,0.712208,0.050222,1.3967,0.586189,-0.709408,0.639304,0.763106,-0.281472,-0.450824,0.480552,-0.0571641,0.411681,-0.3123,0.844089,-0.891961,0.569621,0.230492,1.03774,-0.705853,-0.642121,-0.360034,-0.278917,-0.180499,0.558889,-0.523472,0.71161,0.747931,0.199896,0.310058,-0.181306,0.981215,-0.0772276,-0.0680203,0.380136,0.281076,0.895554,-0.0357379,-0.388121,-0.0129348,0.0856001,-0.232469,0.140239,0.122253,0.546749,0.172436,-0.445504,-0.383641,-0.642962,-0.371114,-0.0335699,-0.00698431,-0.300343,0.213119,-0.24119,0.0117749,-0.637056,0.590998,-0.449676,0.0269337,0.620755,0.36222,0.155389,0.116786,0.210348,0.00823182,-0.515438,0.883869,0.74512,0.322103,0.718394,-0.457283,0.449484,0.946591,0.282448,-0.287365,0.238233,0.466392,-0.246406,0.99237,-1.3135,0.819236,-0.964311,0.599101,-1.61369,0.236104,-1.16262,-0.512688,-0.546143,-0.128392,0.226898,-0.86837,0.470882,0.78271,0.841719,0.225857,-0.00332648,-0.777912,0.371193,0.223083,-0.890143,0.19364,0.639516,-0.218703,-0.0270988,-0.102954,0.0267266,-0.0824386,-0.48659,-0.266357,0.325526,0.026124,0.538314,-0.0599472,0.823541,0.0332776,-0.385605,-0.797368,-0.930663,0.0647697,0.145943,-0.613595,-0.458176,0.608056,-0.247315,0.200484,-0.20568,0.380847,-0.0591093,-0.871562,-0.800507,1.54172,-0.637669,0.336366,-0.0196092,0.319134,0.549367,-0.358963,-1.18262,1.0138,-0.0549215,0.0815301,0.0703405,1.16548,-0.256934,0.13846,-0.249848,0.189394,-0.304195,-0.50877,0.136288,-0.418966,0.225433,-0.0509998,0.697993,-0.432097,0.461216,0.0367869,-0.783473,0.191673,-0.540129,0.180634,0.624781,0.00831001,0.518191,-0.10933,0.299163,0.914255,0.856067,-0.918731,0.40333,-0.799862,-0.000365615,-0.378926,-0.320977,-0.245143,0.618837,-0.648086,0.476484,-0.0436195,-0.487281,0.0653558,0.300115,0.218472,0.24532,0.810236,-0.0963402,-0.0190485,0.585919,-0.417111,-0.455334,0.608248,0.0213397,0.181191,-0.93308,0.240326,-0.188969,0.45987,-0.132582,0.642133,0.442789,-0.0519532,-0.0659582,-0.256389,1.05674,0.0917394,-0.0137936,-0.0419179,0.133865,0.529353,0.0323733,-0.457664,0.06755,0.527821,0.0708909,0.343208,-0.733857,0.435014,-0.408464,-0.290055,0.184694,-0.443901,0.762713,0.222123,-1.00961,-1.01418,0.838484,-0.351004,0.186392,-0.872006,0.241508,0.471005,-0.0339239,0.972032,-0.291456,-0.0806938,0.118354,-0.0416429,0.929418,-0.135308,0.463004,-0.352025,0.426594,0.182188,-0.601635,-0.340503,-0.072117,-0.387059,0.0203611,-0.545442,-0.285754,0.161685,-0.853741,-0.0415519,-0.177337,0.353082,0.334013,-0.263261,-0.597389,0.569186,0.380992,-0.106863,0.343397,0.276691,0.71393,0.63234,-0.0217261,-0.0675318,-0.569235,0.2375,0.065959,-0.137147,0.616562,-0.177118,-0.313565,-0.681573,0.216621,0.170285,-0.405544,0.282501,0.252805,0.474213,-0.185012,0.387658,-1.02259,-0.213489,1.31534,-0.88329,0.57826,-0.278235,0.35525,-0.233436,0.535815,-0.986354,-0.335375,-0.757264,0.186968,0.0177851,-0.449517,-0.0752544,-0.202564,0.901145,-0.41723,-0.480321,0.27956,0.0655674,-0.0644704,0.185092,0.00821852,-0.789549,0.254808,0.174312,-0.888316,-0.551998,0.526186,0.499875,-0.441551,0.601571,-0.68296,0.203881,0.280866,0.545691,0.30466,-0.869271,0.000879973,-0.375121,-0.0146381,-0.124702,-0.554393,-1.03361,0.755194,-0.050497,-0.340826,-0.484756,0.331245,-0.409102,-0.278485,0.307171,0.868727,0.981319,-0.431248,0.107279,0.704054,0.0442865,0.560413,-0.344443,0.401658,0.364252,-0.276716,0.0760197,1.15139,0.0185386,-0.0286115,0.0466358,-0.0212041,0.0703464,-0.0621222,0.260455,0.449538,-0.361721,-0.630922,-0.473863,0.24981,0.409891,0.21544,-0.961406,0.145735,-0.000217326,-0.514119,-0.668522,0.262662,-0.0989721,0.209122,-0.117178,0.120332,-0.780784,0.55473,-0.803235,0.27134,0.0229456,0.67816,0.310346,-0.12924,0.331634,0.106177,-0.245918,0.165417,-0.317309,0.285454,0.307415,0.788733,0.23799,0.34917,-0.00391793,-0.116683,-0.223477,-0.925677,-0.741051,0.24086,0.56873,0.122295,0.383413,-0.778343,0.486826,-0.255674,-0.322142,0.219624,-0.0423741,0.738233,-0.00624439,-0.101715,-0.0946611,0.629202,-0.22969,1.26764,0.562682,0.0868955,-0.46848,0.0261346,0.153543,-0.155325,-0.916884,-0.806239,1.18288,0.732447,-0.171812,0.0968707,0.371498,-0.415895,0.296537,0.358549,0.0647861,0.081693,0.557717,0.972047,0.554411,0.283042,-0.484713,-0.753199,-0.107246,0.0916058,-0.108514,-0.252418,-0.0248419,-0.638687,0.611696,0.447691,0.494184,0.283524,-0.323947,0.426291,-0.0349128,0.936424,0.122737,0.416113,-0.737835,-0.807821,-0.740229,0.152993,-1.16096,-1.04533,0.0369809,0.591501,0.377573,0.057562,-1.22539,0.28261,-0.673075,-0.384735,-0.340729,-0.994296,-0.11886,-0.109852,-0.213287,0.207134,-0.542634,-0.502171,0.65017,-0.29551,0.0961279,-0.00671349,-0.226971,0.215422,-0.608102,-0.741751,-0.453717,-0.13598,-0.352122,-0.105293,-0.741556,0.28285,0.489442,0.788077,-0.182002,0.250851,-0.704945,0.0773035,0.267384,-0.256678,0.837868,0.127768,-0.0312872,-0.304454,-0.527194,-0.852247,0.219315,0.396209,-1.0242,-0.0788804,-0.783185,0.702756,-0.935465,-0.157737,-0.490906,0.387538,0.839057,0.667924,0.433259,0.032682,-0.111799,-0.284887,0.577448,-0.533874,-0.283561,-0.582679,-0.370895,0.00825918,-0.00565091,0.10613,-0.590672,-1.04578,-0.295015,-0.549549,-0.39514,-0.113958,0.598213,-0.810681,-0.868587,-0.0170313,0.522448,0.828873,0.0365172,0.594466,0.670555,-0.17626,0.322622,-0.0500349,-0.265342,-1.03642,1.02649,0.320235,-0.544735,-0.273765,0.155659,-0.0151573,0.103781,0.257472,0.163304,0.0620552,0.251109,0.0136137,0.373978,0.384301,-0.290455,0.349406,-0.147652,-0.433498,0.218637,0.923848,0.1503,-0.537229,0.0820946,1.10004,-0.0986701,-0.29931,0.549214,-0.209884,0.103142,0.152322,0.409017,0.299875,0.366673,-0.102692,0.00766817,0.680529,-0.924394,0.136501,-0.985829,1.32326,0.341146,-0.18501,0.381586,-0.154551,-0.270783,0.0206496,-0.28384,-0.0537897,-0.132064,-0.906355,-0.134937,0.0255556,0.886496,0.330328,0.934729,-0.486388,0.19569,0.252979,0.569292,0.330377,0.123159,0.6606,0.251657,0.33267,-0.446794,-0.343193,0.520637,-0.212733,-0.712363,0.0483019,0.256318,0.298299,-0.0468571,0.585471,-0.0111372,1.49633,0.170872,0.0696312,-0.655314,-0.225929,-0.571506,-0.0205153,0.51055,-0.0517768,0.110213,-0.596106,0.159601,0.248527,-0.836994,0.637172,-0.419531,-0.202528,0.330188,-0.84524,-0.792713,0.00400352,-0.700638,0.851022,0.452684,1.12434,-0.173296,-0.192079,-0.763104,-0.0604097,-0.0238371,0.590776,0.317613,-0.0434656,-0.352526,0.441321,1.76297,0.243867,0.153056,-0.821659,0.0898511,-0.368725,-0.51042,-0.0346169,-0.526575,-0.0445899,0.37683,0.50182,-0.0343092,-1.31352,0.0303869,-0.99989,-0.227507,0.238221,-0.160757,-0.226426,0.0870267,0.0774353,0.391175,0.030893,-0.294763,-1.09498,0.772544,0.00116173,0.0426821,-0.06864,0.0539175,0.430177,-0.526267,0.106598,0.50539,0.196693,0.330951,-0.0752121,0.495232,0.658832,-0.321956,0.0848146,-0.30226,-0.296142,0.519772,-0.723161,0.876674,-1.04003,0.538132,-0.745955,0.253801,-0.0608135,-1.35924,-0.228397,0.0145458,0.37111,0.217416,1.14202,0.338593,0.406662,0.514661,-0.627175,-0.127331,0.311801,0.134838,0.0313299,-0.486895,0.69899,0.0253017,-0.00997961,0.353612,-0.642985,-0.467139,0.433525,-0.26375,0.141472,0.332265,0.0424068,-0.450258,0.474058,0.0274888,-0.240583,0.619746,-1.02654,0.244175,0.454793,0.690141,-0.330144,-0.513988,0.150525,-0.0672726,0.665405,0.267248,0.745402,-0.456954,0.719341,-0.473603,-0.395691,-0.549249,-0.51551,0.224149,-0.736143,-1.13668,-0.201038,0.0398726,-0.581179,0.250311,0.460668,0.131774,-0.170543,-0.611537,-0.0789994,-0.987231,-0.963864,0.278927,-0.705729,0.150494,-0.509136,-0.320572,0.146391,0.608194,-0.663045,0.630715,0.426789,-0.328177,0.0753363,1.09683,0.00414201,0.559983,-0.00684439,0.590992,-0.0875199,0.247517,-0.192105,-0.310105,0.0131403,0.424556,-0.545809,-0.397431,-0.182271,1.34993,-0.265132,-0.430666,0.43581,-0.625646,-0.418026,-0.0893996,-0.222257,-0.790487,-0.140422,-0.175265,-0.0816963,-0.43904,0.193075,0.0163496,-0.503436,-0.284324,-0.0523066,0.703746,-0.378316,0.32708,0.337067,0.296327,0.440253,0.291217,0.376546,0.650051,0.43407,-0.00393454,0.343162,-0.111305,-0.272865,0.143369,0.271998,-0.440975,-0.0986377,-0.0609457,1.17863,0.353288,0.983178,0.0717499,-0.0576551,0.176236,0.0924232,-0.124312,-0.857625,-0.506117,0.0947029,-0.322972,-0.363412,-0.148725,0.388394,-0.321029,-0.0233771,-0.425033,-0.190902,0.280318,0.751841,0.339547,-0.38756,-0.612744,-0.81194,0.0345599,-1.10164,1.0515,0.164866,0.517343,-0.588798,0.483943,0.651318,0.347288,-0.0898816,1.26965,-0.945728,0.77671,0.424442,0.000677884,-0.159942,-0.418568,-0.116315,-0.245709,-0.403194,-1.2494,0.508746,-0.633962,-0.0939562,-0.610182,0.0469426,-0.911893,0.204679,0.364983,-0.377468,0.217342,0.253335,-0.504514,0.184343,-0.480643,-0.898325,0.446704,-0.283626,-0.511383,0.65314,0.880063,-1.39102,-0.716992,-0.158125,0.904443,-0.290769,0.265018,0.423862,0.0381897,-0.0487944,0.0281611,-0.895897,-0.0226459,1.06803,-0.169298,-0.0727147,-0.862237,0.0940712,-0.0630593,1.1394,-0.0857692,0.312414,-0.888975,0.316287,-0.518298,0.0515093,0.104435,-0.77422,-0.0219705,0.0897114,0.236821,0.478199,1.00289,-0.328357,0.474762,-0.716082,0.274916,-0.616523,0.201175,-0.264182,-0.495487,0.0504976,-0.300518,0.808574,0.148626,-0.333673,-0.780191,-0.459268,-0.410662,-0.553988,0.117107,-0.583242,-0.393092,0.574593,-0.51441,0.638586,-0.22911,-0.996507,0.892168,-0.455025,0.202401,-1.06264,-0.146373,0.500675,0.227021,-0.577704,0.217118,-0.17871,-0.714298,0.019382,0.141333,-0.0295541,0.714911,-0.30746,0.167234,0.133636,-0.714139,-0.060942,1.53851,-0.42503,-0.217387,0.037953,-1.47263,0.0434533,0.067467,-0.488549,-0.175294,0.317212,0.0799542,-0.401319,-0.00638772,0.411715,0.236968,-0.428742,-0.0661503,0.0837767,-0.784013,0.744662,-0.461056,0.0147553,-0.0328984,0.344075,0.568591,-0.795932,0.554699,0.15498,0.42759,0.755294,-0.153228,-0.592284,1.48663,0.398332,0.0790792,0.256943,-0.226211,0.102408,0.210709,0.278703,-0.206299,0.818779,-0.581053,1.71825,0.329813,0.624077,0.201958,-0.559808,-0.172106,-0.570718,-0.182241,0.57927,0.761668,-0.0911531,-0.503679,-0.0304668,0.714788,-0.513221,-0.508192,-0.700994,-0.347053,0.12119,0.307833,0.262788,-0.464924,-0.538565,-0.0858625,0.142191,-0.743816,0.481813,0.339657,-0.552223,-0.26547,-0.776054,-0.594126,0.0400516,0.303257,-0.029146,0.770787,-0.209306,0.58134,0.0305164,1.43204,0.444825,-0.333483,-0.604835,-0.285751,0.188561,-0.0895074,0.0798239,-0.0442346,0.158669,0.647931,0.310896,0.244946,0.850157,0.479992,-0.0377891,-0.0363948,-0.513704,0.318082,-0.513509,-0.319302,0.715972,0.197635,-0.102169,0.444077,-0.516959,0.50403,-0.670622,-0.10787,0.0928987,0.25111,-0.221382,0.476706,-0.00782016,-0.510633,0.539464,-0.0881513,0.0799176,-0.658206,0.297939,-0.342304,0.519582,-0.527521,1.14977,-0.953803,0.540932,-0.480637,0.164646,0.0435061,-0.60668,0.847484,-0.0974407,0.324378,0.179175,-0.465768,1.0605,0.174861,-0.415504,-0.686097,0.159223,0.0269627,-0.148681,0.193055,-0.380553,0.835092,-0.710783,0.511609,-0.513159,-1.39062,-1.02997,0.6235,-0.220875,0.296538,0.315599,0.656366,0.244489,1.21031,-0.473079,0.728508,0.713021,0.376701,0.245607,-0.475053,-0.730695,-0.0555208,0.549924,0.197563,-0.804047,-0.10787,0.0280151,-0.26008,-0.0725132,0.114737,1.29911,-0.632,-1.33492,0.0162375,0.266602,-1.01137,0.519141,-0.109546,0.535445,0.52442,0.227604,0.185793,-0.391599,-0.465613,0.339476,0.0171003,0.344661,-0.0086429,0.884486,0.396864,0.0851512,-0.529495,-0.00153963,0.560235,-0.932768,-0.0328203,-0.84879,-0.132438,0.116991,0.953305,-0.608991,0.664752,0.27253,0.424735,0.718412,-0.572963,0.0192244,0.220873,0.34912,0.448891,0.730929,-0.550635,-0.694668,0.828953,0.265533,0.0825587,0.190433,-0.0025425,0.860594,0.914744,0.0978543,0.17619,-0.248242,0.053787,-0.434115,0.200824,0.0113738,0.0383455,0.677363,0.469219,-0.863405,0.108912,1.17263,0.133489,-0.247928,0.115605,-0.438763,-1.0366,-0.902349,0.142166,0.347449,-0.373038,-0.0654764,1.06343,-0.176517,-0.565051,-0.236927,0.319798,-0.183416,1.20067,-0.312101,0.606357,0.012214,0.327823,-0.0445089,0.108694,-0.516315,-0.478217,0.503597,-0.773965,0.981258,0.575011,0.133749,-0.411346,-0.712912,0.144323,-0.56795,0.836889,-0.771151,0.589334,-0.614416,0.244359,0.844162,-1.23744,0.131254,0.160226,-0.50693,-0.0465457,0.239164,0.00508285,0.00384397,0.152521,0.188289,0.610005,-0.943614,0.765703,0.895341,0.369272,0.219048,-0.21375,-0.979292,-0.356594,0.507656,-0.593997,0.214849,0.466304,0.020515,0.633796,-0.69681,-0.234998,0.445915,0.998441,-0.548997,0.873036,-0.0911085,-0.661421,0.0171198,-0.253236,-0.67888,-0.0398524,-0.5926,-1.01979,0.0569842,-0.877748,-0.503062,0.245437,0.284807,0.185878,-0.597112,0.956458,0.653517,-0.875131,1.05725,0.386723,0.849151,-0.785129,0.987408,-0.227203,-0.918612,-0.136948,0.333417,-0.952923,-0.496166,0.180423,-0.00264425,-0.0668656,-0.62816,0.101789,-0.873518,0.909237,0.22552,1.01342,0.313493,-0.202343,-0.395719,0.667132,0.352975,0.0328247,0.573031,0.0142354,0.138632,0.325276,0.544222,0.183103,-1.419,-0.457449,0.888321,0.418716,-0.315623,-0.547443,0.115968,-0.528857,0.334506,0.763874,-0.649902,0.276617,-0.878545,-0.0760231,0.591388,-0.0765448,0.305401,0.473183,0.121861,1.29436,0.327408,-0.294839,-0.703117,0.196476,-1.02892,-0.284125,-0.194411,0.185976,-0.755144,-0.666054,-0.131724,-0.420892,0.655841,-0.0502454,0.741816,-0.194706,0.716651,0.456174,-0.359184,-0.915579,1.16505,0.19282,0.0752973,0.46859,0.0592175,0.207893,-0.0707348,-0.197123,-0.00171127,0.166464,-0.299744,-0.518096,-0.124076,-0.246415,0.458012,-0.586538,0.945906,0.28214,-0.183926,1.0156,-0.42727,0.402661,0.0156271,0.108383,1.08604,0.954106,-1.18361,1.22909,-0.630862,-0.386813,-0.0963348,0.0519336,0.868854,0.548738,-0.0787244,-0.0295808,1.21666,-0.428673,-1.2816,-0.0455667,0.36418,0.119519,0.0612155,-1.30815,0.800157,0.202971,-0.131253,-0.28305,0.079444,0.183661,-0.678797,-0.0270696,-0.411397,0.655018,-0.250518,0.117636,0.937621,-0.58178,-0.103364,0.447381,0.200371,0.232862,0.0860178,-0.0893556,0.157739,0.254775,-0.399042,-0.461137,-0.00755095,-0.30906,-0.0152048,-0.459509,-0.0898135,-0.064111,0.672857,-0.75624,-0.0547301,-0.624545,-0.130911,-0.189686,-0.510034,-0.557846,0.186993,-0.698002,0.627281,-0.0451406,-0.0390929,1.06196,-0.409241,-0.00583573,-1.49278,-0.569639,0.153675,0.48691,-0.872636,-0.460497,0.292832,-0.187527,-0.0894488,0.520218,-0.099302,-0.598307,-0.612449,-0.128341,0.628514,-0.431275,-0.362346,-0.46849,0.563374,0.175935,-0.46124,-0.604021,-0.0840938,-0.878701,0.243503,0.398436,0.14124,-0.736286,0.317031,0.864228,0.608104,0.59342,-0.0271325,0.575117,0.12333,0.735652,-0.510867,-0.097754,-0.565197,-0.594144,-0.0951032,0.278964,-0.410645,0.0730073,-0.670226,-0.322279,0.161354,0.339891,-0.782984,-0.536679,-0.574533,-0.386762,0.0232134,0.741839,-0.107642,0.265239,-0.684973,-0.229053,-0.536197,-0.87411,0.598486,0.423213,0.67537,-0.501957,-0.342422,-0.104515,-0.215471,0.329809,0.109192,0.415612,0.260151,-0.146566,0.680218,0.15285,-0.198734,-0.286554,-0.44039,0.576649,0.243482,0.739074,-0.0900769,0.945413,-0.0847461,-0.467445,-0.529344,-0.865099,-1.22615,-1.12675,-0.690908,-1.00134,-0.314594,-0.180899,-0.0642018,-0.122856,0.64342,-0.473688,-0.0173545,0.111572,0.563882,0.164025,0.647252,0.530407,-0.365239,-0.718426,-0.200535,0.470521,0.655373,-0.201563,-0.0548239,0.418564,-0.199517,0.112403,0.292985,0.0989498,0.64162,-0.668868,0.401312,-0.318348,0.433042,-0.891479,-0.0180391,0.42188,-0.394154,-0.24788,0.271505,0.0915433,-0.755709,-0.314365,0.0878193,1.18232,0.0601106,-0.0939335,0.568126,-0.304543,-0.403732,0.678067,-0.156397,-0.23944,-1.10809,0.616439,0.837698,-0.364958,-0.940474,0.230153,-0.125228,0.465594,-0.205683,-0.594653,-0.357887,0.51051,-1.2322,-0.584334,0.00957032,0.997807,-1.02613,0.712257,0.320386,-0.0434375,1.25071,0.0447017,0.696554,-0.417982,-0.888077,0.65638,0.666716,-0.239847,0.0797358,0.41183,-0.723528,-0.0395506,0.529313,0.0273341,-0.00308552,-0.761167,1.08592,-0.0914254,0.441754,-0.334233,0.188474,0.0255054,-0.33013,0.352746,0.322925,0.0109468,0.630644,0.54242,0.992509,-0.0247812,0.927995,-0.271937,-0.718407,1.24905,0.723415,0.160645,0.750837,0.188498,-0.926382,0.355327,-0.468116,1.14164,-0.967376,-0.351704,0.226614,-0.76086,0.658296,0.757698,-0.0446448,0.37554,-0.336254,0.473861,-0.0128591,0.348951,0.304086,-0.572201,-0.331295,0.25068,0.769094,0.188795,0.0328882,0.114765,-0.35936,-0.147646,-0.524272,0.274989,0.195538,0.87981,-0.294846,-0.475024,-0.776511,-0.114986,1.03188,-0.848758,-0.0425394,-0.376599,0.154808,0.814981,0.0154555,0.0428814,0.616279,-0.381624,-0.713063,0.328321,0.662516,-0.47671,0.381002,-0.0865375,-0.53451,-0.346922,-0.637333,-0.117803,0.74037,0.143739,-0.00155229,0.129033,0.128881,-0.111538,0.113723,0.537101,-0.118671,0.0940746,-0.0816506,0.0478988,0.817425,0.134766,-0.453761,-0.0607595,0.554844,0.0673525,1.0365,-0.379999,-0.802575,1.54391,-0.18122,0.70626,0.142358,-0.222458,-0.627663,-0.0686765,-0.841469,-0.405279,0.574868,0.290289,-0.494118,-1.50445,0.03694,-0.335052,-0.0875504,-0.495629,-0.977787,0.0976626,0.218849,0.318443,0.657195,0.0685511,-0.645166,0.764563,0.292121,-0.264159,0.611721,-0.163947,-0.376991,0.0563328,0.33461,-0.710649,-0.203837,0.178089,0.583505,-0.0421149,-0.440022,0.57162,0.14048,-0.104627,-0.160073,0.0566604,0.174884,0.357665,-0.905861,-0.196614,-0.697908,-0.00776578,-0.190013,-0.140912,-0.461117,-0.466323,-0.443353,-0.523929,-0.238662,0.0495828,-0.977071,0.283523,0.536274,-0.521053,0.879906,0.175822,0.608872,0.354682,-0.590097,-0.0328721,-0.110484,0.488038,1.15661,-0.596004,0.201682,0.677301,0.375004,0.432301,0.100888,-0.426186,0.715213,-1.12707,0.165153,-0.620823,0.186802,-0.0660087,-0.626184,0.505793,0.212638,0.0321938,0.386463,0.38948,-0.138141,-0.208127,-0.100371,0.0302634,-0.112005,-0.588116,0.171375,-0.182173,-0.630708,-1.55204,-0.131168,0.162533,0.130829,0.627488,-0.904356,0.128873,-0.0249176,0.888367,0.312027,-0.606929,-0.193973,0.413808,0.97075,0.393936,-0.712518,-0.557882,0.142747,0.690039,-0.541229,-1.81852,-0.842828,0.408388,0.325478,-0.43819,-0.0850067,0.350143,0.413898,0.00542203,1.10341,0.429287,-0.823784,-0.582901,-0.250528,-0.617213,-0.126377,0.819262,0.618585,0.6984,0.135938,0.674927,0.181703,-0.356922,-0.534562,0.259513,0.640513,-0.481436,-0.211495,0.0677965,-0.489722,1.11628,-0.982348,-0.723114,-0.840156,0.275928,0.354444,0.4509,-1.05594,0.0297605,-0.0738944,0.0136393,0.0296289,0.518746,1.23108,-0.182002,0.0969659,-1.11453,-0.0905464,-0.396045,-0.316822,-0.36853,0.744658,0.587108,-0.544341,-1.31191,-0.346125,-0.959223,0.133213,-0.188348,0.603348,0.128593,-1.0662,0.140701,0.715254,-0.433325,0.0855549,0.388985,-0.171661,-0.259445,0.18501,-0.425497,0.714568,1.06264,0.746074,0.00941393,-0.468844,0.452423,0.469562,-0.567069,-0.429628,0.469445,-0.325407,0.424206,-0.157676,-0.251792,-0.163099,-0.991901,-0.536489,-0.195594,0.313557,-0.291591,-0.189664,-0.141826,-0.0679287,0.0715037,-0.204175,-0.924206,-0.0415649,-0.835783,0.320182,-0.501211,-0.0291953,-0.237916,-0.656228,0.337364,0.712364,0.450432,0.680695,-0.199459,-0.531333,0.491862,0.193075,0.850226,-0.730786,0.125979,0.0422554,0.630253,-0.109696,-0.612147,-0.317209,0.195972,0.107664,-0.0422066,-0.418813,-0.850017,1.00968,0.307243,-0.862227,0.608884,0.85473,0.0942463,-0.996987,-0.410888,-1.203,-0.290045,0.269269,-0.195079,-0.135557,0.489958,-0.913989,-0.482723,0.520232,0.187281,-0.870987,-0.0726516,0.00857633,0.426606,-0.884495,0.490396,-1.543,-0.0121063,0.515146,-0.0670033,1.02098,-1.17932,-0.177861,0.585347,0.00343242,-0.163441,-0.0915273,-0.179002,-0.0548229,0.176523,0.603367,-0.291517,-0.734539,0.130564,0.282662,0.350534,0.704519,0.288037,-0.458526,0.0909366,0.158847,-0.0395328,0.0409468,0.662386,0.319683,0.60869,1.09872,0.307,-0.564644,0.412489,-0.529498,0.187501,0.0795872,0.3879,0.544391,-0.822619,-0.274791,-1.13117,-0.353999,0.868417,0.29736,-0.177646,-0.162237,-0.0146751,0.303909,0.301631,0.231904,0.0309782,-0.556581,-0.496244,-0.387185,0.0634477,-0.535461,-0.29329,-0.0621657,0.356679,-0.172733,-0.676512,1.06707,-0.935108,0.0135692,-0.172818,0.247418,-0.108918,0.998938,-0.0766576,-0.819899,-0.635133,-0.0474259,-0.847422,0.166554,-0.275081,-0.150082,0.0405263,-0.00283141,-0.08776,0.0455373,-0.309588,0.103589,-0.165004,-0.244934,0.136178,0.489723,-0.764301,-0.710302,-0.199118,-0.447427,0.0184851,-0.605007,-0.577026,0.5424,-0.541472,0.895999,0.36326,0.531547,-0.0126406,-0.335371,0.35732,0.732283,-0.600685,0.802128,1.05629,0.666098,-0.67024,-0.579199,-0.204249,-0.0305336,0.527957,0.0794515,-0.365019,-0.496446,-0.0790518,-0.113873,0.903543,0.392976,-0.992607,-0.581194,-0.266,-0.13813,0.896596,0.940446,-0.70836,0.898687,-0.0409846,-0.532202,0.186932,0.721647,-0.293865,0.296329,0.501895,0.30282,-0.37873,0.341726,-0.808167,0.806403,0.0451495,0.965054,-0.375686,0.726393,0.355619,0.330196,-0.182328,-0.780382,-0.521728,1.1674,0.97295,0.107887,-0.603792,-0.416711,0.0830531,-0.837449,-0.388757,0.266374,-0.196817,-0.364189,0.336775,0.0652702,-0.0435295,-0.56003,0.272302,-0.314944,0.304304,-0.919483,0.0979573,0.88989,0.329139,-0.513897,-0.228489,0.225748,-0.505765,0.140436,0.0255686,0.0536615,-0.184851,-0.0899006,-0.0654389,-0.990941,-0.493674,-0.25342,0.892913,-0.883046,0.0178773,0.0368323,-0.243274,1.02039,0.0881699,-0.171668,-0.415917,-0.0588722,0.765844,0.751943,0.514983,-0.0211086,-0.592409,0.160034,0.462861,0.276572,0.108398,-0.116554,0.178817,-0.00460002,0.129429,-0.128934,0.325915,-0.423903,0.753417,-0.0978606,1.17183,-0.711143,-0.199616,-0.0653258,0.292809,-0.0596732,-0.139925,0.415563,-0.188427,-0.118753,-0.04123,-0.454194,0.690256,0.146474,-0.630879,-0.0786762,-0.80051,-0.374669,0.556911,-0.736163,0.102008,-0.239429,-0.689804,0.111706,0.477195,-0.145057,0.0855359,0.489519,-0.141251,-0.573121,0.684726,0.394338,0.368304,-0.0785094,0.667642,-0.129981,0.175196,0.245542,-0.622084,0.139555,-0.0458668,0.261747,-0.471112,-0.627933,0.888061,0.206463,0.460853,-0.56663,-0.0364327,0.21632,-0.616766,1.04423,-0.524718,0.560828,-0.34302,-0.495147,-0.529401,-0.335873,-0.124564,-0.495788,-0.249129,0.440156,0.460056,0.236316,0.108184,-0.474993,0.695073,1.29535,-0.89326,-0.0568292,0.129906,-0.0623218,-0.435609,-0.597713,-0.453524,-0.185653,0.435312,-0.674968,-0.551657,-0.335795,-0.438037,-0.322684,0.107712,0.136765,0.895599,0.141944,-0.725488,-0.26501,-0.796196,0.817431,-0.0426335,-0.37181,-0.498376,0.132445,-0.131758,0.219121,-0.104719,-0.44692,0.272099,0.262821,-1.18666,0.377936,0.106003,-0.232786,-0.140152,0.125858,0.807732,0.0194588,-0.355748,-0.571489,0.550912,0.482164,0.0700508,0.101876,-0.184126,0.209875,-0.523546,-0.16555,0.733085,-0.396369,-0.247741,0.853921,-0.181008,-0.154489,-0.595226,-0.513192,-0.647886,0.499437,0.881543,-0.19382,-0.545704,-0.517021,0.491518,0.3055,-0.527321,-0.291007,0.288761,0.146478,-0.706674,0.584527,-0.303109,-0.0446518,-0.566055,-0.453386,-0.461242,-0.479987,0.749058,0.199348,-0.137913,0.266386,-0.624936,0.618444,0.00588854,-0.395851,0.331263,0.304871,-0.670271,-1.26366,0.604213,0.471573,-0.852538,-0.543511,-0.464771,0.373254,1.07356,-0.494744,0.404139,0.405726,0.773485,0.89384,-0.312938,-0.613942,0.683299,-0.0714141,0.253597,0.594787,-0.946806,0.462818,-1.0453,1.0415,-0.0325653,0.39613,-1.16449,0.00338016,-0.935398,0.607848,-0.435946,1.12603,-0.892655,0.115051,-0.652717,0.069346,-0.669048,-0.122912,-0.288899,0.380541,0.521353,0.392576,0.149691,-0.220408,1.01174,0.23132,-0.564737,0.00673714,-0.462346,1.01064,-0.530837,1.12789,-0.0274723,0.0902001,0.725906,-0.912413,0.340179,-0.835749,0.0951171,-0.730847,-0.828978,0.512573,-0.211682,0.0176935,-0.546751,-0.0801361,1.21889,0.480454,-0.839564,-0.0960494,0.234198,0.946858,0.19457,-0.154462,-0.557362,-0.445897,0.518943,0.136179,-0.608541,0.576617,-0.0960061,-0.152312,0.145752,-0.0262346,0.448542,-0.13806,0.515429,0.928536,-0.250887,-0.802711,-0.0156604,0.619097,-0.519646,0.143029,0.00234847,-0.951518,-0.123126,-0.983528,0.450916,-0.613322,-0.293943,0.527776,-0.784031,0.505775,-0.415536,0.204037,0.12815,0.0274677,-0.820302,-0.171934,-0.207102,0.369496,1.5105,-0.671357,-0.0713507,-0.108159,-0.766325,-1.00579,0.0768362,-0.808445,0.284669,-0.0112468,0.331335,-0.162361,0.152206,0.527572,-0.0333819,0.565253,0.704725,0.226052,0.688975,-0.266462,-0.0579891,0.45755,0.314885,0.639075,0.0760143,0.200939,-0.573045,-0.405143,-0.322436,-0.13158,0.57721,0.663424,0.157925,0.406997,0.154361,0.369826,0.0189509,-1.17778,-0.368622,-0.803204,0.295396,0.565843,0.613522,0.163274,-0.366711,0.655049,-0.148483,-0.0739864,0.158954,0.520202,-0.118625,-0.00857157,0.819521,0.513735,-0.723796,0.448337,-0.318302,0.497087,-0.180061,-0.760883,-0.0657353,-0.297998,-0.759462,-0.347705,-0.536292,-0.276757,0.503338,-0.423094,-0.0161382,0.33626,0.906215,0.459464,0.341289,0.574803,1.20041,0.556393,0.48255,0.48257,1.19863,0.333823,-0.408484,0.149765,0.477168,0.625601,-0.204574,0.501186,0.0714339,0.303648,-0.422297,0.121881,-0.32386,0.423044,0.0393075,0.431581,0.683388,-1.12289,-0.263685,0.0632953,0.712457,0.113615,-0.212091,0.809385,0.576904,0.696289,0.186099,-0.884601,-0.021619,-1.30729,0.399107,-0.364777,-0.530546,-0.126492,-0.51766,-0.326666,-0.0673793,0.763488,0.680853,-0.584275,0.655545,0.229888,-0.651142,-0.236766,-0.628568,0.137454,-0.464359,0.416763,0.683431,-0.549387,0.194239,-0.596469,-0.215418,-0.538332,0.314248,0.594311,0.234906,0.493365,0.652888,-0.0897883,-0.44729,0.107092,-0.270761,-0.122282,-0.18599,0.639253,0.167259,0.408582,-0.0435131,0.1634,0.941381,0.539923,0.684118,0.152503,0.620723,0.285996,1.07346,-0.4264,0.836756,-0.039661,0.568318,-0.00750826,0.842733,-0.420944,-0.571967,-0.976118,-0.233285,0.313164,-0.576567,0.469365,0.904818,0.410876,-0.328387,-0.0919836,-0.742058,0.380238,-0.118811,-0.487652,0.345601,0.127405,-0.0398518,-0.568892,0.0738292,-0.170677,0.335215,-0.101638,-0.319281,-0.689289,0.0208367,0.501365,-0.0304331,0.824249,0.279336,0.159976,-0.320956,-0.450524,0.0432119,0.141863,-0.272501,-0.416789,0.166543,-0.554787,0.854465,-0.433067,0.133894,-1.12297,0.00664578,-0.540245,0.229246,-1.28168,-0.604791,0.532486,0.57818,0.0689512,-0.0871909,-0.753046,-0.234517,0.215507,-0.704639,-0.403587,1.07986,0.0235337,-0.0758648,-0.583979,0.0665773,0.214768,0.0344351,-0.307533,-0.432572,-0.0836182,0.200754,-0.394916,0.00818658,-0.438124,0.355198,-0.343748,-0.63489,-0.278804,0.120326,-0.049557,-0.682192,1.05947,-0.650594,0.246578,0.747011,0.851651,-1.00252,0.171847,-0.405871,-0.377478,-0.897347,0.20768,0.695407,0.0364987,-0.0367874,0.240509,-0.447029,0.33672,0.169262,-0.0439028,0.433588,0.54469,0.144044,-0.271903,0.264402,-0.212012,-0.0337901,-0.29869,0.508044,-0.4468,0.586467,-0.610514,-0.196769,-0.489246,-0.0279208,-0.453269,0.957889,0.189351,-0.179036,-0.546676,-0.587928,0.171893,-0.396589,-0.273531,0.668213,-0.0500582,0.527506,-0.398509,0.426182,0.498846,-0.000741854,-0.313664,0.697723,0.0111726,0.490538,-0.30762,-0.431659,0.087626,-0.669492,0.0727896,0.764871,0.038181,-0.993287,0.0383727,-0.124502,-0.107029,-0.337175,-0.427425,0.302038,-0.0697439,0.616068,-0.203826,0.752601,0.788773,-0.14272,0.950047,-0.0689149,0.285141,0.246676,-0.109827,-0.131833,-0.540461,0.090864,0.0682622,-0.33088,-0.599321,0.118154,0.107002,0.226231,-0.595699,-0.130721,0.463927,0.161006,-0.672932,0.281736,-0.182228,-0.563146,0.724323,-0.269289,0.302734,0.650829,-0.219007,0.216246,0.155674,0.214238,-0.912444,0.203798,0.33064,0.306221,0.469045,0.437737,-0.392089,0.247494,-0.576399,0.411552,-0.414981,0.344025,0.121085,-0.0935046,-0.839115,1.00242,-0.976832,-0.624126,1.23455,-1.04428,1.08144,-0.802309,-0.0314635,0.526212,0.138896,0.381323,-0.959122,-0.430175,0.376654,0.40598,-0.000215128,-0.347179,-0.209601,0.719999,-0.412796,0.14163,0.407746,0.0516134,0.694373,-0.148437,0.800786,-0.969808,0.748051,0.230734,-0.695221,-0.741907,0.19444,0.47019,0.258714,-0.178148,-0.782471,-0.120278,-0.277429,1.1437,0.380528,0.242322,-0.282908,-0.0464816,-0.108228,-0.0339744,0.45543,-0.426581,0.282099,0.159755,-0.712885,-1.40875,0.594289,-0.28028,0.308548,-0.258942,1.14572,0.149704,-0.585111,0.439264,0.606738,0.0655016,0.695014,-0.762898,0.46628,0.862712,0.0251605,-0.0301782,0.972093,-0.127673,0.318528,0.250923,0.677328,0.0409718,-0.150077,-0.425159,0.0773699,-0.828223,0.117413,-0.719664,0.276653,1.16495,-0.370687,-0.892092,0.279979,0.278504,0.047578,-0.149259,0.086896,0.370114,-0.048013,-0.612864,-0.599908,-0.474871,0.0857065,-0.47041,-0.373295,-0.117892,0.111732,0.0824018,-0.129473,0.178593,0.479753,-0.0180188,0.717293,-0.536077,0.534894,0.664101,0.74783,0.15207,-0.306332,-0.160634,-0.888396,0.453963,-1.2462,-0.922615,1.085,-0.115675,0.164997,-0.368684,-0.659862,0.527855,0.25408,0.0728104,-0.214108,0.257414,0.388731,-0.0419794,-0.174926,-0.0251547,-0.0577969,0.16869,1.04297,0.225993,0.290892,-0.119728,0.404982,0.369279,0.805037,-0.699693,-0.78064,0.762631,0.146555,-0.00454251,-0.287573,-0.758268,-0.0262421,-0.331738,0.471163,0.544918,-0.217794,-0.0432315,0.0882219,1.04444,0.380364,0.180495,-0.338589,-0.872666,-0.493796,0.117307,-1.05799,0.272843,-0.908388,0.241831,0.395412,-0.359643,0.421081,-0.498604,0.258555,-0.136998,0.857604,-0.123127,-0.201853,0.019555,-0.735733,-0.424733,-0.0865922,-0.905198,-0.770295,-0.102707,-0.0465805,0.822254,-0.431998,-1.0984,0.0138262,-1.02035,0.0450884,-0.688407,-0.363388,-0.235142,0.0540641,0.121708,0.199408,-0.513116,-0.441503,1.208,-0.791366,0.116553,-0.057266,0.100701,-0.899955,0.358371,-0.253879,-0.15125,0.0601491,0.376154,0.641579,0.217088,0.465759,-0.636394,0.708521,-0.263362,-0.501878,0.00808012,-0.214793,0.214173,-0.466797,0.908492,0.179578,0.312249,-0.322367,-0.699027,-1.11697,0.558912,0.875786,-0.145192,0.13489,-0.882932,0.44219,0.499758,0.497009,-2.07028,0.584858,0.722059,0.0408719,0.403655,-0.0336067,-0.555903,-0.465798,0.0132991,-0.880037,0.118058,-0.361184,-0.289671,0.456791,-0.642455,-0.0162768,0.327002,-0.577298,-0.327555,-0.957698,0.247192,-0.490939,0.704016,-1.30709,-0.541456,-0.748519,-0.0547705,-0.0619099,-0.301978,0.560468,0.00370194,-0.0723517,0.22312,-0.458575,-0.386915,-0.107434,1.45477,0.582626,0.31788,-0.108772,0.326429,0.351797,0.190101,0.13567,0.793116,-0.205864,0.396793,0.715395,-0.389504,-0.0541083,-0.602619,0.769251,-0.329403,-0.231371,-0.49982,0.0195896,0.741918,-0.653715,0.707798,0.655987,-0.155268,-0.129903,0.446991,-0.258053,-0.644462,0.0480475,-0.0410428,-0.325106,-0.031816,0.185898,-0.0170354,0.34585,0.168394,0.324083,-1.09975,0.831098,-0.488663,0.0425255,-0.580783,-0.416978,-0.0746357,-0.190401,0.361756,0.0608677,0.188216,-0.627209,0.347841,-0.359272,-0.0157854,0.802821,1.13892,-0.613483,0.995152,0.52645,0.671548,0.0410874,0.367348,-0.129872,0.215892,-0.125097,-0.076084,-0.495127,0.511017,-0.774495,0.00430357,-0.0620446,0.564453,0.0271994,-0.088745,0.73123,-0.181611,1.03517,0.198272,0.529147,-0.168604,0.92959,-0.504506,-0.0358658,0.7971,-0.354049,-0.0537577,-0.329481,-0.366052,0.781921,-1.26752,0.0854174,-0.281328,-0.454379,-0.113704,-0.463969,-1.35851,-0.00570513,0.220016,0.526288,1.15142,1.05135,0.665003,0.6824,-0.0986491,-0.0814918,0.345232,0.524718,0.785561,-0.713715,-0.0388974,0.740035,1.7171,1.18916,-0.0522183,0.376244,-0.0144707,-1.13601,-0.674336,-0.0104237,0.334252,-0.520809,-0.049202,0.396865,-0.685325,-1.89165,0.234898,-1.21676,0.416649,-0.290661,0.184142,-0.611386,0.0823125,-0.0702103,0.228102,-0.567383,-0.631327,-0.777706,0.171732,-0.396015,0.0459165,0.0909489,0.201426,-0.114625,-0.0133163,0.305843,0.202402,0.235058,0.229924,0.38139,0.568999,0.546733,-0.625975,0.226956,-0.146816,-0.815411,1.07333,-0.923349,-0.0930304,-0.953407,0.193716,-0.276726,-0.0701147,0.0704251,-0.993007,-0.689382,0.796099,0.315584,0.292328,0.611909,0.711108,1.07411,1.11317,-0.868161,0.466261,-0.326041,0.808724,0.265949,-1.59891,1.06493,0.351971,0.489571,-0.356128,-0.750349,-0.437929,0.10781,0.0843163,0.573426,0.650814,0.0613655,0.388234,-0.0569439,-0.314266,-0.288803,-0.22632,-0.927699,-0.538946,-0.0914891,0.362385,-0.902732,-0.744635,-0.511847,-0.616294,0.247803,0.0669699,0.29922,0.0797099,0.501188,0.70888,0.0672488,-0.315457,0.104166,0.755304,0.0200727,-0.257877,0.28819,-0.461986,-0.255746,-0.43832,1.03668,1.03007,0.0621127,-0.53503,-0.222573,-0.541981,-0.53485,0.194726,-0.637225,0.343761,-0.691812,0.080031,-0.0784726,-0.496507,-0.360619,0.374901,1.10511,0.301006,0.0668498,0.917438,0.00978969,0.725619,0.0310515,0.0169299,0.203708,0.065489,-0.237138,-0.423095,1.03216,-0.234729,-0.507901,-0.00165094,-0.135363,0.359092,0.418633,0.135714,-0.560822,-0.157383,0.438972,0.0629946,-0.407014,0.0681333,-0.231369,0.634843,-0.302612,-0.113973,0.651187,0.546722,-0.22066,-0.261119,-0.739571,-0.00531797,-0.31795,-0.481258,-0.0178216,0.0549191,0.293054,0.191162,0.335879,0.929743,0.257054,0.233609,0.542483,0.69763,-0.502376,0.00553258,-0.7355,-0.0387667,-0.224583,-0.375832,0.840548,0.250623,0.751303,0.104711,0.300043,0.136381,-0.28868,-0.893305,-0.133031,-0.133302,1.19096,-0.44809,0.375732,0.238805,0.133093,0.201203,-0.0762863,-0.25274,0.165088,0.336436,-0.0855704,-1.21032,-0.439742,-0.529764,-0.352148,-0.330579,-1.35884,-0.492028,-1.1459,0.0790948,0.422631,0.0863614,0.325067,-0.0395378,-0.250598,0.661757,-0.00470816,0.420619,0.786228,0.119431,0.119667,-0.551459,-0.559263,-0.694892,-0.290619,-0.663022,0.543998,-0.0760797,0.261952,-0.0994509,0.319638,-1.35798,-0.0569081,0.132517,-0.367027,0.540844,0.545994,-0.176096,0.659773,-0.803995,0.190577,-0.0692948,-0.0156746,-0.625172,0.415148,0.68882,-1.38341,-0.491684,-0.417864,0.0116382,-0.228128,0.393561,-0.347221,-0.419399,0.792412,-0.0394957,-0.152696,0.16831,1.03861,-0.436456,-0.0159612,-0.465388,0.0321617,-0.156011,0.27861,0.726967,-0.221577,-0.859078,-0.353969,-1.068,-0.37769,0.582482,-0.497101,-0.157714,-0.364965,0.113025,0.489883,1.11721,-0.208412,0.187171,-0.233202,0.848225,-1.20653,-0.0501846,-0.0716914,-0.168935,-0.274724,0.285139,0.746541,-0.0617034,-0.0804458,-0.519525,-0.518412,0.35892,0.134451,0.202062,0.264638,0.324343,0.46748,-1.04441,0.232477,0.31324,-1.07774,0.82916,-0.541715,0.263499,-0.140342,0.223753,0.270735,0.495244,-0.548156,0.51663,-0.39741,-0.19677,-0.676146,-0.297728,-0.976477,0.738774,-0.761012,0.471879,-0.791896,-0.464203,-0.697279,0.7661,0.0621787,0.688173,-0.877191,-0.751851,-0.623799,0.524224,-0.534478,-0.145279,-0.599867,-0.348066,-0.483908,-0.248684,0.0694085,0.110371,0.113105,0.281696,-0.0458413,-0.847802,0.832939,0.131145,0.649371,0.473405,-0.101451,-0.0355322,0.344031,0.255053,0.407225,0.625167,-0.020007,-0.171801,-0.0797953,1.8872,0.355106,-0.00651434,0.0209624,-0.524882,-0.28434,0.27076,-0.0128746,0.910075,0.98724,0.113408,0.493753,-0.20679,0.229575,-0.173263,0.00107946,-0.316957,-0.0303115,0.393633,0.635079,0.225455,-0.254777,-0.734164,-0.00961191,0.883635,-0.297594,-0.648227,-0.291406,-0.665857,0.851488,0.882412,0.875609,-0.149012,-0.939017,0.191927,-0.0109801,-0.320955,0.125965,0.107784,-0.767825,-0.657718,-0.518591,0.51499,0.156104,0.517486,-0.0482315,0.0749742,0.156344,-0.193774,-0.609647,0.745842,-0.0839545,-0.982289,-0.475085,-0.256278,0.036278,0.544249,0.485859,0.41342,-0.0581139,0.667373,0.543216,0.112821,-0.141163,1.1326,0.326407,-0.120738,-1.48711,0.000701249,-0.876232,-0.897209,0.0285448,0.248485,0.176154,0.0979271,-0.283839,0.736952,-0.939883,-0.564431,-0.0167441,-0.351582,0.703759,-0.279494,0.0866381,0.152909,-0.185745,-0.0979398,-0.12808,0.240912,0.475221,-0.141482,0.316415,-0.850499,0.138658,-0.658652,0.483384,-0.15256,0.402287,-0.734814,-0.444487,0.107966,0.18062,-0.4648,0.259766,-0.349873,-0.238586,-0.633957,0.0981373,-0.551517,-0.475308,0.349952,0.672426,0.346449,-0.842042,0.752385,-1.15063,1.18118,-0.499768,-1.12997,-1.33175,0.749707,-0.235232,-0.371125,0.165373,0.21477,-0.0632706,0.659926,-0.569768,-0.274622,0.1453,0.523221,-0.2328,-0.796701,-0.894748,-0.415862,0.809364,-0.876354,-0.81243,-0.529493,-0.498896,0.17482,0.169621,-0.298146,1.53548,-0.765814,-0.93055,-0.145602,-0.0986557,-0.449302,-0.266383,-0.00745159,0.035911,-0.00833622,0.0555722,0.136204,-1.09509,-0.0886532,0.502766,-0.40885,0.68379,-0.299138,1.02174,0.269845,-0.162399,-0.68434,-0.16949,0.521641,-0.322353,0.20709,-0.983388,0.0471997,-0.186638,0.663514,-0.216101,0.0675868,0.00418209,0.75473,-0.187788,-0.0725754,0.471191,0.420283,0.0114909,0.0382557,0.130501,-0.574099,-0.453796,0.0659689,-0.256835,0.0979247,0.0566783,0.368117,1.077,0.415941,0.695741,0.176048,0.254434,0.217047,0.26118,-0.058277,0.0448885,0.209515,-0.0231912,0.409476,0.106461,-0.13575,0.0788782,0.418894,0.475214,0.356791,-0.321802,-0.647957,-0.295716,0.801066,0.615165,-0.621864,-0.492852,0.203649,-0.408821,-0.276944,0.234501,-0.313052,0.00410391,1.16065,-0.601621,0.685302,-0.864482,0.182854,0.277828,0.772434,-0.285535,-1.18418,0.90974,-0.0258535,0.736898,0.762161,0.128578,-0.217823,-0.557358,-0.393055,-0.471503,0.385989,-0.557068,-0.230775,-0.929288,-0.128375,0.683664,-1.46692,0.353253,-0.438288,-0.126818,0.143401,-0.297462,0.335786,-0.142553,1.10485,0.0263111,0.471586,-0.19417,0.915212,0.497599,0.176817,1.01046,-0.186888,-0.400955,-0.642577,0.287529,-0.920045,0.666213,0.103595,-0.353846,0.205666,-1.18041,-0.0707399,0.0649258,0.404856,-0.0966317,0.261014,-0.840464,-0.927551,0.528164,-0.408653,-0.223263,-0.00951376,-0.144577,-0.227577,0.249556,-0.987699,-0.230357,0.506447,0.0407599,-0.114587,-1.1586,1.50662,0.157542,0.230884,0.66908,0.652297,0.622896,-0.328816,0.344866,0.133264,-0.877306,-0.0460443,0.183902,-0.151276,0.225122,0.0604581,0.084798,0.621691,-0.200769,0.205064,-0.657776,0.404646,0.182406,0.825015,-0.293851,0.221243,-1.0843,1.2278,0.206857,0.108796,0.105531,0.254808,0.101901,0.40778,1.13722,0.935333,-0.140541,-0.00317249,0.847729,0.378887,0.0383113,-0.638754,0.166739,-0.984725,0.264734,0.928634,-0.260042,-0.0369336,-0.249639,0.147115,0.816308,0.0868719,0.380113,0.632872,-0.665886,0.493336,0.561805,-0.0773608,-0.0754475,0.237902,-0.834385,0.130124,-0.341085,0.321591,-0.942045,-0.87886,0.831142,0.19709,0.129946,-0.479655,0.00307807,-0.00549173,-0.26693,0.690218,0.419296,-0.472022,0.294846,-0.275926,0.890103,0.75385,0.883272,0.468403,0.075485,0.679356,0.355938,0.0156735,-0.303681,-0.701457,0.155104,-0.795703,-0.0468443,-0.123698,0.428518,0.259855,0.452114,0.61744,-0.192716,0.303729,-0.100948,0.188012,0.399975,1.18852,-0.493573,1.1715,0.0339606,-0.693535,-0.483118,0.114643,-0.334331,1.2429,-0.447592,-0.571743,1.04343,-0.314252,-1.51865,-0.111633,-0.0340381,-0.381783,0.336176,-0.586513,0.600575,0.432828,0.11285,0.157894,-0.167154,-0.677865,-0.426969,0.516174,-0.0659381,0.0326438,0.0906921,0.000310317,0.0368409,-0.355142,0.260318,0.561153,-0.347329,0.50546,0.531911,-0.111379,-0.58776,0.259538,-0.172836,-0.306552,-0.421185,0.157718,-0.0122221,0.116926,0.600638,0.0825266,1.27323,-0.358674,-0.754401,-0.194111,-0.321717,-0.0566416,0.548306,-0.0885849,0.0159432,-0.426795,0.361446,0.233611,0.774028,0.809008,-0.135338,-0.113951,-1.04753,-0.149681,-0.474251,0.453331,-0.603757,0.223823,0.0361538,-0.222533,-0.119444,1.18309,0.0719271,-0.395758,-0.224762,-0.581839,0.705809,-0.469473,0.503514,-0.120249,0.762381,1.09937,-0.492133,0.0368783,0.622371,0.148586,-0.694139,-0.177752,0.238202,-0.647211,-0.102011,0.346498,1.43335,0.137515,-0.201914,-0.117342,0.241021,0.721196,-0.855299,0.165086,-0.0597167,-0.885008,0.540246,0.435552,-0.260022,-0.671613,-0.117917,-0.1391,-0.470944,-0.931853,-0.474109,-0.421285,-0.493608,0.548349,-0.0109204,0.375645,-0.362464,0.386736,-0.228355,-0.0256175,-0.537346,-0.411066,0.309784,-0.0104924,-0.679317,-0.41016,-0.142446,0.120347,-0.300967,0.479173,0.552942,-0.37531,-0.24398,0.476757,0.567501,0.256257,-0.306716,-0.021705,-1.2009,0.610385,0.203824,1.23135,0.272254,0.440246,0.264121,-0.293312,-0.896559,-0.42322,-0.697767,-0.685406,-0.224285,-1.10078,-0.418168,0.758911,-0.178865,0.475155,0.832031,-0.0208578,-0.461592,-0.371615,0.110649,0.266321,0.204454,0.102557,-1.09707,-0.457716,-0.162149,0.854787,1.00835,-0.782183,-0.104041,0.220579,-0.337517,0.373487,-0.639084,0.337045,-0.173744,-0.282091,0.285879,0.33045,0.232043,0.045599,1.00104,0.857502,0.565063,-0.134725,0.180737,0.0543055,-0.519485,-0.525912,0.829345,0.583294,-0.732826,0.129468,0.566675,-0.0499373,-0.100053,0.0192648,0.485927,0.0207715,-0.255898,0.247052,-0.0872913,0.112518,-0.93154,-0.970335,-0.101781,0.238335,-0.396658,-0.307955,-0.487904,0.222526,-0.44324,-0.166413,-0.283734,0.649538,-0.772432,0.317907,-0.0247981,0.48751,1.65578,0.347025,0.871883,0.75653,-0.32816,1.04627,0.615636,-0.616224,-0.169112,0.477786,-0.672327,-0.012307,-0.228098,0.163012,-0.352811,-0.240835,0.936601,-0.813101,0.0780838,-0.443608,0.293007,-1.03602,0.458684,-0.376137,0.0945415,0.232896,0.199525,0.53266,0.623656,-0.339642,1.04101,-0.643767,-0.396761,0.339012,1.11299,-0.738231,0.415375,-0.0115598,0.41172,-0.115531,-0.0921763,0.0729321,-0.660379,-0.977686,-0.319395,-0.818617,0.975778,-0.0231401,-0.426444,0.389554,-0.0178178,0.113439,0.918459,0.279897,-0.259485,-0.526045,0.172855,0.686417,0.208349,-0.0783453,0.135547,0.101642,0.19071,0.146089,-0.48949,0.259421,-0.190418,0.256346,0.143181,0.348944,0.100837,-0.123744,1.01646,-0.284202,-0.0167059,-0.284211,0.265133,0.0762552,0.43019,-0.0580036,0.661387,-0.292212,-0.177839,0.618389,-0.202267,0.225021,0.410845,0.101618,0.685766,-0.0897202,-0.348726,0.53664,0.221139,-0.342688,0.217459,0.332658,-0.442392,-0.088928,-0.0582265,0.169537,-0.734779,-0.0724905,-0.657613,-0.301933,0.689602,-0.796992,-0.91581,0.646428,-0.437639,0.520536,1.11268,-0.12957,0.633848,0.465068,-0.0316693,0.144891,0.280801,0.478085,-0.286738,-0.188844,-0.169647,-0.451374,0.331325,0.213642,-0.231964,-0.991671,0.0281275,-0.646186,0.308657,-0.217841,-0.714595,-0.192092,0.254265,0.327834,0.288947,-0.387921,-0.133555,1.06765,0.153634,0.158197,1.09729,0.629661,-0.274063,1.09054,0.0945646,-0.587584,0.138755,-0.20902,0.620912,-0.358661,-0.912572,0.00841893,0.300772,-1.05921,-0.823708,-0.106689,0.769386,0.205564,-0.965927,-0.199395,0.560331,0.253542,-0.444571,0.0289772,-0.95998,-0.439915,0.153689,-0.666594,-0.384988,-0.0444131,0.206628,0.00993437,0.469496,-0.186399,0.53269,0.0590883,-0.245969,0.427251,-0.842963,-0.235596,0.45073,0.28081,0.411757,-0.510516,0.184836,1.02412,0.245863,0.447675,0.165161,0.138539,0.213223,-0.101901,0.0264435,-0.455028,0.560486,-0.350159,-0.533108,-0.277268,-0.138544,-0.456924,0.132947,0.410375,-0.762613,-0.758168,-0.843882,-0.0473632,0.456819,-0.476018,-0.228922,0.083929,-1.04056,-0.760007,-0.0556678,0.409645,-0.611899,0.460563,-1.6879,-0.144344,0.324092,1.19418,0.227362,-0.84282,0.171052,1.1117,0.768949,0.358532,-0.234697,0.282514,-0.816329,0.765146,-0.700527,-0.583272,-0.382673,-0.145585,-0.194655,0.083389,0.614476,-0.916598,0.466537,0.462896,0.462917,0.0583854,-1.0415,-0.573362,0.433446,-0.702742,0.620585,1.28844,0.0344365,0.00321629,0.188293,1.2088,0.0417993,-0.438926,-0.151674,-0.693631,0.15432,-0.00449547,0.444761,0.581638,-0.272346,1.58996,-0.299554,-0.803353,-1.15117,0.0868026,-0.334863,-0.0466899,-0.588099,-0.867933,-0.0107425,0.116504,0.627011,0.0289648,0.605385,-0.707555,0.220844,-0.515783,-0.4068,-0.0575965,-0.814242,0.00954131,0.748654,0.627906,-0.645157,-0.664523,0.782662,0.0328883,0.140475,-0.109916,0.416334,0.484336,-0.889116,-0.456155,0.755364,-0.474498,0.443599,0.388685,-0.0392239,0.550222,-0.167442,0.0251389,0.33965,0.450643,0.0491286,-0.310148,0.169923,0.681719,0.191074,-0.082587,-0.220394,-0.702959,-0.729852,0.730176,-0.997267,-0.0269341,-0.0489872,-0.237677,0.0336625,0.496143,-0.166892,0.476717,0.202578,-0.0338135,0.0868866,-0.225702,0.438692,-0.30447,0.0756571,-1.02658,-0.641978,-0.12722,0.547335,0.121388,-0.0379355,0.235093,0.689246,1.16767,0.221431,0.328681,0.344983,0.288268,-0.0745555,0.552806,-0.716348,0.19397,0.209244,0.372208,-0.303852,-0.10082,-0.62924,0.379484,-0.489463,0.165728,-0.188511,-0.81916,0.746175,-0.267624,-0.404418,0.479445,-0.0889427,0.88209,-0.852443,-0.189504,0.0826277,0.056289,0.16534,-0.0846957,0.805269,0.39061,-1.10278,0.717466,0.993341,0.0448216,-0.4236,0.5842,0.00710939,0.210298,-0.057844,0.303943,-0.521569,-1.12461,-0.0837764,0.347251,-0.116293,-0.986459,-0.0868522,-0.918996,0.282541,-0.361627,-0.893367,-0.4542,-0.362041,0.639127,0.778412,-0.302786,0.542665,0.283763,0.847176,0.289662,-0.0924991,0.23001,0.5238,0.397174,-0.203509,0.877313,-0.504329,1.16299,-0.0415167,0.551991,1.24578,0.986922,-0.641558,0.485849,0.0814127,0.4223,-1.27017,-0.328489,-0.0987082,-0.696699,-0.908345,-0.0968157,0.69678,1.50325,0.681604,0.316501,0.581586,-0.207027,0.160455,-0.29689,0.221653,0.101094,-1.04343,-0.0242866,0.597087,-0.550239,-0.479095,-0.620645,-0.450771,-0.392989,0.796507,-0.472953,0.93961,-0.676554,-0.354402,-0.290302,0.120075,-0.444046,0.171705,0.387712,-1.0513,-0.0582653,-0.59196,0.135623,-0.294083,-0.249615,-0.0768675,0.375537,0.276177,0.563457,-0.284568,0.99065,0.515851,0.0877267,0.25129,0.0653255,-0.0554157,-0.141323,-0.484207,-0.912463,0.0159565,0.778723,-0.507609,-0.440445,0.463518,-0.246195,0.690068,-0.0861385,0.442526,0.496605,0.857787,1.05548,1.13563,-0.479315,-0.660986,0.159479,0.728903,0.233813,0.53052,-0.241079,-0.107679,0.0242646,0.240112,0.372314,-0.295329,-0.896183,0.137049,1.46456,-0.246689,-0.591352,-0.65241,-0.40352,0.126597,-0.234664,-0.690494,-0.795423,0.411336,-0.448939,-0.268008,0.962065,-0.00818804,0.252319,-0.278433,0.261424,-0.544259,0.0314099,0.968576,-0.114283,0.370414,0.00932227,0.476256,-0.268619,0.450061,-0.195767,0.868827,0.124977,-0.744717,-0.783733,-0.113981,-0.0062452,-0.445132,-0.492824,-0.599331,1.15075,-0.554221,0.568877,0.0920214,-0.192876,0.683858,-0.468068,0.646865,0.751366,1.50387,0.36696,0.0418231,-0.0509679,0.0274378,-0.269952,0.366973,0.388456,-0.138348,-0.0184342,0.824188,-0.647361,0.266653,0.530342,-1.0903,0.187516,-0.289013,-0.274389,0.136744,-0.684776,-0.038267,1.10253,0.622248,-0.50906,-0.120573,-0.535442,1.03328,1.49986,0.297986,0.673899,-0.440508,0.304739,0.928449,0.626626,-0.232695,0.15229,-0.686148,0.587447,0.00593951,0.143094,0.380205,1.13277,-0.495914,0.582359,-0.1631,-0.32852,-0.403335,-0.777424,1.11858,1.1855,0.411254,0.343272,0.555937,0.073814,-0.37089,-0.569025,-0.325561,-0.879159,0.393667,-0.0140633,-0.127013,-0.0205566,-0.128124,-0.21533,-0.939478,-0.11292,-0.697052,0.584534,-0.673137,0.0659472,-0.63944,-1.37775,0.00425506,0.44237,-0.0172116,-0.447339,-0.463579,0.215855,-0.15574,0.352491,0.443272,-0.472969,-0.849153,1.11969,-0.062148,0.112884,-0.17533,-0.602001,0.224005,0.475738,-0.0699467,-1.38471,0.577134,1.56664,-0.229491,-0.123956,-0.368763,0.341858,-0.704504,-0.0829718,0.849295,0.143962,0.673722,0.279175,1.17803,-0.575371,0.101923,-0.307656,0.401027,0.186816,0.102868,0.181957,0.908435,0.0464206,-0.25495,0.432225,-0.451411,-0.627241,-0.132469,0.0339063,-0.834949,-0.197244,-0.676544,-0.184711,0.219357,-0.148717,-0.426919,-0.115033,-0.0663703,0.345974,-0.262868,0.387678,-1.06591,0.652369,0.165683,-0.804927,0.458894,-0.380783,-0.00398931,0.628069,-0.327047,-0.657866,0.660503,-0.201837,0.466605,0.328784,0.150381,-0.0664853,0.640888,-0.516458,0.0780852,0.198714,-0.324235,-0.52893,-0.354746,-0.957812,0.535403,-0.296353,-0.27606,-0.229807,0.314007,-0.687061,0.200153,0.745157,0.162273,-0.216707,0.167746,1.3067,-0.337574,-0.460604,-0.155622,0.0403089,0.328979,-0.0752422,-0.095582,0.186546,0.109703,0.579022,0.257056,-0.51837,0.0332218,-0.00810461,0.791433,-0.182364,-1.19158,0.273758,0.953986,-0.187519,-0.0437427,0.118479,-1.17025,-0.862962,0.0693142,0.448245,-0.729486,1.00855,-0.537956,-0.845988,-0.585903,0.451409,-0.510819,-0.0992976,-1.13186,0.464357,0.0430897,-0.519142,-0.199982,-1.02085,0.45071,-0.477677,-1.19479,-0.562754,0.0153499,0.450593,-0.232564,-0.302867,1.01857,0.990846,0.116564,-0.126092,-0.308723,-0.040993,-0.165051,0.320119,-0.0199398,-0.558801,-0.331847,-0.820382,0.382661,0.481763,0.0247383,-0.379276,0.429572,-0.618268,0.372793,0.725555,0.443082,0.0816773,-0.511178,0.119316,0.480392,-0.0262379,0.654305,0.857846,-0.651723,-0.548436,1.11406,-0.274487,-0.518879,0.779694,0.1325,-0.366376,0.0385829,-1.27946,1.34647,-0.459163,-0.526092,-0.12189,-0.266042,-0.0887775,-1.35555,-0.595777,-0.25763,0.222746,-0.223318,-0.507439,0.100406,-0.389092,-0.172118,-0.437596,-0.214777,0.449274,0.143883,-0.36735,0.088161,-0.0926954,0.138916,-0.792945,-0.701929,0.0907541,0.000656068,0.018863,0.0619088,-1.50385,0.128819,-1.03133,-0.22352,0.569098,1.51446,0.399594,-0.227998,-0.374119,0.426683,-0.699392,-0.466244,-0.914761,-0.426045,0.442596,-0.700843,0.33897,0.542943,-0.325691,-0.316559,-0.0384939,-0.797603,0.668124,0.674666,-1.27911,0.43098,-0.298837,0.630183,0.924062,-0.336554,-0.662997,-0.445685,0.439709,0.138883,-0.59962,-0.392723,0.923178,-0.859973,1.05654,-0.261357,0.332499,-0.634689,-0.174549,0.296808,0.856763,-0.177401,-0.486254,0.164383,-0.371366,-0.276043,0.945395,0.32704,-0.0356614,-0.0789448,0.258682,0.240671,-0.615978,1.15152,0.00814791,0.669667,0.286099,-1.23939,0.6569,-0.76572,-0.00459477,0.518894,-0.106821,0.62885,0.468241,-0.359486,0.184204,-0.221485,-0.716084,-0.590974,0.239794,-0.394741,0.681819,-0.691396,-0.0933124,0.522833,0.539183,-0.328861,-0.195659,-0.135972,0.421211,-0.628453,-0.411261,0.624827,-0.300196,0.0600348,-0.119509,0.522997,0.072594,-0.241313,-0.23218,-0.381416,-0.978506,0.152047,-0.42575,0.436381,0.0353071,1.24156,-0.365968,0.00726704,0.918016,-0.342409,-0.04791,-0.277516,-0.0606708,0.533168,0.51113,0.725008,0.281183,0.152123,-0.334156,-0.240924,1.55033,0.367708,-0.872329,0.35154,-0.507878,0.543229,-0.406963,0.585293,-0.770685,0.672806,0.24247,-0.217943,-0.456357,0.258836,-0.284017,0.278092,-0.253696,0.23566,-0.404454,1.09683,0.805008,0.253689,-0.32821,0.0884899,0.814192,-0.126154,-0.12273,1.3306,-0.424267,0.854457,0.22879,-1.17411,0.294654,-0.0531647,-0.0566132,-0.360196,0.0857185,0.462614,0.081439,-0.0447007,-0.577537,-0.189721,0.127137,-0.068992,-0.282975,-0.128663,0.46511,-0.514514,0.115668,-0.115345,0.0585164,0.171504,-0.378322,0.426158,0.672916,1.15046,0.256052,-0.37687,-0.0511966,-0.197995,0.630525,0.552486,-0.0808157,1.03528,0.526669,-0.299789,0.813276,-0.227268,0.414519,0.202726,1.1231,0.407886,1.45949,-0.697103,0.652276,-0.916625,0.523346,-1.33586,0.740739,-0.399531,-1.42982,0.330827,0.546839,0.652659,-0.32961,-0.126196,0.942743,0.307562,-0.278992,-0.0509541,-0.307301,0.245705,0.381908,0.20196,0.635526,0.422261,0.653549,-0.853491,-0.086917,-0.807783,0.485316,-0.867686,-0.114729,0.0317087,0.857416,-0.0715056,0.616665,0.609794,-0.0865374,-0.52535,-1.25447,0.158249,0.283,0.110259,-0.0617918,0.223894,0.196097,-0.40772,0.273886,-0.850415,-0.269521,0.0971369,0.246326,-0.350532,1.50662,-0.671975,0.156063,-0.206497,0.475844,0.741305,-0.745033,-0.690763,-0.339549,0.272534,-0.456393,-0.268716,-0.0816515,0.371576,0.407186,-0.319617,-0.447984,-0.062037,-0.381807,-0.139546,0.157968,-0.92766,0.457232,0.975383,-0.170185,-0.106466,-1.17557,-0.872865,-0.255647,-0.370297,-0.214681,0.478455,0.119779,0.463024,0.778266,0.714699,0.0341486,0.83183,0.653533,0.964229,-0.496841,-0.86491,-0.303147,-0.202166,0.609843,0.790859,-0.554695,0.0166358,0.169345,-0.60731,0.26116,0.266593,0.145917,0.681346,0.421632,0.252126,-0.606724,0.427734,-0.0770907,-0.238613,0.834104,0.238302,0.765091,-0.96214,-0.663023,-0.755626,0.338948,0.286169,1.0662,0.163248,0.122037,-0.221721,-0.221095,0.450211,0.354383,-0.67457,0.313882,-0.725765,0.748347,0.0977616,-0.448531,0.585345,0.360092,0.663329,0.592351,-0.492777,0.570794,-0.0400024,-0.7414,0.263995,0.35024,0.0604567,-0.551762,-0.41319,-0.671774,-0.0896506,0.218486,0.549716,-0.815876,-0.302467,1.10606,0.25231,0.292471,-0.0135863,0.125435,0.557198,-0.595539,1.51495,-0.543205,-0.367509,-0.445289,-0.769201,-0.107135,-0.856004,-0.0559443,0.331715,-0.405102,-0.126009,-1.15567,-0.0125892,-0.504537,-0.858704,0.11023,-0.0976995,2.20452,0.427175,-0.110519,0.0198088,0.897123,0.588219,-0.0758192,0.458384,1.13884,0.0779722,0.152525,0.0892199,0.43098,-1.0168,-0.768011,0.258621,-0.422719,0.000286803,-0.277079,-0.200322,-0.45281,-0.749338,0.209133,-0.574988,0.168086,-0.424554,0.428408,-0.951052,0.603291,-1.21445,0.464066,0.506739,-0.352233,0.621828,0.449077,0.362763,-0.513263,0.388994,-0.637448,-0.557887,-0.698289,-0.234915,-0.0743795,-0.486197,0.620579,-0.805897,0.872895,-1.11301,-0.200619,0.125877,-0.734376,0.470081,0.321752,-0.0746558,-1.25546,0.357636,0.413572,-0.0514252,0.29024,-0.420793,0.36467,0.13465,0.535325,-0.489553,0.0461379,-0.111537,0.628838,0.0896738,0.257518,-0.439781,-0.527415,1.27991,-0.726529,-0.366765,-0.383731,0.661006,-0.585791,-0.093068,-0.51388,0.997953,-1.76103,-0.679003,-0.178364,1.02254,0.676525,-0.0873057,-0.130468,0.85055,-0.50621,0.3272,-0.702696,0.413287,0.933971,0.499929,-0.274556,0.631,0.553706,0.102073,-0.54238,-0.103271,0.752832,-0.164916,0.0910121,0.370306,-0.00894994,-0.364143,-0.413282,0.492614,0.866479,0.516532,-0.586921,-0.411458,0.0953493,-0.166174,-0.15317,-0.0173862,0.0693431,-0.194385,0.225308,-0.232894,-0.137333,0.227649,0.122496,0.0513314,0.571491,0.483099,0.385193,-0.1161,0.248378,-0.0544256,0.140551,0.0620496,0.149376,0.0103548,0.294172,0.440104,0.00635593,0.0623919,-0.429779,-0.785584,0.546525,-0.162921,-0.407257,0.673611,-0.22874,-0.646131,-0.308084,-1.19082,0.111598,-0.433772,-0.286799,0.00548757,-0.295567,0.767888,0.260083,-0.183201,-0.33696,-0.454144,0.124156,0.355112,1.21547,-0.699018,-0.591658,1.07385,-0.65502,0.0295632,-1.24694,-1.45353,0.549265,0.83845,-0.098026,-0.418635,1.07339,0.135049,-0.0325356,0.998763,-0.408258,-0.836417,-0.000349438,0.731142,-0.420357,-0.568111,-0.330998,-1.43219,-0.959222,-0.853444,0.0780302,-0.176486,-0.474929,-0.29342,-0.084813,-0.563683,-0.207669,0.227799,-0.231916,0.659335,-0.548704,0.489241,-0.211216,0.235349,-0.399154,-1.3196,0.147497,-0.0923031,-0.809803,-0.976026,-0.0707418,0.185279,0.429548,-0.407788,-1.04488,-0.156543,0.605522,-0.306978,-0.165533,-1.2229,-0.237333,1.0803,-0.0443007,0.0930876,0.601879,-0.119268,0.611755,0.478008,0.0425244,-0.0700473,0.104788,-0.605431,-0.208453,-0.393863,-0.343844,-0.348094,-0.693436,0.117492,0.550192,0.0209679,-0.799145,0.384896,0.687347,0.653194,-0.337078,0.0469562,0.172252,-0.592591,0.181728,0.0532443,0.197874,-0.491406,-0.456419,-1.12461,0.526907,0.306762,-0.54302,-0.133545,0.258107,-0.212751,0.214545,-0.0574185,-0.787283,1.65566,-0.0698932,0.195731,0.205416,0.816668,-0.0899077,-0.465313,0.0795644,-0.675465,-0.107485,0.373986,-0.936585,0.590075,-0.25117,-0.248705,-0.192287,-0.823614,0.521747,-0.470755,0.352314,-0.110265,0.0171025,-1.84389,-0.229848,-0.331546,-0.36526,0.870001,0.315164,0.636448,0.760749,-1.04058,0.187561,-0.41761,-0.17171,-0.763312,0.586008,0.0135543,0.292782,0.0378394,0.000886539,0.757698,0.482583,0.726966,0.529724,-0.0159148,0.175497,-0.41474,-0.788628,-0.0291154,-0.29832,0.0767104,-0.450093,0.138713,0.0113945,0.543317,0.0627048,-0.872324,-0.246886,1.33142,0.0202225,0.428507,0.542206,0.57893,-0.681253,0.678194,-0.579682,0.49259,0.504762,0.0254423,0.110896,0.588125,-0.666804,0.0256304,-0.145874,0.813823,0.195137,0.0738885,-1.08417,-0.315873,-0.274717,0.0201723,0.324545,-0.643602,-0.193882,-0.186119,-0.243965,0.582429,0.580573,0.580275,-0.46415,-1.16705,-0.200261,-0.210402,0.992279,0.15102,0.137742,0.636655,0.409572,-0.407502,0.0164889,-0.23607,0.0142874,-0.268908,-0.308066,-0.0905756,-0.0797925,-0.19812,-0.0380396,0.398335,-0.587156,0.21187,0.474839,-0.272224,-0.827179,0.037674,-0.848094,-0.422432,0.79713,0.253473,-0.0868039,-0.207305,-0.208975,0.254639,-0.61258,0.857054,0.176712,0.00175121,1.55141,-0.811009,0.0439143,0.0286543,-0.542785,0.334763,-0.0869319,0.472274,0.149393,0.0520116,0.0897234,-0.312765,-0.565147,0.0392549,1.51511,0.0776889,-0.2996,0.539724,1.33025,0.397429,0.262517,-0.0239174,-0.12479,-0.144029,-0.306285,-0.0744854,-0.710738,-0.275948,-0.0207591,0.242903,-0.0293417,-1.12485,-0.408556,-0.765142,0.737543,-0.342695,0.200721,0.76255,-0.0646129,0.247678,-0.149056,-0.403068,-0.0967922,-0.54588,0.75504,-0.0553512,-0.523133,-0.881092,0.482333,0.011981,0.990141,-0.419134,-0.739697,0.782526,-0.411121,-0.161158,1.10622,1.06476,0.0284657,-0.0108711,-0.659353,0.701126,0.383599,-0.101553,0.539437,-0.10216,0.00260341,-0.0982241,0.0135823,0.0512981,-1.23522,-0.532054,-0.284642,-0.0687403,-0.132953,0.498756,1.25265,0.55355,0.374927,-1.16457,-0.419334,0.876984,-0.185259,-0.099199,-0.196273,0.821449,-0.0824137,0.0982113,-0.10585,-0.0564604,0.719083,0.274438,-0.830703,0.448323,-0.173718,-0.382291,-0.339873,-0.0262006,-0.816118,-0.159614,0.489871,-0.528656,-0.960441,0.314431,0.445364,-0.784103,-0.030469,-0.880232,0.0483678,1.21128,0.545674,0.83229,-0.694298,1.03608,0.466864,-0.430104,-0.768762,-0.413139,0.323504,-0.276038,-0.600523,0.460051,-0.360177,-0.485564,0.118452,0.755559,-0.552752,-0.521307,-0.0520601,0.15446,-1.00997,-0.485016,0.843676,-0.647781,0.0987366,-0.239426,-0.739611,0.952004,0.685953,-0.130427,0.246446,-0.130132,-0.064413,-0.195328,0.630378,0.220839,0.00229517,0.0297478,-0.486232,0.277515,-0.124921,-0.912562,-0.231301,0.439207,0.00328412,-0.678728,-0.590613,-0.24595,0.214524,-0.108791,0.751573,-0.288582,-0.877768,-0.461816,-0.421312,0.906478,-1.25061,-0.52774,0.00661141,0.105124,0.0316178,-0.233914,0.664659,-0.631772,-0.555586,0.269629,0.469931,-0.61965,0.117652,0.21315,0.0854324,-0.375372,-0.228702,0.241985,-0.0282971,0.0609949,-0.125206,0.493254,0.0980394,-0.639273,-0.103451,0.243598,-0.1974,-1.24177,-0.0943614,0.428759,0.105753,0.640031,0.042376,-0.653382,1.00734,-0.312089,0.0570234,0.290664,-0.542301,0.31346,-0.533915,0.47636,-0.420591,0.250247,-0.8836,-0.625675,-0.885789,-0.457553,0.153244,0.603476,-0.0860269,-0.0384711,-0.438337,-0.769297,-1.21335,-0.957809,0.661332,0.456768,0.0499603,0.332928,0.654544,-0.153341,0.696169,-0.0857432,0.987904,-0.452916,0.224769,0.0806017,-0.199262,0.480821,-1.02124,-0.321331,0.0215958,0.781059,-0.79574,0.675304,-0.21652,0.118845,-0.68182,-0.666286,-0.687773,0.236829,0.988178,-0.3111,-0.147445,0.661322,-0.329976,1.13926,-0.720861,-0.383338,-0.269652,-0.187209,-0.111378,0.555749,0.487344,-0.865751,-0.416572,0.231828,0.51442,-1.27875,0.254595,0.0957317,-0.81469,0.980737,-0.119691,-0.305493,-0.226121,0.595115,0.300343,0.155653,-0.418279,0.638021,0.0648549,0.819322,0.0184671,0.3487,-0.524024,0.429482,-0.0475978,0.270526,-0.179776,0.00952089,0.484383,0.119463,0.163811,-0.382022,0.655909,-0.0537401,0.665974,-0.446447,0.358185,-0.474936,-0.0285004,0.457927,-0.12469,-0.338825,0.35516,-0.133524,0.26331,-0.170678,-0.539887,-0.241039,-0.0998496,-0.548897,0.735332,-0.0276405,-0.82551,0.721347,-1.25509,0.25035,-0.302718,-0.816082,0.846706,-1.22952,0.117145,-0.609213,-0.127211,0.225482,-0.0405807,-0.213146,0.289066,0.114761,-0.240849,-0.489045,-0.709355,-0.220182,0.676157,-1.37508,1.22893,0.0419398,0.384777,-0.38482,1.24216,-0.378431,-0.614493,-0.18642,-0.233016,0.810947,-0.793579,-1.24308,-0.433572,0.360259,-0.223955,-1.28447,-0.198058,0.587941,-0.417633,-0.178333,-0.41367,-0.872755,-0.487372,0.176137,0.317835,-0.331681,0.195899,-0.169285,0.505321,-0.531962,0.476082,-0.24545,-0.128764,-0.323825,-0.139416,-1.26285,0.347105,1.09575,-0.340704,0.216408,-0.18386,-0.226385,0.0659035,0.463371,-0.521414,0.601403,0.225521,0.51182,1.04129,0.280527,1.13499,-0.324831,0.496785,0.284414,-0.278012,0.195794,0.183372,-0.631083,-1.00634,0.425361,-0.254372,-0.783295,-0.741278,0.0856618,-0.300732,0.446659,0.886762,0.481339,0.528582,-0.540749,0.684697,-0.800048,-0.677628,-0.367292,-0.167393,-0.0416581,-0.816089,-0.582619,-1.1196,-0.305515,0.52599,-0.0335985,0.523378,-0.988815,-0.232511,-0.616938,0.547526,0.244732,0.0252405,-1.47778,-0.022669,-0.108771,-0.612798,-0.0994413,0.209324,-0.129835,0.0859629,0.155644,-0.187253,0.0060249,0.917128,0.195901,-0.176995,-0.91419,0.0281767,-0.387586,-0.454,-1.13922,-0.260823,-0.205721,-0.029088,-0.554858,-0.272355,-1.3056,0.49209,-0.696242,-0.53691,1.24477,0.881158,-0.0904146,0.655699,-0.119625,0.907146,0.401221,-1.0052,0.14173,-1.13795,1.82743,-0.782105,1.21284,-0.926638,0.61973,-0.253571,-0.975848,0.383373,-0.299881,1.75632,-0.593903,0.302895,0.247807,-0.507549,0.231496,-0.246379,-0.523119,-0.429055,-0.94749,0.0295612,-0.424342,0.641532,0.3915,-0.752913,-0.817211,0.772296,-0.683973,-1.03138,-0.333527,0.701051,-0.312599,0.557896,0.240405,0.0134053,1.05578,-0.298969,-0.469943,1.00486,-0.0539995,-0.711443,-0.0932573,-0.689069,-0.756656,-0.770921,-0.0752996,0.741504,-0.570443,-0.0207779,0.0748249,0.366286,-1.07066,0.55918,1.1029,-0.632999,0.065924,-0.176578,0.0806638,-1.00836,0.0976264,0.100452,-0.0175858,-0.038749,-0.523001,-0.40041,-0.402975,-0.0575265,0.494127,0.284929,0.877721,-0.567263,0.629332,0.137864,0.377828,-0.421579,0.525231,0.494618,-1.64185,-0.379179,-0.0719976,-0.213895,0.247557,0.34482,-0.17094,0.500671,-0.13699,0.0832037,0.151328,-0.659895,0.596167,0.173226,0.544996,-0.428776,-0.0464185,-0.805083,-0.241754,0.273394,-0.466893,0.432149,0.329203,-0.160569,1.46363,1.06263,0.714939,-0.0829372,0.00564468,-0.242458,-0.622761,0.669598,-0.0852492,0.201708,0.556135,1.14324,-0.300918,0.153782,-0.443832,0.162331,-0.980007,0.331024,-0.987784,-0.793635,-0.684532,0.242772,-0.642186,0.0922052,-0.328049,1.14861,-0.0798332,-0.551278,0.0136628,0.713077,-0.202308,1.08348,-0.0488802,-0.271287,-0.967037,0.523281,0.376055,-0.069371,-0.29365,0.373166,0.35266,-0.235218,0.75481,0.426289,0.138314,-0.407745,-0.747916,-0.373719,-0.104395,0.0798845,-1.09816,-0.544267,-1.20293,0.20322,-0.0712,-0.72777,0.422317,0.435465,-0.768098,-0.0468177,-0.817497,-0.4373,-0.313435,0.544221,0.522114,0.146564,-0.0337854,0.0467031,-0.261219,1.05871,0.62807,0.412574,-0.407395,-0.362059,0.280694,0.065032,-0.468766,1.06848,-0.208339,0.324496,-1.2024,-0.708426,0.902229,-0.152094,-0.402568,-0.219548,-0.159607,0.385565,0.350637,-0.143929,0.0153813,0.283146,0.119518,-0.500581,-0.102719,-0.465865,-0.610164,-0.298256,0.217091,-0.293024,-0.706672,0.455926,0.780797,-0.2415,0.327177,-0.265969,0.567175,-1.49182,1.60403,-0.0353135,0.404205,-0.129458,-0.161062,-0.670893,0.310125,0.548694,-0.648819,0.633628,-0.585746,0.175718,-0.547578,0.539384,0.534046,0.551764,0.235959,0.0393707,-0.340015,0.367218,-0.0957593,0.426549,0.347272,0.993249,0.244415,-0.235521,0.58888,1.1243,-0.850216,-0.650309,0.79426,-0.701187,-0.135531,0.185133,1.27141,-0.245306,-0.270602,0.0849368,-0.853586,0.504253,0.0700692,0.939843,0.711452,-0.465367,-0.508785,-0.0438148,-0.0519357,0.107716,0.584198,-0.191252,-0.0993213,0.603037,-1.21492,-0.343845,-0.0646828,-0.392384,0.75884,-0.28173,-0.182143,0.140268,-0.237052,-0.124432,-0.119182,-0.794466,1.06579,0.865253,0.153435,-0.385435,0.709804,-0.517686,0.572713,0.356985,-0.665595,-0.290094,0.488984,-0.0425827,0.258982,0.379507,0.146991,-0.749582,0.0498378,-0.0667284,0.571316,0.0159789,0.888517,-0.123618,0.714603,-0.252782,-0.524601,0.207925,0.0198786,-0.261114,0.713139,1.3537,-0.347643,0.780922,-0.251701,-0.566972,0.217572,-0.195985,0.262377,1.05502,-0.306046,-1.15179,0.655733,0.0813555,-0.667544,0.180299,-0.271931,-0.0989479,0.56725,-0.247449,0.0920925,-0.0819973,-1.1164,0.149588,0.24855,0.346359,-0.0187529,0.184505,-0.214928,0.270907,0.265888,0.116202,0.821276,-0.392409,-0.14129,0.291408,-0.0805562,0.090689,-0.174945,-0.526981,0.448367,0.178756,-0.523628,0.253869,-0.458142,-0.00680777,0.551812,0.160659,0.219325,0.0681966,0.371716,0.158022,-0.0666234,0.612996,-0.316634,-0.630715,-0.22503,0.243288,-0.343576,-0.0903977,0.697373,-0.422939,0.0993761,1.16284,-0.243398,0.389492,-1.5918,-0.97079,-0.481404,0.0369597,-0.625359,-0.948329,0.674905,-0.525041,-0.0103815,0.35956,0.125088,-0.263949,0.853423,0.306433,1.02653,0.113678,-0.449908,0.295228,0.566067,0.679835,-0.608057,-0.718568,-0.137126,-0.345389,-0.358504,0.144207,0.542354,-0.638442,-0.117327,0.443895,0.434895,0.692372,-0.133317,0.477952,-0.458403,0.0662872,-0.863885,0.201864,-0.293661,-1.05034,-0.0233244,0.927555,0.280649,0.382415,-1.17115,-0.196616,-0.215224,0.0492285,-0.348707,0.494319,-0.199009,0.392081,0.196845,0.650662,0.225988,0.798194,0.497234,-0.00900078,-0.281096,-0.329401,0.121745,-0.85526,0.555814,-0.849969,0.790068,-0.359876,-0.37703,0.606925,-0.268709,0.213665,-0.240392,-0.128957,0.04609,0.240723,-0.466064,0.0646826,-0.215603,0.535025,-0.00209956,0.863754,0.408204,0.0368749,-0.00412594,0.104669,-0.712446,0.09368,-0.745371,-0.537255,-1.08259,-0.370669,-0.340783,0.249217,-0.890418,0.164404,-0.586531,-0.723026,-0.16376,0.0145538,0.26905,-0.288705,-0.294217,0.568385,-1.17155,0.72108,0.0740721,-0.667937,1.09374,-0.338633,-0.759225,0.249358,-0.55121,-0.0763019,0.294408,-0.0359077,0.119771,-0.641934,0.40644,-0.13732,0.0942997,0.0756228,0.0342358,0.421379,-0.420485,0.184027,0.34396,-0.00261352,-0.712776,0.217164,-0.156796,0.569103,-0.261016,-1.48121,-0.222189,-0.812269,0.817156,0.506984,0.00974759,-0.0658229,-0.553456,1.0369,0.25361,-0.554533,-0.596596,-1.19893,-0.29708,0.450936,-0.327334,0.0980536,-0.53779,0.819593,-0.882863,0.305267,0.0355062,0.473865,-0.807154,-0.156134,-0.308146,0.192654,0.422835,0.627891,0.36243,0.551425,-1.07443,1.10331,0.394168,-1.13073,-1.07672,0.375237,-0.498895,0.0408928,0.581118,-0.326619,-0.448624,-0.282681,1.51923,-0.894864,0.99911,0.314204,-0.0799611,0.0950509,-0.459592,0.178954,0.679466,0.793664,0.513562,0.834868,0.182954,-0.0476641,-0.270185,0.0593811,-0.123175,0.850106,0.502221,-0.0509835,0.317728,-0.196274,0.964633,0.152008,0.413791,1.49295,-0.375972,-0.786112,-0.400197,-0.530647,0.992874,-0.118216,0.128248,0.260185,-0.340486,0.477813,0.205567,0.823748,0.471935,-0.0755746,-0.323638,0.782486,1.11769,0.819678,-0.215513,0.431769,-0.172241,-0.499389,-0.345476,-0.639167,-0.0566904,0.367403,0.647115,-0.210857,-0.38896,0.486415,1.04089,0.0443965,1.05805,0.657878,0.455597,-0.297256,0.874456,0.338486,-0.133338,0.860296,-0.224277,-0.784206,0.795376,-0.162116,-0.26435,-0.103671,-0.00526001,-0.0978068,0.452037,-0.043138,0.262751,-0.00369323,0.601956,0.111721,-0.573943,-0.786107,0.540759,-0.0901263,-0.30218,-0.696367,-0.438886,-0.455023,0.500113,-1.13038,-0.521889,0.705357,0.0437,-0.077876,1.09798,-0.567359,0.0392769,-0.257003,-0.813344,0.269154,0.691957,-0.267372,0.119596,0.287886,-0.330698,0.178125,0.513357,-0.122277,-0.111822,-0.932409,0.406791,-0.314625,-0.131539,0.514661,0.0914359,0.00775694,0.997198,0.649252,0.81457,0.427951,-0.356753,0.212586,0.183242,0.667628,0.582444,0.0533513,0.632803,0.330963,0.81401,0.237022,0.0134535,-0.362132,0.48527,-0.069673,-0.189193,0.0506252,0.530697,0.3071,-0.572772,-0.145765,-0.0259691,0.762293,-1.75223,-0.228272,0.250947,-0.19812,-0.0116654,-0.351819,-0.405258,-0.190916,-0.189096,-0.0693936,0.112745,0.0350819,-0.668341,1.11088,0.612807,-0.409355,0.27578,-0.0561349,0.159687,0.0247577,-0.885904,-0.363712,0.449511,-0.00996834,0.717412,-0.373679,1.11107,1.22822,-0.484223,0.63323,-0.81659,-0.693248,0.465628,-0.748994,-0.153333,0.415822,0.084504,-0.335347,-0.617347,0.0128791,1.03271,0.00616811,0.589691,0.232727,-0.183005,-1.42514,-0.540176,-0.0901607,-0.388699,0.157058,0.0777493,-0.405495,-0.549598,-1.00414,0.289341,0.0574901,-0.357537,-0.0230856,-0.212055,0.52385,0.00917245,0.733171,0.450422,-0.976535,-0.0412957,-0.0163264,0.670464,-0.290419,-0.104359,0.343557,0.723168,0.759519,0.242534,-0.259667,-1.08757,-0.513385,-0.131982,-0.190111,0.126608,0.700878,0.308965,-0.207547,0.360986,-0.0995459,-0.544563,-0.644683,0.57865,-0.812019,-0.731663,0.696972,-0.292256,-0.0146998,0.496951,0.621311,0.472589,0.441064,-0.509612,0.0225568,0.225363,0.594283,0.276178,0.128092,-0.268899,0.926742,0.0791103,-1.01971,-1.00436,0.279115,-0.513426,0.322218,-0.864177,-0.249223,-0.278058,0.031853,-0.157707,0.784842,0.171242,-0.279577,-0.280191,-1.09383,-0.205077,0.242503,0.0732388,-0.732923,0.555162,1.3131,0.578659,-0.971291,-0.388084,-0.162526,0.364262,-0.45554,0.341278,0.838987,-0.00195266,-0.252871,0.841117,0.576087,-0.0457711,-0.114547,-0.261179,0.0199738,0.0541099,-0.58076,0.173163,0.403473,0.441766,-0.577433,0.765553,0.512762,0.158773,0.219758,-0.0237254,-0.442042,-0.313625,0.829797,0.052109,-0.559421,-0.575265,-0.354836,-0.337982,-0.038274,-0.496048,0.158355,0.283683,0.538626,0.0879074,-0.0507338,-0.16333,-0.250059,-0.0583911,-0.625526,0.00681707,-0.62242,-0.828243,-0.0955364,-0.0310154,0.265729,0.500501,1.0345,0.951406,-0.243261,-0.0334756,0.613357,-0.501761,0.300815,-0.937181,-0.266299,0.52241,0.877032,0.466868,0.277223,-0.292585,0.320753,-0.0922825,0.527606,-0.913896,-0.645361,0.142239,-0.222514,-0.347277,-0.427465,-0.556744,0.235264,-0.133116,-0.249173,0.113261,-0.699561,-0.073412,0.409369,0.203017,0.535136,-1.14023,0.227102,0.268135,-1.1523,-0.213951,0.237892,0.368828,0.205823,0.261988,0.0850795,-0.924343,0.720615,-0.238083,-0.423989,-0.127594,-0.166378,-0.363543,-0.411462,0.00619408,0.140631,0.436605,-0.0197024,-0.403546,0.390802,0.514401,-0.0964572,0.275817,0.736014,0.203701,0.476364,-0.0512593,0.931836,0.415872,-0.052032,0.522622,0.072473,0.116285,0.490537,0.157272,0.897512,-0.038949,0.365455,-0.633838,-0.28329,-0.471611,-0.312481,-0.748767,0.115869,0.339402,-0.252698,-1.21017,-0.384971,-0.0455743,0.54862,1.12007,-0.630888,0.338714,-0.206257,-0.360112,-0.787157,0.643764,0.331883,-0.742572,-0.345875,-0.59413,-0.433267,-0.381273,-0.195929,-0.943306,0.169413,-0.163147,-0.766368,0.299631,-0.250862,0.0635561,-0.168397,1.19216,0.250376,0.90847,-0.00917576,-0.892779,-0.268305,0.188978,-0.254158,0.257793,-0.517857,-0.0609708,-0.145873,-0.335606,0.00831887,0.133172,0.910168,0.54424,0.83618,-0.489626,-0.0924104,0.417066,-0.859056,0.0589763,-0.0349714,0.20703,0.0538631,0.544925,-0.769507,-0.18718,-0.188602,0.372684,0.223866,0.406276,-0.254917,0.480635,-0.0543745,-0.201077,-0.104791,0.105644,0.462579,0.926391,-0.164677,-0.42818,0.377382,0.77935,0.317214,-0.509882,-0.306962,-0.770813,-0.415372,0.844887,0.635235,-1.06343,-0.15452,-0.486946,-0.157138,0.743638,-0.422168,0.674421,-0.346552,0.861942,-0.139009,-0.0538538,0.234912,0.298599,0.499379,0.641968,0.468931,-0.103662,0.0796547,-0.0728076,-0.753305,0.35965,0.131767,1.26668,0.666556,0.737286,-0.456056,-0.109441,-0.00893342,-0.762448,-0.737531,-0.615665,-0.477886,0.225046,-0.842577,-0.0286556,0.956692,-0.139041,0.216598,-0.61226,-0.659995,-0.165611,-0.518326,0.525907,0.0846718,0.605768,0.342688,-1.19547,0.785579,-0.210436,0.326034,0.243169,0.341147,-0.718594,0.536218,-0.0747733,0.321503,-0.299166,-0.756296,-0.410736,0.0229098,0.0504155,1.05978,-0.260399,0.165859,0.172785,1.75547,-0.44877,-0.306084,-0.0910851,1.35991,1.09074,0.795347,0.104644,-0.453028,-0.0578778,0.668786,1.34581,0.226076,-0.123505,0.0678063,-0.628441,-0.168181,0.222813,0.631438,0.359742,0.537409,-0.240824,0.00124043,0.0529307,0.0327281,0.00503658,-0.105711,-0.667903,1.04967,0.351198,-0.111918,0.61989,0.798195,-0.295825,-0.228646,0.0628135,-0.584751,1.10272,-0.46145,-0.381081,0.414601,0.432762,-0.257607,-0.0169389,-0.848308,-0.321321,0.246521,-0.4032,-0.101801,-0.440724,-0.418616,0.211376,0.530638,-0.139984,0.220066,-0.29323,-0.519987,-0.143221,0.335795,0.115402,0.110637,0.00162773,0.519042,0.302044,-0.50177,-0.250954,-0.920476,0.694278,0.231544,-0.755298,-1.07081,-0.0323547,0.712072,0.526573,-0.380468,-0.23925,0.0694926,0.431276,-0.227323,0.663997,-1.10676,-0.757442,0.430852,0.647804,-0.246276,-0.806193,-0.127755,0.0660718,0.0216357,-0.344373,-0.6327,-0.298458,-0.126522,-0.926782,0.875391,0.0590627,-0.30107,0.177785,0.561233,-0.845185,-0.376845,-0.0285286,-0.387354,-0.544653,-0.220584,-0.324831,-0.8795,-0.730696,-0.132291,0.0587876,0.303151,0.0542399,0.0388647,0.404156,-0.52275,-0.470674,-0.205488,0.334486,0.047675,-0.114811,-0.0389809,-0.282649,-0.297168,0.341729,0.0717229,-0.308186,0.346222,-0.277666,0.129418,-0.163281,-0.0889044,-0.307063,-0.542577,-0.39368,0.206422,-0.0044794,-0.208684,-1.01775,-0.331692,0.59364,-0.0515127,-0.252281,0.107032,0.10029,0.050138,0.311366,0.761602,0.101747,0.229594,-0.540665,-0.547428,0.0382358,0.247245,0.366994,-0.341068,0.537274,0.453148,0.43666,-0.0419794,-0.614362,0.608719,0.737105,-0.282832,-0.60827,-0.0533889,-0.301324,-0.56814,-0.179609,-0.475669,-0.459106,-0.0916425,0.254028,0.0127056,-0.593084,0.537664,0.198215,-0.298642,0.465497,0.908504,0.514786,0.5479,0.333867,0.268365,-0.0417353,-0.627967,-0.484349,0.218176,0.219465,-1.0295,-0.583902,-0.390583,0.384846,0.480652,-0.14896,-0.281044,0.451249,0.480295,0.35043,-1.32372,-0.691443,0.220098,0.522297,0.0357858,-0.0160421,-0.399583,0.748614,-0.293626,0.300424,0.233847,0.26374,-0.632981,0.406994,-0.412564,0.915137,0.4037,0.967969,-0.826279,-0.805928,-1.51915,0.222731,-0.122019,0.25275,0.230796,-0.567259,-0.0969239,0.208287,-0.334534,0.910108,0.756205,0.597144,0.442749,-0.219703,-0.647232,0.749592,-0.466674,1.02959,-0.437472,-0.0812689,0.243019,0.338619,0.809963,-0.409328,0.480787,-0.110893,-1.53386,0.238427,0.278733,0.345649,0.248232,-0.313495,0.589619,0.305357,-0.9973,0.901144,0.289861,1.29579,-0.345135,-0.119856,-0.0133885,-0.2489,0.437705,-0.511032,-0.768898,-0.0431912,-0.225881,0.469409,-0.0497172,0.609119,0.199487,-0.0109292,-0.346716,0.75528,-0.980804,-0.466647,-0.569493,0.0748042,0.0755679,-0.332398,-0.264901,-0.186154,-0.497453,-1.13538,0.0488234,-0.348398,-0.114437,0.833237,-0.313076,-0.410357,-0.226393,-0.12838,0.560284,0.0342355,-0.676753,-0.519005,-0.450268,-0.285742,0.717469,0.132866,1.24934,-0.32838,0.393141,-0.692987,0.107709,-0.00895995,0.162713,-0.0248654,-0.346866,0.354105,-0.465363,-0.109716,-0.140091,0.357939,1.28486,0.529509,-0.170236,-0.0274141,0.381853,0.301483,-0.472923,0.716133,-0.323306,0.751683,0.2429,-0.573416,0.810238,0.0976354,-0.574588,0.0982459,-0.0981669,0.00200307,0.271814,0.494039,0.392974,-1.02227,-0.186724,-1.56788,-0.650042,0.533643,0.640095,-0.10784,-0.0398619,0.81924,-0.474224,-0.28248,0.914007,0.619324,0.609263,-0.382513,0.983355,-0.132798,-1.37649,0.690426,-0.603562,0.156821,-0.30531,-0.255585,-0.119676,-0.389113,-0.488397,0.127287,0.0694561,0.531619,0.898884,0.396264,-0.387859,-0.0884829,0.134538,0.353538,0.298899,0.526145,1.06018,-0.410237,0.378524,0.558711,0.659509,-0.769549,-0.177151,0.142627,1.16902,1.18225,0.316942,0.488029,-0.535924,0.655033,-0.474316,-0.241047,-0.149161,0.682177,0.817771,0.302415,-0.622751,-0.204287,0.179828,-0.0542119,0.722685,0.496836,0.0836502,0.177772,1.22186,0.212718,0.0842418,0.0704255,0.551549,-0.166698,1.03953,0.284533,-0.55692,-0.112862,0.22711,-0.967337,-0.166512,0.910052,-0.281107,0.0343736,0.200084,0.365442,-0.985854,-0.369314,-0.631723,0.343922,-0.170081,0.27753,0.113047,-0.202508,0.408681,0.116249,-0.37862,-0.136232,0.359725,0.441786,0.501314,-0.125782,0.752657,0.942416,-0.343136,0.96266,-1.08539,0.170071,0.129375,0.783581,-0.38449,-0.215533,0.022837,0.0185242,1.41755,0.168966,-0.484984,0.416953,0.807138,0.34664,1.44991,0.577862,1.25859,0.216746,0.16426,-0.206992,0.655805,-0.995163,-0.78399,-0.334782,0.751717,-0.38878,0.250197,1.00668,1.2074,0.261624,-0.602326,-0.316052,0.297678,0.118214,0.661771,-0.677058,0.0449066,-0.272045,0.931686,-0.153491,0.49753,0.0145136,0.545205,-0.588452,-0.237282,0.308273,-0.105156,0.319213,-0.423811,0.421024,-0.0446715,0.272369,-0.585113,0.000861075,-0.0132074,-0.25412,-0.588698,0.127913,-0.295192,-0.114081,0.273578,0.149249,-0.380632,0.103502,0.471542,0.162925,-0.0474525,-0.597127,0.0777082,-0.384824,-0.558153,0.216907,-0.409349,-1.37357,-0.270625,0.776757,-0.845303,-0.566324,-0.586043,0.149561,-0.454197,-0.0539135,-0.764041,0.772678,-0.535767,0.356946,0.401623,-1.19203,0.549451,-0.280346,-0.438929,0.922434,-0.179279,0.0628763,-0.0352483,-0.377526,-0.345853,-0.324852,0.19639,0.724827,0.558148,-0.061028,0.608625,0.621706,-0.498016,-0.036437,-0.0888373,-0.282313,0.0274998,0.242807,0.139101,0.295829,-0.492993,0.562414,-0.046185,0.0330023,-0.450056,0.171534,0.635012,1.06807,0.154175,-0.264478,-0.0440925,-0.282822,0.495166,-0.772037,0.686696,-0.778944,-0.191879,-1.01141,-0.141649,-1.09918,-0.3666,0.228377,1.13764,0.0798589,-0.429649,0.191628,0.16682,0.335742,-0.561339,-0.248032,-0.444086,-0.50446,0.112755,-0.159162,0.421738,0.856956,0.210663,-0.522639,0.467543,0.163285,0.994199,0.143346,-0.674027,0.00511959,0.0624287,-0.247862,-0.351891,-0.809703,-0.65935,0.0755659,0.654512,0.136434,-0.122027,-0.993212,-0.136807,0.352756,0.825087,-0.256003,0.162022,0.970209,0.164476,1.65625,0.716227,-0.244766,0.739874,0.043767,0.0140154,-0.584433,0.149201,-0.333323,-0.137206,-0.380907,0.344885,0.163157,0.120152,-0.532198,0.350011,-0.0973985,0.938747,0.0136045,0.0607622,-0.0477417,-0.351609,-0.204425,0.0654378,0.160445,0.417846,-0.837015,0.177712,-0.30988,0.475022,-0.47719,-1.07387,0.0838283,-0.152001,0.745841,-0.550895,-0.351749,0.279787,-0.438513,0.824619,-0.00892517,0.347636,0.471125,-0.0501701,-0.571591,0.68143,-0.340534,-0.13022,0.0801883,-0.655697,0.139863,0.212777,0.344592,0.307026,0.0541354,-0.0118272,-0.0838169,-0.785574,-0.812255,0.485459,-0.203051,0.309941,-0.441109,0.0910503,-0.600173,-0.961578,-0.0902842,0.0289307,-0.698924,0.228991,0.476482,-0.398296,-0.717291,-0.0431922,0.739103,-0.112348,0.499759,0.16366,-0.153603,-0.545206,-0.405775,-0.0172334,0.396898,1.20787,0.202429,-0.158171,-0.328245,0.149734,0.867049,0.300963,0.665508,-0.182105,0.434443,-0.485296,-0.967868,-0.967015,0.862756,-0.205209,-0.0819623,-0.0678411,1.02309,0.352878,0.658614,0.0376797,0.36615,-0.323128,-0.118157,-0.074533,1.2672,0.342825,-0.439225,0.0154007,-0.649021,0.3726,0.38775,0.379892,0.117392,0.734018,0.0230698,0.103503,0.178244,-0.305452,-0.00144153,-0.274443,-0.125344,1.54311,0.0440878,-0.90519,0.129756,-0.53929,-0.668645,0.122754,-0.377878,-0.191253,-0.359482,0.175627,-0.0274567,-0.559936,-0.0156597,-0.332678,-0.329459,0.49419,0.690447,0.214312,-0.359119,-0.207032,-0.0741188,0.23871,0.551675,0.292387,-0.618627,1.47845,0.450804,-0.196806,-0.0988512,0.125511,-0.528283,0.55693,-0.241694,-1.4577,0.397614,0.304638,-0.519475,0.378075,-0.527437,-0.047417,0.521117,-0.530716,-0.946138,-0.370597,0.687777,-0.0294023,0.307221,0.493558,-0.452049,0.270969,0.339751,1.00608,-0.84452,-0.0641826,0.83644,-0.773954,1.03671,-1.02558,-0.321122,0.321183,0.436304,0.477389,-0.817449,0.409699,0.571063,0.234869,0.297667,0.103621,-0.458253,0.323006,0.257642,-0.646807,0.527732,0.00970718,-1.24561,-0.587988,-0.663888,0.0573404,0.38652,-0.00589503,-0.795529,-0.28219,0.105187,-0.615428,-0.444054,-0.106762,-0.425789,0.295688,-0.0645313,-0.471234,-0.167511,-0.065079,-0.82564,0.173551,0.119652,-0.220887,0.0446408,0.340033,0.683564,-0.484707,-0.499875,-0.131114,0.0526107,-0.497742,-0.44816,-0.382846,0.32636,0.576121,0.302194,-0.687048,0.280458,0.655127,0.331268,0.729497,-0.433399,-0.0806084,-0.166414,-0.136674,-0.960032,0.112698,0.338958,-0.0687727,-0.0382471,0.0645308,0.449221,0.41756,0.505945,-0.0986774,0.424853,-0.497764,0.605659,0.168817,-0.355051,1.09935,0.0511047,0.255788,-0.427842,0.0917335,-0.14015,-0.131241,-0.908897,0.117806,0.308634,-0.526186,0.167911,0.0552983,0.339642,0.272389,-0.0813568,-0.420939,0.321799,0.367267,0.0291162,-0.791201,0.381412,-0.879424,-0.0634264,-0.628987,-0.681158,-0.076421,0.343308,0.336383,-0.108425,-0.699541,-0.259171,0.23381,-0.763115,0.232539,-0.776373,-0.307137,-0.851278,0.840165,-1.2744,-0.517688,-0.0756484,-0.212256,0.0631283,-0.547422,-0.542429,-0.708073,-0.952866,-0.182753,-0.767651,-0.69868,0.249381,0.114894,0.258246,0.046088,-0.188648,0.138557,0.966546,-0.561295,0.0495581,1.42966,-0.0458264,0.924377,0.311283,-0.165933,-0.958628,0.531673,-0.200526,0.402763,-0.184997,0.224255,-0.123365,0.246757,-0.379274,0.700523,1.04063,-0.845804,-0.242499,0.310617,-0.0136257,-0.365576,0.0563279,0.099781,-0.138657,0.0708069,0.119988,0.337249,-0.490469,-0.299493,-0.0515025,-0.718521,0.64593,-0.566084,0.0619629,0.191702,-0.490412,0.523386,0.200106,-0.0160206,-0.44323,0.507048,-0.569942,0.196585,0.463187,0.240203,0.055465,-0.64071,0.0311343,-0.112675,0.00576106,-0.0934636,-0.556148,0.138551,-0.426625,0.53364,0.352542,-0.030061,0.176534,0.604485,0.0969202,-0.180323,-0.67138,0.11967,0.0992312,0.105923,0.689893,-0.47482,0.716617,-0.269843,0.594086,-0.231659,1.17255,-0.537133,-0.207949,0.591862,0.140764,-0.0244286,-0.0261211,-0.795107,0.429719,-0.00351267,-0.273177,-0.505946,-0.182674,-0.00845958,0.664889,-1.24582,-0.256398,0.00267391,-0.0234429,0.192745,0.84703,-0.243558,-0.443768,0.570855,-0.0561526,0.276346,0.600386,0.552505,-1.34828,0.337986,0.342739,1.97647,0.644166,0.0754839,0.483153,-0.388248,-0.818147,-0.880987,-0.272066,-0.678298,0.0253899,0.367223,0.69246,-0.0143318,-2.277,-0.0361322,-0.774595,0.814669,-0.598128,0.229157,-1.00206,0.0464655,0.313676,-0.248116,-0.434754,-0.0331953,-0.461211,-0.732942,-0.0664001,0.748411,-1.76403,0.205279,0.718644,0.337657,-0.0903166,0.0835289,0.426552,0.0602197,-0.204804,0.470554,1.26492,-0.526893,0.244472,0.569292,-0.542839,0.789969,-0.456909,0.175041,-0.872841,0.203043,0.230776,-0.909745,-0.356123,-0.126022,-0.61786,0.898746,0.49979,0.68262,-0.9292,0.439477,0.481653,0.630007,-0.401755,0.175182,0.294175,0.491005,0.153645,-0.372703,-0.226658,-0.090028,-0.24272,-0.476413,-0.541659,0.67236,-1.05303,-0.423469,0.58007,0.383371,-0.182333,1.00814,0.0981319,-0.605343,-0.527289,-0.252349,0.107901,-0.533449,-0.674161,0.443567,-0.301345,-0.13601,-0.645875,0.186099,0.694979,-0.291974,0.830049,0.09054,0.566858,0.370054,-0.711082,0.0626173,-0.652041,0.0710208,-1.2629,0.0888686,0.252669,0.190591,-0.434922,0.429956,0.887832,0.158451,0.148384,-0.173768,-0.59383,-0.745959,-0.175502,-0.082865,-0.0725194,0.184698,0.113058,-0.035597,0.659869,-0.0408946,-0.00230521,0.793414,0.273009,0.253174,0.0218317,0.754722,0.203576,1.24915,-0.21436,-0.543603,-0.123889,0.133805,-0.649488,-0.459067,0.0372327,-0.741697,-0.483238,0.212912,-0.477285,0.768095,0.0867972,-0.727411,-0.141424,-0.351564,0.43327,-0.145806,-0.501171,0.145717,-1.03566,0.508184,0.220529,0.281534,0.0127589,0.312974,-0.113154,-0.886754,-0.533415,0.123534,0.0325011,-0.126137,0.344519,0.111008,0.819133,0.796799,-0.339667,0.231785,0.244036,-0.230664,-0.0765695,0.856237,-0.779755,-0.567734,0.0171211,0.0506498,-0.161133,0.597858,0.62888,-0.0862502,0.748086,0.296455,0.193302,0.245981,-0.223216,-0.368094,0.0140048,0.597974,0.831865,-0.477709,-0.038632,-0.38203,-0.0503287,-0.758302,0.315506,0.0290891,-0.706551,0.00457808,0.425073,-1.08128,-0.0598151,-0.961779,-0.28456,-0.583066,-0.997775,-0.913607,-0.0852168,0.620793,0.00114181,0.314963,-0.158859,-0.013695,-0.832082,0.330837,-0.35412,0.230818,0.00893075,-0.743503,-0.488952,-0.392781,0.314038,-0.329096,-0.499567,-0.906559,0.133323,-0.63549,0.207974,-0.355516,-0.176535,-0.869862,-0.446156,0.578808,-0.019755,0.04083,0.168784,-0.0144551,0.756944,-0.64789,0.490899,-0.136489,0.753665,-0.944572,0.456198,0.238822,-1.12966,-0.0643163,0.303784,0.533185,0.54721,0.418394,-0.391955,-0.581392,0.00106669,0.247513,0.0224335,0.43143,0.366967,-1.18759,-1.19453,-0.0820327,-0.160943,-0.37946,-0.888839,0.37715,-0.381654,-0.556485,-0.234311,-1.25263,0.0414998,0.0394031,0.288694,-0.0281605,0.106838,-0.234649,0.30102,0.311019,-0.244309,0.511765,-0.215223,0.985753,-1.16249,0.770938,-0.0384914,-0.134214,0.0461898,0.462224,0.147387,-0.256415,-0.899491,-0.0996768,-0.924381,-0.141295,0.53046,0.548267,0.407532,-1.07228,0.743371,-0.461346,0.348183,0.288776,-0.932785,0.548101,-0.517579,-0.341887,-0.270594,-0.397326,-0.187087,-0.217339,0.406921,0.0457184,0.376568,-0.300667,0.00792098,0.0811687,-0.30901,-0.330759,-0.733991,0.763085,0.212411,-0.817003,-0.485782,0.802821,-0.0449867,0.124976,-0.478599,-0.180554,-0.502683,0.398637,0.0166538,0.572799,0.246899,-0.0752099,0.217821,0.115667,0.710762,-0.696981,0.351698,-0.0118235,-0.579813,-0.578809,0.817345,0.587306,0.650113,-0.156955,-0.824353,0.408521,-0.14682,0.0800631,-0.0497497,-0.248747,0.725509,0.184157,-0.487736,1.19212,-0.703454,0.599194,0.00459316,-0.112177,0.185269,-0.456923,0.516231,-0.349663,0.49965,0.564636,0.489182,-0.654623,0.590373,-0.126375,-0.304296,0.956261,0.458422,-0.419733,0.75922,-0.0592519,0.0487761,-0.452092,0.158724,-0.13322,0.710861,-0.723258,-0.0579207,-0.455354,0.318684,0.093224,1.20167,-0.0252206,-1.33525,0.593608,0.428106,0.107819,0.253917,0.114467,-0.0278679,0.233324,-1.24176,0.282259,0.282886,0.480781,0.853215,-0.311339,-0.867202,-0.471918,-0.818362,0.0101094,0.72091,-0.780936,-0.886264,-0.0633638,0.463166,1.32695,0.171064,0.487031,-0.417241,0.828651,-0.543624,-0.478863,-0.141738,0.272975,-0.215197,-0.194699,-1.16758,0.0297553,0.0743911,-0.793191,-0.171559,0.769224,0.0833498,-0.386537,-0.165105,-0.391864,-0.195717,-0.374248,0.0659579,-0.162168,-0.100106,-0.0387077,0.678165,-0.155514,0.460702,-0.172673,-0.373796,-0.550749,-0.342507,0.611186,0.320056,-1.20226,0.203782,-0.434043,0.248724,0.143275,-0.501629,0.426086,-0.532421,1.57085,-0.0504586,-0.709125,-0.416785,-0.0897177,0.0909982,-0.594712,0.0077336,-0.0134155,-0.736037,0.45835,0.0479978,0.875721,-0.144374,-0.156378,-1.17432,0.293485,-0.183715,-0.752138,-1.37635,0.797405,-0.686803,0.463152,0.0615027,-0.440254,0.202477,0.440441,-0.53827,0.446339,0.180527,0.509745,-0.335473,0.357508,0.0447074,-0.321966,-0.436025,0.106453,0.211968,-0.498342,0.359857,0.698022,-0.313433,-0.146987,1.20047,0.0205077,-0.270963,0.409531,0.365964,-0.427307,-0.497095,-0.26906,0.216755,-0.443962,-0.818161,0.413403,-0.745096,-0.496291,-0.428085,-1.30416,0.570673,-0.00776406,0.824678,0.252247,-0.24758,-0.693642,0.749968,0.749805,-0.955309,-0.131409,-0.582148,0.225836,-0.0296744,0.329397,0.704743,0.165413,-0.122007,0.410187,-0.166549,-1.43341,-0.0695765,0.0754455,-0.440168,-0.439646,0.455479,-0.870394,-0.0842338,0.051036,0.57738,0.211023,-0.446266,0.663653,0.680696,0.703306,0.227033,-0.00963096,0.0516676,-0.42147,-0.728161,0.0434277,-0.393677,0.520876,0.145112,0.363528,0.169631,0.0816068,-0.896008,-0.286247,-0.244452,0.876491,-0.389784,-1.76815,-0.293378,1.50062,-0.580937,1.13517,-0.147332,0.193219,0.169425,0.0201998,-0.285015,-0.773474,-0.962735,1.39292,-0.0916179,0.0146025,-0.445035,-0.23798,-0.0444255,0.117839,-0.359607,-1.17304,0.459458,-0.0604105,-0.0495354,0.559752,0.417572,-0.443888,-0.826448,-0.182982,-0.731934,-0.203042,-0.269509,-0.244176,-0.398936,0.512134,0.45519,-0.113224,0.263663,0.350373,-0.93509,0.265601,0.35753,0.933975,-0.377201,0.0460677,0.24876,0.628318,-0.3375,0.619483,-0.0764721,0.401655,0.584321,0.0893502,-0.160384,-0.0319734,0.455408,0.0746238,-0.134023,0.444093,0.240912,0.303582,-0.237586,-0.55452,-0.00642747,-0.685545,-0.427971,-0.0109385,-0.591049,-0.14302,1.23658,-0.27234,-0.171665,0.126988,0.848126,-0.012328,0.321396,-0.265594,0.681955,0.235721,-0.119344,-0.498482,-0.0796947,0.614259,-0.444203,-0.0880944,-0.0507365,-0.526072,0.976388,-0.100064,0.706938,0.617468,0.311053,-0.692201,0.237142,-0.619801,-0.11474,0.430093,0.714226,0.644547,-0.461125,0.0400958,-0.423042,0.0312067,-0.496536,-0.334657,-0.424944,0.997082,-0.369789,0.755238,-0.0207866,-0.675463,0.0502712,0.0405586,1.02861,0.316439,-0.0382164,0.827007,-0.432432,-0.730324,1.20169,-0.413551,0.0603791,0.442879,0.859487,-0.224575,-0.468659,-0.328725,-0.129901,-0.359902,-0.0984472,-0.21438,0.966406,-0.0827344,-0.264212,-0.521035,-0.373692,0.459405,-0.0526823,-1.03113,0.780615,-0.37411,-0.743791,-0.0398708,-0.677405,-0.45972,0.0405505,-0.983204,1.03414,0.693999,-0.339956,-0.119324,0.0100311,0.0534799,0.356556,0.73557,0.656819,0.206593,0.710449,-0.699814,0.290623,0.74397,-0.21832,-0.413704,0.248952,0.417243,0.429577,-0.380177,0.232563,-0.924875,-0.622786,0.158811,-0.073209,-0.351301,0.230004,0.553071,0.898205,0.231002,-0.578688,-0.502448,-1.03203,0.345138,-0.0682561,0.942654,-0.857891,-0.000383079,0.0350592,-0.758706,0.286837,0.473168,0.060751,0.239446,-1.06647,-1.078,1.32006,-0.72628,-0.532099,-0.255489,-0.417565,-0.290993,-0.00414172,0.114581,-0.175166,0.0412669,-0.0539496,0.327193,0.479423,0.0995519,-0.0526896,0.600713,-0.780843,-0.22637,-0.23061,0.23302,0.636241,-0.330245,0.158403,0.381061,0.10743,0.0708317,0.464207,-0.726408,-0.683632,-0.0379134,-0.424786,0.174414,-0.0169205,-0.514694,-0.158873,-0.134823,0.754833,0.49142,0.634251,0.48586,-0.575988,0.190469,-0.49701,-0.247113,-0.0850701,-0.383395,-0.0444232,-0.0575188,0.10181,-0.154839,-0.211597,0.511408,-0.133136,0.0170112,-1.07491,-0.159955,-0.77307,-0.190342,-0.126386,0.0468527,-0.35467,0.176797,0.245131,0.244671,-0.632984,0.463069,0.0394014,0.176675,0.804058,0.520665,-0.486115,0.378496,0.771761,0.769514,-0.0336902,-0.0712852,0.131245,-1.0064,-0.307007,-0.114254,0.86746,0.12032,-0.494286,0.0117304,0.703024,0.538211,0.779168,-0.0358662,-0.103304,-0.108486,-0.749462,0.405342,-0.259117,-0.579496,0.490801,0.0175702,-0.347935,-0.0876522,0.129479,-0.151668,0.352284,-0.572229,0.0499388,0.303914,0.518236,0.527302,0.102583,0.648631,0.102014,0.519896,-0.271974,0.343276,-0.187173,-0.261085,0.080994,-1.13327,-0.337591,-1.18191,0.0893291,0.370086,0.495202,1.24174,0.284646,0.0737728,-0.452959,0.220206,-0.511565,0.20622,-0.955466,0.71149,-0.0304711,0.286531,-0.00933498,1.44148,0.349731,0.528927,-0.3013,-0.179254,-0.770071,0.145277,0.0637617,-0.315398,-0.783457,-0.358735,0.368417,0.884981,-0.192296,1.51549,0.829359,-0.348513,-0.50816,0.441744,0.399914,0.467834,-0.0501328,0.0568277,-1.58356,-0.820035,0.0548906,0.95726,0.306013,-0.247123,-0.279896,0.556376,-0.896883,-1.07453,0.686285,0.00439756,0.301238,-0.121135,0.631222,0.0699397,-0.0279511,0.584946,-0.456356,0.159456,-0.191214,-0.212805,0.208432,0.817737,-0.0824246,0.119686,1.62056,0.511527,-0.524886,-0.721378,-0.929982,-0.220036,-0.331287,0.490778,0.539716,-0.657417,0.384814,0.526143,-0.515309,-0.752923,0.194469,-1.11613,0.486944,0.32446,-0.302711,-0.997962,-0.204702,0.696274,-0.723586,-0.507129,0.145504,0.370083,-1.41594,0.0678425,0.213576,-0.298356,0.719364,-0.122289,1.02288,0.435865,0.162876,0.910319,0.330013,0.17306,0.683756,0.632045,-0.854922,0.248911,0.539194,0.476529,0.273206,-0.23892,1.1963,-0.510068,-0.0260699,0.71121,0.160336,-0.231368,0.382439,-0.212767,0.646378,-0.184491,-0.348869,0.387667,0.889041,-0.758101,-0.400099,0.240881,-0.113573,0.300444,0.399873,0.119717,-0.0974666,-0.178122,1.37551,-0.099903,-0.252672,0.532871,-0.273404,-0.416555,-0.00233074,-0.493633,1.49591,0.0553959,0.667548,0.0401698,0.393212,-0.444177,0.613391,0.237764,0.473996,0.335116,-0.0768151,-0.146595,0.260703,0.473478,-0.249395,0.00752528,-0.61584,-0.773587,-0.177108,-0.475227,0.694126,0.621085,0.309343,0.474167,0.156176,-0.550085,1.06767,-0.355266,0.191964,0.237505,0.523217,-0.338533,0.114275,0.695464,-0.747058,0.268129,0.245168,0.27949,0.619857,0.153142,0.285877,0.222858,0.142153,-0.725282,-0.114155,0.108306,0.123065,-0.392561,-0.477996,-0.0961321,-1.16593,-1.27024,-0.115187,-0.482663,-0.0541329,-0.639012,-0.928336,-1.77704,0.469745,-0.380538,-0.542705,0.0448925,-0.722497,0.0514695,0.90279,-0.490139,0.868668,-0.137102,0.113826,-0.494969,-0.407417,-0.183185,0.189637,-0.289995,0.182628,-0.8729,0.245615,-0.0578581,-0.393007,-1.27649,0.18756,-0.0739246,-0.468298,0.770729,-0.755111,-0.212531,0.0265916,-0.424824,-0.203171,0.460816,0.235557,-0.614268,0.61695,-0.252828,0.088033,0.311546,1.08826,0.625538,0.00947729,-0.104698,-0.483268,-0.361797,0.771968,-1.08128,-0.53362,0.213623,0.0419888,0.557225,-0.28092,0.621566,-0.185458,0.263515,-1.17003,0.372958,1.28556,0.26589,-0.705924,0.625223,-0.147081,-0.581726,0.722548,-0.995608,-0.314775,0.0773365,-0.148535,0.625089,-0.286741,0.0491632,-0.0709204,0.00785363,-1.20355,-0.0160088,-0.185768,-0.189409,0.30313,0.627147,0.227547,-0.679356,-0.0738931,0.866447,-0.66571,0.920493,-0.68518,-0.953317,0.0956392,-0.528868,-0.464729,-0.383826,0.0895848,-0.749031,-1.03213,-0.205588,-0.348004,-0.178522,0.479627,-0.353263,-0.780652,-1.16416,-0.763853,1.04482,-0.715823,0.211674,-0.191656,-0.512895,-0.785122,-0.381846,0.20205,0.145525,-0.716427,0.626644,-0.817172,0.169356,-0.46944,0.837873,0.157334,-1.09999,-0.737218,0.471622,0.192513,0.632285,0.410595,-0.014667,0.399277,0.770271,-0.907926,-0.303632,-0.294173,-0.207683,0.194772,0.371845,0.652431,0.339648,0.304333,0.010421,0.311241,0.804142,-0.106361,0.460464,-0.555919,-0.94411,0.363575,0.458086,-0.0723627,0.394097,0.448698,0.430268,-0.213352,-0.67483,-0.0889675,-0.620985,0.580797,-0.472893,0.468844,0.376843,-0.15301,2.42342,0.0898139,0.084699,-0.479226,-0.182845,0.434046,0.311895,0.020603,-0.35707,0.188248,0.380647,0.788794,0.0846011,1.05667,0.515454,-0.450662,-0.495268,-0.661812,-0.050607,-0.277242,-0.618546,0.320531,-0.278981,0.059881,-0.0609367,0.612178,-0.14231,-0.0130764,-0.870897,0.451609,1.09457,-0.666298,-0.879413,1.08642,0.22479,0.844868,0.235319,-0.0542925,1.04907,-0.189708,0.77348,-0.0446943,0.390456,0.501971,-0.107046,0.101368,0.436435,0.672166,-0.0270467,0.15577,-1.24203,-0.680969,0.745508,0.0201768,-0.355975,-0.135681,-0.651099,0.111885,0.130125,-0.324068,0.174571,0.350843,0.029686,0.435155,0.339662,0.74944,-1.32622,0.611194,-1.51645,-0.0959147,-0.0619404,-0.02882,-0.0382067,0.0814507,0.147669,-0.0726251,0.680236,0.15055,-0.231542,0.191403,0.0296965,0.28584,0.258076,-0.068744,-0.334552,-0.722849,0.358096,0.824726,0.160481,-0.277544,0.250255,-0.134608,-0.888874,-0.36481,-0.312321,0.446097,0.492555,-0.313704,0.130599,0.436173,1.15072,-0.183456,-0.186801,-0.14955,0.135316,0.543278,0.16677,0.872835,0.336391,-0.952407,-0.273818,0.889928,-0.197294,0.579533,0.387297,-0.452585,0.852715,-0.356006,-0.774163,-0.848367,1.06244,0.0884768,-0.584139,0.33228,-0.0193712,0.33611,0.488117,-0.791063,0.0249909,-0.273291,-0.123884,-0.401555,-0.728979,-0.364181,0.450796,-1.26716,0.917963,-0.539708,-0.111375,0.136671,0.72186,-0.0797067,-0.198107,-0.194044,-0.555049,0.510387,0.283725,0.649137,0.872798,-0.263006,0.0519305,-0.05953,-0.65887,-0.185102,-0.359646,-1.19312,0.912276,0.240948,0.155872,-0.444161,-0.692734,0.0778054,0.319833,-0.427701,-0.819336,-0.00553091,0.52988,0.323381,-0.308152,0.342774,0.119899,-0.146837,-0.0783221,-0.731972,0.915154,-0.36065,0.61517,-0.504302,0.11081,0.667455,-0.809652,-0.00106636,0.429383,-0.218805,0.0335321,0.730544,-0.373857,-0.340763,-1.09389,-0.671418,-0.181728,-0.455914,-1.30753,-0.841396,-0.371507,0.623955,-0.604088,0.0911347,0.461212,0.332693,0.777623,1.19442,0.635404,-0.412558,-0.487629,0.321431,0.144592,0.327424,0.137375,-0.881948,-0.884418,0.649503,-0.748339,-0.155138,-0.165214,-0.368356,-0.68361,1.00709,-0.289829,-0.0801109,-0.368544,0.141844,0.476886,-0.23724,-0.160366,0.636145,0.689745,0.37946,0.678687,0.278261,0.0853496,-0.289043,0.403494,-0.422397,-0.225832,0.0850579,-0.0013212,-0.570136,-0.455922,0.150008,0.393592,1.01187,-0.0644787,0.474161,-0.437163,-0.00371245,0.292568,-0.506701,-0.682975,-0.525194,1.28647,0.434876,0.458206,0.129069,0.427103,-0.775078,-1.21668,1.03219,-0.0903528,1.04934,1.2907,-0.543656,-0.288939,-0.495386,0.179368,-0.794475,-0.227794,-0.648585,-0.732872,0.226246,-0.26579,0.147817,0.340469,-0.51487,0.652708,-0.807334,-0.18463,0.041788,-0.485978,0.375379,0.0179832,-0.230887,0.0699597,-0.314087,0.0243473,-0.338919,0.721721,1.15906,-0.568715,-1.12441,-0.0430958,-0.157011,-0.112988,-0.0633597,-0.542957,0.235981,1.0869,0.134429,0.297537,-0.440836,0.378903,0.353046,0.778038,-0.639501,-0.150872,0.26748,1.08156,-0.00398982,0.661763,-0.195931,-0.968377,-0.692185,0.426405,1.38392,-0.156943,0.503719,-0.637908,0.506263,-0.276845,1.52191,-0.320933,0.262787,-0.630088,0.262555,-0.277961,0.617006,-0.481061,0.0734948,-0.209331,-0.660966,0.832917,0.352358,-0.679992,0.606515,0.901148,-0.131042,-0.490568,0.485435,-0.848436,1.21768,-0.301016,-0.411308,0.450056,0.172797,0.0597526,-0.260933,-0.388295,-0.472423,-0.0648723,0.309027,0.151777,-0.305592,0.610687,0.128027,0.98648,-0.299603,0.340919,0.348414,-0.398814,0.139955,-0.334949,0.0979738,0.09771,-0.422911,0.586392,0.0649322,-0.725262,-0.0316371,-0.784874,0.922837,-0.582403,-0.131039,-0.746712,0.180875,-0.473706,0.665245,-0.187854,-0.275751,-0.824525,-0.551737,-0.19464,0.685086,-1.22252,-0.67353,-0.308526,0.345276,-0.0464973,-0.791492,-0.00473316,0.208508,-0.343116,-0.494522,-0.770235,0.359594,-0.215905,0.0100698,0.651417,0.0188093,0.310461,0.0381428,-0.210036,-0.666208,-0.226514,-0.183532,-0.229324,-0.37665,-0.136425,-0.34906,-0.47732,-0.908975,0.109164,0.725521,0.427203,0.521098,-0.742973,0.599159,0.71787,-0.719747,-0.393764,-0.209098,-0.2344,0.446135,0.111323,-0.0990222,0.116951,-0.00270268,-0.0887942,0.183092,-0.142647,-0.433085,0.110901,-0.0324143,0.379982,-0.194669,-0.112122,-1.02092,0.138351,-0.506016,-0.145315,-0.219805,-0.467078,0.735196,0.141367,-0.0230968,-0.108958,-1.21147,0.15602,0.676234,0.16847,-0.0976769,0.782779,-0.381705,-0.0473933,-1.20983,-0.249563,-0.199918,-0.248716,0.244155,-0.528979,0.536261,-0.0565724,-0.916065,0.248682,0.275916,-0.562561,-0.00560328,-0.523856,-0.528034,0.274215,0.270848,0.0852552,-0.715184,0.291274,0.680514,-0.116491,-0.669235,-0.391023,0.147797,-0.217841,0.639631,0.302486,0.573537,-0.117308,-0.353736,0.234825,0.312893,-0.431121,-0.0512212,0.55321,0.714915,-0.16459,-0.706551,-0.950271,0.0487675,0.503945,-0.582124,0.254762,-0.131623,0.734797,0.634758,0.202392,-1.21973,0.472925,0.653956,0.0414284,0.0601944,-0.201318,0.670102,-0.553498,-0.0795785,-0.251229,0.949567,0.0203442,0.904963,-0.486182,0.309573,0.0206863,0.637878,-0.573497,-0.577702,-1.64053,0.0174055,-0.103452,-0.312192,0.0270421,-0.231769,0.881848,-0.0185552,-0.812742,0.39134,0.455303,0.653944,0.879639,-0.130834,-0.0158148,-0.19819,-0.281236,1.15886,0.323654,-0.076087,-0.0849326,0.189341,0.516524,0.0691116,0.226994,-0.128547,-0.00679588,0.0739658,0.108268,0.66499,0.353869,0.210378,0.760938,0.107563,-0.670595,0.572129,-0.14963,0.883175,0.344462,0.500894,-0.259786,-0.321761,0.462709,-0.536193,-0.592163,-0.265882,0.497412,0.25474,-0.244952,0.761998,-0.097328,-0.329455,-0.125649,0.963615,-2.27328,-0.114006,0.192923,0.703572,-0.132714,-0.711617,-0.373674,-0.524794,-0.11011,-1.20923,1.00342,-0.418578,-0.107596,0.0787868,0.50346,0.290792,0.391161,-0.192352,0.78617,0.573713,-0.873292,-0.474299,-0.354229,0.351154,1.11909,0.418801,0.844919,-0.245037,-0.277956,-1.12665,0.0139525,0.250053,0.46104,0.0557862,-0.192977,0.411326,-0.338154,-0.0164437,-0.499571,0.00894678,0.920256,0.184761,0.262982,-0.209,0.225373,0.568379,0.593355,0.341474,-0.14248,1.14937,-0.830368,-0.259585,1.17803,0.565338,-0.633461,0.39377,-0.158706,-0.57518,0.0821154,0.93938,-0.383389,-0.981272,-0.178136,-1.07048,-0.779952,1.22756,0.817324,0.160836,-1.06912,0.0797594,0.0167786,0.0703504,0.941798,-0.227172,0.0144664,-0.449267,0.488743,0.253217,-1.16919,0.506674,-0.0572781,0.0787768,-0.0100736,-0.146914,-0.185434,0.141839,-0.270773,0.387858,0.906887,-0.782172,1.13696,-0.0251203,0.432704,-0.0817852,-0.338289,-1.15607,0.890144,0.254868,0.23003,-0.668265,0.309808,-0.00317414,0.587416,-0.331482,-0.012143,0.159079,0.648086,0.442287,0.465245,0.588965,-0.39287,0.446831,0.185203,0.000992338,-0.101842,0.280298,0.2571,0.449889,-0.567564,-0.0713546,-0.406299,-0.186035,0.22313,0.806885,0.729568,-0.193023,0.175745,0.545849,0.390072,-0.320511,-0.290389,0.610783,0.332725,0.16406,-0.675573,-0.496675,-0.408435,-0.836337,-0.225379,0.883671,0.292372,0.14511,0.526621,0.270901,-0.932986,-0.45661,-0.496336,-0.037967,-0.546698,-0.318063,-0.217056,0.525047,0.332839,0.296365,0.524378,0.471312,-0.00615562,0.207488,-0.0066382,-0.326355,1.69724,0.353843,-0.158441,0.759159,0.0376581,-0.490972,-0.206928,0.602371,-0.22595,-1.28203,0.530189,-0.173402,1.16738,0.301119,-1.6826,0.472648,0.29882,0.0301708,0.588608,1.02659,0.0206018,1.20592,0.324906,-0.0952713,0.0902773,-0.727342,-0.330933,-0.441529,0.213641,-0.484491,0.936293,-0.0989537,0.203495,1.33364,-0.719955,-0.351546,0.207755,-0.0822448,-0.236265,-0.834972,0.0524841,-0.412734,0.656085,-0.056736,0.101467,-0.132913,0.480156,0.0583676,-0.570494,0.112024,-0.16849,0.833266,0.00649554,0.637372,0.316591,0.265461,0.43964,0.293529,0.245481,-0.0468949,-1.04501,-0.0935098,0.00918576,-0.158197,0.365742,-0.261529,-0.593664,0.738334,0.178411,0.613698,-0.63326,-0.179779,0.118259,-0.765652,-0.165547,-0.0686262,0.316838,-1.28106,0.192398,0.245409,-0.234566,-0.0739787,-0.204948,-0.428733,-1.00641,-0.429525,0.327287,0.672255,0.20355,-0.182232,0.248437,-0.323392,0.149892,-0.30579,-0.227502,0.366084,0.396035,-0.316576,0.0543622,-0.0457482,-0.129019,-0.30858,0.188505,0.320964,0.536424,0.0400485,0.0608203,0.61154,-1.05026,0.0110684,0.184161,0.890228,-0.278438,0.663726,0.112641,0.775366,-0.444771,0.584803,0.294214,0.411078,-0.103977,0.0914466,0.273707,0.381418,-0.385634,-0.95346,0.17615,-0.210483,0.40951,-1.47332,0.381753,-0.354597,-0.193311,-0.303195,-0.0827271,-0.738003,-0.194062,0.68302,0.526494,0.124288,0.00330843,0.37426,0.310753,0.221109,0.0382445,-0.227827,-0.297976,-0.485841,0.0106657,-0.282128,0.266383,0.786737,0.0672444,-1.36929,0.471069,-0.212076,1.0746,0.687585,-0.231769,-0.773242,0.627653,-0.27606,0.117317,-0.464802,0.700779,-0.350296,0.00930579,0.473178,1.06486,-0.662358,-0.175131,0.129751,0.282114,0.196838,-0.12596,1.84093,-0.546381,0.504721,1.2951,-0.26706,0.150545,0.572245,-0.223553,0.186584,-0.31387,-1.13278,-0.313306,-0.327613,0.188337,-0.153412,0.442922,0.151609,1.13559,-0.304883,0.753399,0.181228,0.0571615,0.164634,-0.325042,-0.381613,0.277181,0.158405,0.115494,-0.908678,0.228881,-0.364126,0.552533,0.0118211,-0.243943,-0.10896,-0.210956,0.361729,-0.592241,-0.271686,0.435467,-0.508135,-0.442689,-0.724248,-1.04063,-0.492661,-0.0111556,-0.904901,0.0975301,-0.282608,-0.194736,-0.185632,-0.76483,0.51221,0.481371,-0.389291,0.31728,-0.788627,-0.856701,0.310051,-0.611292,0.135774,0.815999,0.930295,-0.419444,-0.350041,0.117813,-0.388673,-0.89577,-0.508865,-0.370264,-1.18543,0.286898,0.291016,0.77858,-0.180024,-0.541684,0.647257,-0.695982,0.0632146,0.371673,-0.531632,-0.45321,-0.539421,0.201764,0.0451184,0.267003,1.21088,-0.930988,0.246353,0.276434,0.140526,-0.0219849,0.175028,-0.373787,0.303148,-0.591985,-0.813778,-0.862496,0.788809,0.568283,-0.0717697,0.265658,-0.086312,0.429398,0.225245,0.911839,0.235336,-0.416345,-0.382664,0.00908843,0.686752,-0.466362,-0.447048,0.36344,-0.151158,0.921222,0.168735,0.893024,0.3226,0.127435,-0.420956,0.702337,0.707407,-0.648525,-0.737817,-0.591803,0.518709,0.303164,-0.0821886,-0.30274,-0.269839,-0.232015,-0.39112,0.519145,-0.466678,-0.0701653,-0.359429,0.382916,-0.305847,-0.913751,-0.805099,-0.843746,-0.108703,0.180754,-0.0153138,0.301632,-0.0661997,-0.240759,0.24015,-0.255034,-0.466774,0.273675,-0.37547,0.505593,0.300225,-0.695932,-0.65993,0.4022,0.25249,1.03356,0.150589,-1.32266,0.528776,0.495662,-0.38137,0.590746,-0.361234,-0.215655,-0.39442,-0.100617,-1.03253,-0.563961,0.611456,-0.163989,0.849267,0.27183,-0.18887,0.265482,0.353813,0.705073,0.413529,-0.0901335,0.304288,-0.630871,1.20376,-1.09963,0.188597,0.21158,0.00506499,-0.320252,-0.275964,0.635498,0.216249,-0.103484,0.547832,0.110076,-0.0612682,-0.179341,0.406756,-0.521564,1.08214,-0.0344988,-1.01824,-0.225809,-0.494348,0.351542,0.29963,0.509065,0.247636,-0.535883,0.110852,-0.438178,0.027259,1.4084,-0.631869,0.438701,0.457017,-0.0548955,-0.221424,0.00417778,-0.20752,-0.15456,-0.480748,0.260724,0.11386,0.615594,0.10456,0.429357,-0.537589,-0.125869,0.375982,-0.203201,0.124534,-0.835058,0.233766,0.487325,-0.336039,0.0916171,0.506469,0.400049,0.339768,0.577455,-0.0472012,-0.62152,-0.617823,0.556756,-0.389595,0.0935459,0.129847,-0.0395222,0.231227,0.149524,0.178528,-0.443522,0.0959471,-0.200862,0.145575,-0.609497,0.183649,0.87107,0.10361,0.999571,0.185583,0.0012244,-0.655375,-0.0470302,0.956399,-0.121199,-0.759655,0.244026,0.398736,-0.184198,-0.0762971,0.113745,0.00946936,0.622653,-0.0163095,-0.11159,-0.525661,0.156048,-0.519111,-0.0951775,-0.748096,0.052459,-0.805844,0.585771,0.233787,-0.0592863,0.888778,-0.445871,0.196681,-0.764589,-0.477174,0.355879,-0.561035,0.588181,-0.701693,-0.0802625,-0.818637,0.168537,-0.913543,-1.65811,0.261611,0.298685,0.000609733,0.327462,-0.778825,-0.0139562,-1.12971,0.564587,-1.2405,0.152386,0.4726,-0.0388914,0.555159,0.293883,-1.25382,-0.42643,0.218034,-0.916076,0.588688,0.0896112,-0.687591,0.994765,0.169616,0.479038,-0.169258,0.785849,-0.837624,0.482543,0.13227,0.31544,-0.265707,0.289164,0.865947,0.536441,0.445353,-0.608977,-0.355358,-0.16658,-0.266614,-0.292476,0.609902,0.5999,-0.380216,-0.526595,0.463104,-0.476398,0.310424,-0.0430067,0.191808,-1.0042,0.632079,-0.24752,0.0868008,0.207008,-0.472831,0.560042,0.0100714,0.727152,0.0195709,0.412483,-0.317766,0.82427,1.05277,0.103434,0.188584,-1.06693,-0.142124,0.331462,0.475095,-0.441473,-0.66715,-0.115659,0.544843,0.165716,-0.146479,-0.687139,0.112234,0.593885,0.501726,-0.24956,0.261965,-0.0375161,-0.325604,0.0850165,0.795199,0.124896,0.582446,0.227722,0.690803,0.539755,1.39904,0.163406,-0.212427,0.0887294,0.364971,0.101212,-0.36785,-0.322135,0.26736,-0.175712,-0.171302,0.0880487,0.101333,0.357676,-0.498069,-1.08097,0.351332,0.972564,-0.116131,0.314841,0.721776,0.875901,-0.56366,-0.698259,-0.444087,0.329854,0.30475,0.0267542,-0.180648,0.264129,0.372697,2.19038,0.371404,-0.368466,0.102365,-0.562188,-0.459439,-0.310696,-0.0902665,0.398642,0.169302,-0.657989,0.174685,-0.250151,-1.47413,0.102113,-0.461327,1.03883,-0.390657,0.545707,-0.486637,-0.102496,-0.341409,0.403185,-1.1143,-0.0522824,-0.62533,-0.767721,0.406521,0.408186,-0.947036,0.445389,0.419709,0.771766,0.648974,0.197047,0.608109,0.461617,-0.927549,0.629315,1.00555,0.0525378,0.680997,0.486598,-1.2352,0.946061,-0.106194,0.114706,0.687635,0.495351,0.492939,-0.243786,-0.385866,0.647308,-0.640209,0.642005,-0.448058,0.653946,-0.324454,0.771497,0.71855,0.796952,0.532067,0.136475,0.488117,0.502263,-0.40468,-0.207717,-0.707372,-0.56174,0.0225951,-0.453496,-0.0833187,0.594827,-0.865746,-0.0763913,0.366431,0.471203,0.377615,0.888845,-0.363137,0.14629,-0.442754,-0.291458,0.515833,-0.160795,-0.536138,1.4367,0.663995,0.735172,-0.53856,-0.0804549,0.602226,-0.810932,1.24868,0.806539,0.00474727,0.257195,0.213572,0.0976534,0.525424,-0.6225,-0.836406,0.289465,0.121337,0.449247,-0.59771,0.0967497,-0.466838,-0.288814,0.509983,0.136463,-0.525534,-0.234008,0.103528,-0.550378,0.418998,0.506908,0.990862,-0.0215854,0.83444,-0.912374,0.316326,0.353576,-0.10672,0.605879,-0.392082,-0.181543,-0.34421,0.301794,0.0704572,0.176388,-0.0272653,0.806106,-0.178616,-0.496626,-0.434685,-0.460955,-0.0695821,0.606997,0.0368665,0.451358,0.265426,-0.364257,-0.252759,0.0732067,0.609186,0.272321,-1.00497,0.0964861,-0.855541,-0.455237,-0.13924,0.389313,-0.347057,-0.398656,-0.387299,-1.26971,-0.303407,0.449246,0.198891,-0.0708497,0.139017,0.515731,0.845122,-0.270728,-0.210859,1.59775,0.569933,0.373159,0.0901888,0.827755,-1.11573,-1.56866,0.941581,-0.529118,0.0339374,0.0190512,0.867903,-0.910213,0.642137,-0.819042,1.23003,0.995971,-0.290358,-0.160242,-0.0128353,0.457276,1.02208,-0.0589833,0.267501,-0.68064,-0.968405,-0.995913,0.793961,-0.523252,-0.643162,0.522122,0.0224372,-0.417243,0.0511827,-0.462062,0.256452,-0.138404,-0.931925,-1.01658,-0.205512,0.670184,0.170073,-0.365634,0.334302,-0.230174,-0.408879,-0.384694,-0.138393,0.146224,-0.610715,-0.139588,-0.781381,-0.52893,0.417919,-0.796778,-0.446424,-0.495683,-0.115064,0.279537,0.308322,0.101042,-0.339073,-0.690694,-1.48685,0.135761,0.0991053,0.0544442,-0.571352,0.328062,-0.083861,-0.0106176,0.835083,0.377654,0.456259,-0.971605,0.691431,0.398627,-1.38277,-0.120513,1.23835,0.113331,1.18067,0.358376,-0.607018,0.289588,0.333845,1.04883,0.225973,1.32477,0.0279186,-0.462613,-1.2803,0.58914,-0.563001,0.48265,-0.106257,0.0310526,-0.120661,-1.0602,-0.479764,-0.415188,-0.828199,0.320033,0.299431,0.180524,0.0550034,0.307787,1.08079,-0.142583,-0.0699534,0.380822,-0.0692819,0.371104,-0.548051,1.69198,-0.250065,0.0459245,0.31312,0.628785,0.59605,0.0904845,-0.499292,0.188262,-0.0965084,-0.698614,0.733814,0.78249,0.626284,0.0516212,1.06457,-0.472089,-0.19614,-0.467994,-0.810705,0.656334,0.199481,-0.0105592,-0.279861,-0.351954,-0.507543,-0.404031,0.631121,1.32569,0.123283,0.032648,-0.373512,0.206978,-0.20371,-0.30687,-0.273483,0.861324,0.460615,-0.38018,-0.611319,0.563428,-0.120488,0.766943,-0.645174,1.29062,-0.299295,-0.024366,0.33636,1.2298,0.00764357,-0.404427,0.409444,-0.12987,0.421354,0.214013,0.149969,-1.10243,-0.785676,-0.515279,0.413773,0.421434,0.31403,0.235178,-0.19045,0.99592,0.553059,0.554061,-0.869958,0.0862283,0.550654,0.244685,-0.0166473,0.968855,-0.498731,0.891455,-1.16387,0.407056,0.819686,0.308758,0.375325,0.17444,0.828353,-1.47281,-0.812181,-0.571611,0.280728,-0.702329,0.108195,-0.191302,0.388003,0.369675,0.5437,-0.195616,-0.0137744,-0.00477922,0.249185,0.0203536,1.20216,0.391726,0.311774,-0.80654,0.531997,0.344915,-0.117009,0.213106,-0.89204,0.979361,0.57757,-0.38719,0.20078,-0.592713,-0.52278,0.691044,-0.36801,0.933956,0.224369,0.535512,0.633475,-0.612901,-0.246303,-0.72458,-1.45023,-0.642678,0.267931,-1.08979,-0.00646116,-0.277977,0.319501,0.448939,0.770107,0.335613,-0.647717,-0.0650872,-0.515083,0.640933,-0.679406,0.846727,-0.00998487,-0.0168401,-1.04658,0.150619,0.0452175,0.177574,0.239613,0.389485,0.432994,-0.578793,0.557622,0.56628,-0.532072,-0.733613,0.584954,0.412641,-0.114657,0.758951,0.236697,0.14692,0.203181,-0.493109,-0.619516,-0.571658,-0.590481,0.659228,0.656409,-0.0732719,-0.683407,-0.255349,0.27237,-0.24162,0.169634,0.740747,-0.210276,1.58617,0.319454,-0.582474,-0.855263,0.193562,0.0150561,-0.368502,-0.896142,-0.345826,-0.724772,0.864468,-0.209166,1.13299,-0.443524,0.643253,-0.816739,0.225504,0.655233,0.418706,-1.61012,-0.300798,-0.390672,0.335532,-1.02846,0.122834,-0.551375,0.580557,-0.0129459,0.0869132,-0.021864,0.615392,-0.219707,-0.522307,0.278616,0.267844,-0.316729,0.016066,-0.446827,0.133712,-0.233298,0.492445,0.222092,-0.00131518,0.783178,-0.40504,0.721673,0.120696,0.514564,0.407523,0.0785492,0.239661,0.0056442,0.0585917,-0.426895,0.246662,-0.665358,-0.713207,-0.498536,-0.814823,-0.438072,0.74751,-0.122482,0.862791,0.308796,0.0237724,0.310811,-0.280026,0.31442,0.109833,0.0433908,-0.129352,1.44472,0.0077928,0.185003,0.626591,-0.086655,0.0583932,0.575094,-1.07139,-0.190072,0.611307,0.20201,0.390203,0.593723,0.537274,-0.219818,-0.0366154,0.395911,0.0796163,-0.57991,0.757581,0.421645,0.938622,0.367235,-0.7385,0.241924,0.632296,-0.980943,-0.566546,0.211015,0.16022,-0.622628,0.165889,-0.434629,-0.308239,-0.065079,0.248114,-0.143939,-0.096923,-0.518667,-1.45932,-0.133727,1.15297,-0.347049,-0.531339,-0.136991,-0.291988,0.183938,-0.184239,0.731783,-0.655293,-0.197722,-0.500177,-0.100908,-0.231656,-0.20075,-0.0214228,-0.971927,-0.237248,-0.428029,-0.941347,-0.67995,-0.269176,-0.1151,0.392291,-0.0553952,-0.269716,-0.753923,-0.53149,-0.285564,0.165654,0.0433248,-0.129238,0.177254,-0.0119582,0.255373,-0.227897,0.476701,0.220042,-1.27939,0.355927,0.347432,0.465565,0.109295,0.0511712,0.630636,-0.119929,-0.366365,0.677784,0.271977,-0.508334,-0.299873,-0.469775,0.569617,-0.273632,0.42425,0.322866,-0.0178309,0.0393593,-0.0881013,0.291508,-0.132244,0.0103404,-0.297983,-0.29415,0.105564,0.657247,-0.436722,0.413989,-0.0422077,-0.182465,0.321516,-0.666337,-0.147262,0.416878,0.3334,-0.319241,0.0826117,0.389975,-0.626064,0.0303121,-0.369954,0.420879,-0.100761,0.417578,0.201532,0.0602147,0.566351,-1.33831,-0.313941,-0.223403,-0.465711,-1.01853,0.652647,0.512833,0.0585322,-0.140149,0.650069,0.124292,-0.12274,0.547628,0.556909,0.00301206,0.124837,-0.729948,-0.0858094,0.880458,-0.81368,0.55245,-0.098782,-0.36817,0.326782,-0.366722,-0.039037,0.697517,0.0570549,0.625714,-0.452821,-0.492726,0.256731,-0.615044,0.174802,0.278722,0.335699,0.244817,0.0513444,-0.369488,0.11347,-0.302988,0.852007,0.0243657,0.323292,-0.185842,0.783091,-0.576909,0.0802028,0.61666,-0.212987,-1.20271,0.104531,-0.772823,0.0211165,0.092647,-0.654047,0.524174,0.12837,-0.127077,0.504866,0.0803359,-0.302711,-0.269413,-0.399296,0.0633662,0.0840701,0.152883,0.59519,0.470057,0.990396,0.371495,0.270176,0.158874,-0.149034,0.819342,-0.0167658,0.284017,0.855892,-0.371466,0.0419283,-0.242984,-0.766418,-0.032831,0.811136,-0.0431374,-0.157661,-0.27453,0.16028,0.644873,0.283106,0.0302249,-0.167695,0.230224,-0.765573,1.3767,-0.925256,-0.586465,0.341783,-0.841326,0.19177,0.895592,-0.496012,-0.174674,-0.644586,-0.828653,0.799552,-0.196092,-0.499529,-0.327048,-0.308599,-0.349035,-0.637756,0.279932,0.650705,-0.171644,0.106209,0.08851,0.234219,0.434444,-0.49107,0.664343,-0.798892,-0.386342,0.0392594,0.117939,0.104235,0.432928,0.00782182,0.130343,0.329331,0.606026,0.32263,0.517276,-1.13623,0.521446,-0.554196,-0.628278,0.146428,-0.904488,-1.25154,-0.371462,-0.385408,-0.000671983,0.530261,0.370172,-0.348143,0.69124,-0.311459,-0.140492,0.440479,-0.640144,-0.0517048,-0.0647692,0.761441,-0.70957,-0.101457,-1.26828,0.262289,0.601612,-0.0645019,-0.0490384,-1.27365,-0.127707,-0.494006,0.664966,-0.998352,0.141622,-0.317293,0.333967,-0.129919,0.252925,0.121679,0.231503,0.381795,1.0634,-1.31977,-0.252576,1.21385,1.26839,-0.230012,0.0216099,-0.530672,-0.49309,0.082561,-0.641282,-0.498718,0.671902,-0.372297,0.536514,0.137247,-0.489065,1.15027,0.493321,0.230033,-0.204283,-0.191756,0.478629,-0.594691,0.418872,0.443251,-1.11653,-0.194291,-0.279984,-0.275999,-0.00826825,0.56476,0.636402,0.200845,-0.437075,0.115259,0.464581,-1.00712,0.822727,-0.0725695,0.360271,-0.577056,0.300212,-0.110267,-0.0138703,0.794,-0.388055,0.00595581,-0.124829,0.270526,-0.356338,-0.089153,0.734024,0.0681079,0.400833,-0.0381958,0.568107,-0.155275,0.942167,-0.515374,0.375075,-0.275517,0.0855922,0.310308,0.511294,-0.144489,0.415407,-0.276297,-0.462437,-1.08771,0.144818,0.773678,-0.615015,-0.188497,-0.446503,0.595497,0.779854,-0.250583,1.30051,0.919465,0.523243,0.189273,-0.136356,-0.0218354,0.443616,-0.136451,0.691142,-0.948383,-1.02413,0.0885156,0.851997,-0.0668507,-0.253233,0.900822,0.740692,-0.915204,-1.04726,-0.185122,-0.733424,0.220698,-0.461604,0.333234,-0.250283,-0.0369238,0.0959464,0.181571,0.0246772,0.150346,0.151857,0.648258,1.27399,0.852778,0.882041,0.877478,-0.201154,-0.0561193,-0.122004,-0.414151,0.54195,0.13106,0.646849,-0.00537422,0.335601,0.11572,0.73243,0.38357,-0.463789,-0.193938,-0.657133,0.563998,0.429826,-0.0529035,-0.786839,-0.817391,0.683843,-0.299864,-0.0800139,0.649778,1.0508,-0.477134,0.143173,0.717479,0.340815,0.837364,-0.420658,1.08271,0.981061,0.937123,0.878849,0.981349,0.652623,0.73724,0.190841,-0.607881,0.00951874,0.674578,0.0304887,0.208296,-0.0734986,1.00713,-0.497665,0.441519,0.192076,0.590436,-0.178604,1.28608,-0.287221,1.12681,0.487127,-0.777197,0.774156,0.673257,-1.38572,0.407785,0.157809,0.177707,-0.156636,0.455114,0.0623237,-0.109177,-0.265805,0.317832,-0.197409,-0.304288,-0.0937662,-0.220412,-0.913131,0.479114,-0.587283,1.52816,-0.0567205,0.151183,-0.751629,-0.663201,-0.368627,0.251759,-1.03517,0.795757,0.103002,0.261344,-0.98098,1.32067,-0.446127,-0.537849,-0.330175,-0.951308,-0.526855,-0.0920689,-0.622119,0.210511,0.468278,-0.0071798,0.418909,-0.151117,-1.01138,-0.107058,0.100244,-0.307741,-0.682064,0.152086,-0.337572,-0.511368,0.469938,0.475896,0.113396,0.427559,-0.472314,-0.531194,0.234699,1.1716,-0.435848,0.536797,-0.0413209,-0.0257236,0.144154,0.784817,0.0421466,-0.471635,0.647313,-1.12497,-0.91649,-0.412489,0.138285,0.82725,-0.784459,-0.578412,-1.29358,0.744477,-0.217442,-0.566362,-0.460013,0.0290783,0.47618,0.922598,0.38333,0.0727148,0.697995,-0.26468,-0.0730979,-0.74041,0.540842,0.257879,-0.937743,0.0153794,-1.18652,0.22373,0.403067,-0.163524,-0.2776,-0.204869,0.852082,-0.17299,0.123261,-0.164272,-0.620841,-0.294357,-0.0622636,-0.437623,0.972022,0.410003,-0.733055,0.299916,-0.833343,-0.320777,-0.307081,0.648295,0.36476,-0.0897806,-0.107636,-0.292057,-0.298702,-0.112299,-0.319038,0.34245,-0.217289,-0.421312,-1.17707,0.0077028,0.763069,0.897587,-0.117294,-0.265643,0.950434,0.818671,-0.320954,-0.393629,0.398012,-0.24656,-0.788214,0.502703,-0.54256,0.444125,-0.0167175,0.0450548,0.397244,-0.488397,0.410929,0.0311651,0.0276482,-0.483623,0.369238,0.0596686,0.535034,0.26322,0.21841,0.614669,-0.923246,-0.643304,-0.285869,0.012366,-0.175809,-0.533494,-0.137286,0.22201,-0.36775,-0.156722,-0.729056,0.288559,-0.493121,-0.537906,0.243561,-0.851108,-0.314667,1.11003,0.0941953,0.0850143,-0.896976,-0.16967,0.309637,-0.162087,-0.477796,-0.128351,0.0208485,0.29783,-0.288232,0.694278,0.972254,-0.394755,-0.151682,-0.907271,0.25828,-0.985957,-0.0447446,0.112483,-0.754915,0.34266,1.14549,0.624691,0.611131,-0.0414329,0.382843,0.605112,0.857815,-0.487081,-0.109114,0.125668,-0.204949,-0.305759,0.289883,0.938396,0.555097,-0.61407,0.299852,-0.331645,0.74027,1.02502,-1.0645,0.442214,-0.259475,-0.0857071,0.618675,-0.22592,0.396621,-0.402007,0.318669,-0.418021,-0.687635,0.467684,-0.27507,0.749728,0.0356402,0.690223,0.595335,-0.146862,2.37247,0.520531,0.539053,0.0302033,-0.060735,0.737335,0.152888,0.469151,0.586971,0.19384,0.641797,0.99204,0.341767,0.3893,0.879984,-0.127502,-0.299989,-0.606168,0.415332,0.157188,-0.474196,-0.0514669,-0.210241,0.185518,0.740593,0.0693671,0.355576,0.715206,0.017334,0.821314,0.402444,-0.332945,-0.321882,0.29535,0.227216,0.708243,-0.188442,0.415259,0.608847,0.470023,0.625924,0.206111,-0.197566,0.389085,0.579368,0.247188,0.234274,-0.113233,-0.0451302,0.149574,-1.0895,-1.13265,0.625494,-0.630024,0.568864,-0.647285,-0.00710578,0.223151,0.588991,-0.355596,0.4808,0.937741,-0.261213,0.324041,0.0450545,0.381489,-0.647415,-0.474063,-1.21513,-0.625319,0.234093,-0.565523,-0.923515,0.170987,0.0835975,0.862415,0.17695,-0.971633,0.0894095,0.296616,0.179627,-0.0659178,0.141095,0.317118,0.0867292,-0.667518,0.0034495,0.650622,0.63541,0.0950561,-0.14233,0.121799,-0.716527,0.267996,-0.0453556,-0.429485,0.75799,0.122083,-0.153313,0.613607,0.308782,0.647569,0.0189381,-0.642145,0.208718,-0.0655317,-1.05536,0.5544,0.0107018,-0.527618,0.21749,-0.0247324,-0.354058,0.838549,0.315487,-0.57631,-0.908906,0.460382,0.310563,0.0155974,0.0822004,0.169287,-0.41243,1.11062,0.465222,0.423521,-1.20445,0.256887,0.239432,-0.0348506,0.775709,-0.0380426,0.727307,-1.29806,0.441483,-0.216383,0.594099,0.259659,0.744228,0.239203,-0.0873698,0.118397,1.00864,0.220992,0.292263,-0.365059,0.786696,0.53426,0.898106,0.0839595,-0.867716,0.549052,0.0840073,0.757139,0.49446,-0.886114,0.00451751,-0.383217,-0.250531,-0.353081,0.0776785,1.3305,-0.121707,-0.156151,-0.352387,0.51958,0.395506,-0.680184,-0.355222,0.819449,-0.919277,-0.254168,0.45026,0.564025,0.0400773,-0.110354,0.457606,-0.143491,-0.07178,0.537282,-0.935359,-0.193999,-0.903658,-0.334008,0.010566,-0.299573,-0.867391,-0.243175,-0.33377,0.0688296,-0.785314,-0.497822,-0.385134,-1.25037,-0.0220189,0.47421,0.263132,0.324389,-0.0479995,0.045555,-0.278038,1.57016,0.14809,0.737184,-0.397952,0.602717,0.220101,-0.16214,-0.185038,-0.949649,0.469654,-0.144817,-0.0474941,0.337161,0.496011,0.227341,0.022643,0.757667,-0.0296453,0.172617,0.787481,0.216824,-0.671785,-1.22194,-0.335915,0.201988,0.444828,-0.606944,0.481993,0.701563,0.174407,-0.3007,0.183228,-0.567385,0.321908,-0.0232823,0.459273,-0.0450705,-0.169475,-0.448416,0.207896,-0.00502339,-0.41028,0.886982,-0.318534,-0.100099,0.437592,-0.736991,-0.465681,-0.915905,-0.100703,0.124497,0.220637,-0.00396167,0.984521,0.561621,0.0613123,0.440946,-0.350743,1.14236,0.309403,-0.370068,0.518002,0.226879,-0.177129,-0.634629,-0.0809453,0.303736,-0.231244,0.0972932,-0.275033,-1.11243,0.193799,-0.358021,-0.0955133,-0.429076,0.627775,0.446387,-0.933262,-0.156657,0.222275,-0.183924,0.0468388,0.161306,0.771327,0.113804,0.305704,0.401072,1.05051,-0.0244345,-0.331806,-0.095134,0.573177,-0.815206,-0.893405,-0.675143,-0.186539,0.361314,-0.149407,-0.15671,0.254879,0.62834,0.711122,-0.436427,-0.531912,-0.122384,-0.293648,0.031829,0.874536,0.799908,0.374788,-0.22299,0.070055,0.939286,0.0834189,-0.589823,0.106531,-0.350377,0.0874745,0.0289094,-0.201286,-1.41622,0.569325,-1.16242,-0.0325871,0.283971,0.0312818,-0.769809,0.187195,-0.0910732,0.079045,0.0395666,0.571999,1.0962,0.376616,0.446768,-0.275746,-0.949734,0.181127,0.498714,0.226613,-0.864771,0.0257509,0.320159,-0.204449,0.232121,-0.279443,0.63088,-0.946059,0.438183,1.13589,-0.367852,-0.578507,0.101303,0.380417,0.242799,-0.369801,0.127139,0.505158,0.105122,0.315931,0.6724,-0.0683919,0.0978983,0.313486,0.293005,0.37217,-0.382142,-0.652367,0.373248,0.634383,0.319716,-1.61643,0.777086,0.759769,-0.177614,-0.341004,0.397333,0.0810133,-0.692098,-0.0676822,-0.365024,-0.896922,0.185928,-0.296422,1.14175,-0.527012,-0.0286308,-0.226868,0.369085,-0.622414,-0.124692,-0.60466,0.833852,0.311974,0.0410379,0.289215,0.440511,-0.083401,0.952884,-0.146324,-0.127451,-1.02562,0.318569,-1.05289,-0.296523,-0.295873,0.156482,-0.0659067,-0.30657,0.307392,0.46308,0.747432,0.775662,0.994167,-0.346246,-0.578001,-0.222508,-0.0209682,-0.2553,0.230394,0.240776,0.135783,-0.335325,-0.641222,0.40942,-0.665372,-0.381135,0.212358,-0.51642,0.416623,0.0362611,0.460017,0.472728,-0.721493,0.466867,-0.626477,0.203123,-0.17864,0.117412,-0.847615,-0.0272309,-0.62216,0.426547,0.67572,-0.611034,0.932501,0.763548,0.82257,-0.437026,0.980161,-0.179314,0.126122,-0.802471,0.791256,-0.982538,0.257059,-0.224272,-0.0561604,0.449658,-0.724565,-0.0875119,-0.241943,0.930446,0.331851,-0.338115,-1.16423,0.256394,-0.529588,-1.4765,-0.339311,-0.449919,-0.414066,0.911373,-1.32109,-1.32441,0.40376,0.350518,0.0507944,-0.215245,0.574215,-0.686369,-0.465324,0.116547,0.439992,0.221785,0.944799,0.452443,-0.417017,-1.09598,-0.274149,-0.305091,0.677566,-0.387778,0.0811631,-0.666387,-0.594354,0.0934904,1.18533,1.4677,0.879868,-0.0784151,-0.343491,0.718502,0.04681,0.086881,0.118155,0.530779,-0.143947,-0.284375,0.723847,0.33044,-0.0482932,-0.485134,0.238919,0.254659,-1.07548,0.510495,-0.410511,-0.509908,-0.635071,0.508299,1.30275,-0.923551,0.265603,-0.047618,-0.560467,-0.5243,-0.251892,-0.479297,1.05727,-0.0724713,0.131657,0.161168,-0.837258,0.00979799,-0.349766,0.162648,0.825051,0.735748,0.010139,-0.0344104,-1.12187,0.941369,0.377029,0.0795291,-1.21637,-0.336044,-0.82318,-0.234982,-0.100264,0.336431,-0.22941,0.461991,-0.205408,0.232404,-0.901693,0.380043,-0.787141,-0.00267854,-0.55676,-0.0263623,0.983699,0.319587,-0.411131,0.574375,-0.526337,-0.0843284,-0.184711,0.853082,0.202063,-0.350256,0.0483151,0.0464349,-0.638313,0.413826,-0.165076,0.558931,-0.000700004,0.0868269,-0.0237812,-0.481517,-0.0569777,-0.218502,0.498062,-0.0259727,-0.156083,-0.0814546,0.295787,0.127437,0.131893,0.661188,0.568278,-0.275446,-0.215837,0.598028,-0.615126,-0.0550505,0.285172,0.407222,0.338704,-0.407469,-0.631269,0.0327665,-0.527026,-0.0522295,0.38633,-0.204377,-0.453319,0.826166,0.0633429,0.56566,0.0101014,-0.650012,0.647407,0.761851,0.442843,0.618597,1.00232,-0.233372,-0.325024,0.193782,-0.983436,-0.254542,0.0909718,0.218066,0.989876,-0.173724,0.127734,-0.760697,-0.366507,0.250063,-0.287479,0.525568,0.133653,-0.839441,0.383362,-0.377824,-0.0594753,-0.289136,0.97612,0.324322,-0.31172,-0.109282,-0.191808,0.116342,0.157641,-0.354505,0.828141,-0.598456,-0.270994,-0.128909,0.152364,0.0536985,0.479264,1.07947,-0.696902,-0.0726422,-0.300389,0.501762,-0.812973,0.198066,0.529863,0.703805,1.26562,0.0136625,-0.945873,-0.142144,-1.07192,0.591378,0.71448,-0.864926,-0.635957,0.581126,-0.492121,0.189955,0.137123,-0.643882,-0.105292,0.682503,0.73763,0.671619,0.504859,0.169433,-1.26116,-0.0266366,-0.0361773,1.18573,-0.351299,0.455351,-0.329228,0.343153,-0.820576,-0.0294332,-1.17986,0.0820938,0.503256,0.742143,-0.216094,0.202341,0.0811326,-0.0724368,-0.314667,0.242745,-0.416377,-0.00910448,0.802732,0.542435,0.0699567,0.00148875,0.778762,0.858239,0.716479,0.208398,0.438116,-0.131596,-0.281628,0.547723,-0.301045,0.983212,0.21352,0.0313203,-1.19427,-0.322416,0.099799,0.765157,-0.199589,-0.652042,0.32521,-0.245796,0.100705,-1.1273,0.596947,-0.365678,0.320985,-0.0448988,-0.390603,0.465411,0.0883265,0.0570512,-0.017993,-0.364192,-0.226019,0.38249,0.549375,-0.358785,1.21346,-0.356293,0.46296,0.56445,0.669124,-0.11421,-0.126481,0.0378303,-0.587948,0.290216,-0.494232,0.376992,0.0765113,-1.21881,-0.104449,1.19158,0.238778,-0.415937,0.8723,-0.120403,-0.558051,-0.0490334,0.33688,-0.169653,-0.199994,1.08481,-0.0946837,0.598615,0.232626,-0.0699448,-0.0643931,0.717058,0.164456,-0.351292,1.16957,-0.82697,-0.926739,0.481201,-0.648577,-0.479495,-0.0526933,-0.0737112,-0.265004,0.161662,-0.76888,-0.738403,-0.736885,-0.369048,0.11422,-0.315556,-0.531569,0.125312,-0.631534,0.133111,0.209982,0.700391,0.37242,-0.109678,-0.0936868,-0.434717,0.757146,0.0587441,-0.472872,-0.617115,-0.360872,0.0495609,-1.21343,0.644262,-0.26739,-0.314043,0.516474,-0.00129443,-0.478494,-0.434234,0.233063,0.120267,-0.74611,-0.278562,0.238429,-1.33287,0.766148,-0.120868,-0.573737,-0.352354,-0.285596,0.78139,0.116753,-0.241248,-0.132921,-0.157841,0.040377,0.473423,-0.192803,0.0196565,0.369682,0.00420301,0.415992,-0.34612,-0.428491,1.26127,0.197226,-0.0645178,0.225964,0.843606,-0.664269,0.168395,0.672607,-0.195636,-0.632589,-0.265966,-0.815862,-0.937598,-0.096997,-0.427441,-0.36427,0.82953,0.384802,-0.63824,-0.264983,-0.359925,-0.125301,-0.882603,-0.209492,-0.405543,0.319408,0.433152,0.101893,-0.281759,0.380649,0.537505,0.430265,0.767615,0.801287,-0.325107,-0.541502,0.0598665,0.191147,0.802953,-0.927901,0.175752,-0.209253,0.435684,-0.0415942,-0.808357,1.06649,0.281155,0.264131,-0.365071,-0.340389,1.10531,-1.23012,-0.858346,-0.145859,0.415747,0.407168,-0.049618,-0.113092,0.322291,-0.583515,0.515826,0.645987,-0.300498,0.136795,-0.575329,-0.0785322,-1.44026,0.0290823,-0.588591,0.402037,-0.476054,0.330324,-0.496009,-0.0774186,-0.607517,-0.0374188,0.102414,0.1545,0.634548,0.0658877,-0.870701,0.892522,-0.0161213,0.565828,0.0598493,-0.490535,-0.422431,-0.681582,-0.444961,0.321466,-0.287194,-0.0883533,-0.869472,-0.0557065,1.14775,-0.241982,-0.183674,-0.573325,0.215805,1.1132,0.38123,-0.707077,0.0277601,-0.639669,-0.207996,-0.677423,-0.447953,0.00573133,-0.0848527,-0.273134,0.238769,0.312087,0.0440598,-0.225296,0.410364,-0.866709,0.461231,-0.662906,-0.306815,0.326077,0.0344214,-0.548629,-0.130428,0.789532,0.625886,-0.711497,-0.208672,0.278963,-0.174498,0.184868,0.812974,-0.407808,0.0649383,-0.55055,0.200984,-0.415813,-0.591463,-0.200639,0.47309,-0.666449,0.229718,-0.276337,0.0634637,0.0686054,-0.239279,1.05832,-0.682683,0.278565,0.323673,-0.0560737,0.503681,-0.0982913,0.65471,0.160832,0.72337,0.779049,-0.419915,-0.61817,0.0975758,-1.0333,0.323069,0.316502,0.351868,0.560368,-0.0481187,0.177313,0.203347,0.0473324,0.710606,0.279231,0.907318,-0.869059,-1.16134,-0.357337,0.33427,-0.321801,-0.327819,-0.0246365,0.827335,0.582228,0.514636,0.172713,0.258171,0.234076,-0.221425,0.269736,-0.528697,-0.649319,0.304608,-0.538973,0.728237,0.0270531,-0.235378,-1.06115,-0.170244,-0.123021,0.186645,0.324306,0.554416,-0.260423,-0.872154,0.650872,-0.795765,-0.534563,-0.204945,0.393427,0.86991,0.496535,-0.143337,0.426527,-0.42877,-0.963466,-0.449889,0.357626,-1.22245,0.170981,-0.77789,-1.31453,-0.167632,-0.739903,-0.584989,1.2243,0.423859,0.0125703,0.338868,-0.191347,0.303123,0.263299,-0.204199,-0.123666,0.216392,0.450244,-0.699827,-0.952019,-0.0923259,0.505426,-0.235108,1.05185,0.164591,-0.362806,0.127697,0.89397,-1.13064,0.633698,0.454328,-0.588403,0.174515,0.0502179,0.250211,0.0647525,-0.0261889,-0.176909,0.988039,0.0495204,-0.335674,0.605689,0.0785059,0.541442,0.215065,-0.707654,-0.232514,-0.69498,-0.363436,-1.28794,0.120427,0.767435,-0.295923,0.0653015,-0.0921858,-0.230786,-0.115358,1.12128,-1.16184,-0.327992,-0.923534,0.428343,-0.226029,-0.118487,-0.47204,0.286852,-0.220379,-0.0351467,0.338508,-0.152396,-0.306147,0.514308,-1.42236,-1.304,-0.344489,0.31708,-0.0298102,-0.485327,0.0245845,0.350229,0.230678,0.365121,-0.90031,-0.184392,-0.693575,1.31562,-0.684056,0.54135,0.215088,-0.455129,0.296362,0.73906,0.577102,-0.137767,-0.196319,-0.299671,-0.350736,0.418451,-0.865244,-0.00338866,0.697081,0.879035,-0.0278249,-0.753939,0.127447,-0.622653,-0.376105,-0.254632,0.111296,0.211448,0.864616,1.32208,-0.136956,0.012986,-0.789242,-0.286969,0.284287,0.551556,-0.746247,-0.0162942,-0.287071,0.170241,-0.299823,-0.543008,-0.467137,-0.743613,0.189744,-0.679198,-0.129652,-0.315957,-0.227917,0.404168,-0.23911,-0.611676,-0.400958,0.0675778,-0.351002,0.103615,0.538264,-0.493658,0.0358646,-0.221446,0.194858,-0.71661,0.00584123,0.59434,-0.164271,0.134702,-0.0533952,0.188623,0.384371,-0.333337,0.17372,0.109668,-0.60433,0.444325,-1.00659,0.42195,-0.142494,0.329426,-0.147252,-0.490217,-0.137757,0.57987,0.116699,-0.91026,-0.489639,0.334206,-1.28931,0.348031,-0.145027,0.427797,-0.312974,1.29763,0.450996,-0.269686,0.0621741,-0.234957,-0.729085,0.197601,-0.0492361,0.0175812,0.453647,0.479813,-0.0111153,-0.198147,0.510378,0.321286,-0.336431,-0.969364,-0.327754,-0.0461608,-1.02504,-0.273,1.27338,-0.295264,-0.975595,0.252425,0.910307,0.448175,-0.790757,-1.19153,0.0722924,-0.122102,-0.333096,-0.740261,0.291259,-1.04188,0.446096,0.798409,0.100681,-0.184822,0.74219,-0.323441,0.035775,-0.162259,0.333529,-0.293474,0.0513101,-0.290015,-0.710299,-0.61809,0.615237,-1.00494,0.613924,-0.33021,-0.129613,-0.126961,-0.737815,0.289615,-0.378729,-0.133906,0.50711,-0.130768,-0.19036,0.539511,0.641333,-0.101674,0.205648,1.17011,-0.734479,-0.223944,0.694735,-0.93687,0.233033,0.270608,0.308247,0.376514,-0.798848,-0.356008,0.815866,-0.324424,1.2344,-0.80545,-0.763049,0.335422,0.585479,0.578017,0.000310372,-0.421499,-0.203987,0.0644744,-0.384626,0.118956,-1.19068,1.05527,-0.0678096,-0.0989515,-0.823771,-0.381967,-0.364768,-0.262541,0.930072,1.64973,-0.483144,-0.224399,-0.606717,-0.318222,-0.314153,0.108928,-0.319975,-0.575221,-0.710844,-1.10412,0.346845,0.775881,-1.11821,0.809011,-0.00427579,0.0597958,0.885727,-0.651327,-0.152606,-0.802961,0.219758,1.18059,0.21165,0.216642,-0.0618482,-0.163733,-0.276449,0.488676,-1.04849,0.396699,0.266684,-0.138567,0.20831,0.196476,0.0855006,0.207143,-0.429657,0.135963,1.03717,-0.385291,0.821245,-0.0821079,-0.428287,0.217496,0.485829,-0.215503,-0.20725,0.381485,-0.695506,0.254918,-0.0755512,-0.188714,0.537307,-0.473681,-0.0131719,-0.318437,-0.0528041,0.702968,-0.0262504,-0.211346,-0.323828,0.410808,1.49909,0.295982,0.442898,-0.305205,-0.707454,-0.251649,-0.101394,-0.0664644,-0.99383,0.12888,-0.764682,-0.498257,-0.90622,0.0700858,0.0718532,-0.20585,-0.0560555,0.212017,0.302517,-0.89474,0.513709,-0.194711,0.210582,0.606443,-0.0936596,0.111408,-0.769638,-0.15414,0.837219,0.501756,0.754927,0.792481,0.374387,-0.613825,0.595723,-0.443523,0.0699509,-0.370833,0.51834,0.377439,-0.935679,0.770965,0.288986,0.00736755,0.621164,0.668987,-0.696917,0.250237,-0.448752,-0.190745,0.259536,1.21725,0.497693,0.681407,0.278629,-0.468915,0.356253,0.0859438,-0.816564,0.617485,-0.0198573,0.260846,-1.0367,-1.0978,-0.0661322,0.304252,0.478978,-0.723953,0.271183,0.123803,-0.274751,0.351011,0.409851,-0.932072,0.0724657,-0.431607,-0.125063,0.547538,0.672731,-0.427887,1.41336,-0.721533,-0.653144,-0.0480371,0.0542855,-0.706925,-0.299663,0.0360628,0.313784,-0.253147,0.0891302,0.447899,-0.0144727,0.335515,-0.979379,-0.448813,-0.0372196,0.220545,-0.365418,-0.268803,-0.416646,-0.889099,0.570727,-0.916297,-0.245295,0.0413524,0.139099,0.80691,0.0806686,0.136293,0.0933465,0.369922,-0.0378472,-0.301944,-0.05834,-0.393369,-0.00359009,0.0653843,0.967757,-0.356734,-0.209066,1.05003,0.797567,0.449717,0.369563,0.664832,1.40412,-0.213174,-0.24642,0.0368165,1.01051,-0.26989,0.575355,0.51554,-0.79711,0.184578,-0.364503,-0.283182,-0.188316,0.0738763,-0.194992,0.204267,0.375239,-0.587789,-0.588463,0.58082,-0.540457,-0.578467,-0.678534,0.27467,0.337532,-0.934998,-0.725675,-0.49132,-0.0868763,0.308113,0.599435,0.238481,-0.277538,-0.877979,-0.424689,0.764594,0.33974,0.119512,-0.825887,-0.777691,-0.263498,0.432871,0.131355,0.0962147,-0.186047,0.469217,-0.218303,-0.31451,0.517303,0.560179,0.802515,0.0583529,-0.0738381,-0.199582,0.333508,-0.211133,-0.17698,-0.0291895,-0.0187645,-0.113686,-0.457022,0.317942,-0.0265193,-0.175073,-0.78453,0.660086,0.737466,-0.825777,-0.285295,0.571449,-0.435568,1.12418,0.0800856,0.0618717,0.716043,-0.135826,0.0920464,0.0666339,0.295176,0.460793,-0.156605,-0.0651611,-0.153848,-0.10285,1.00379,0.182398,1.2274,1.14345,0.57911,0.197882,-0.471537,-0.204688,-0.0301657,-0.124477,0.453039,-0.522488,0.193947,0.471224,0.653678,0.448327,0.449622,-1.48103,-0.186443,-0.290765,0.0684281,-0.156473,-0.324617,-1.30623,0.282932,0.172395,0.405101,0.958076,0.336797,-0.75949,0.467976,-0.779723,-0.263212,0.512783,-0.024998,0.262836,0.0209589,-0.369546,-0.29854,-0.0706515,0.750382,-0.211428,-0.458124,0.201376,-0.228516,-0.464632,-0.895202,0.0114899,0.141197,-0.110704,0.0225008,0.150237,0.374717,-0.478725,-0.897662,-0.372038,0.0767631,-0.541801,-0.320787,-0.445215,0.301651,0.231053,-0.0273347,-0.579117,-0.33616,-0.533672,0.691203,0.586445,-0.106818,0.179938,-0.25014,0.643352,0.946054,-0.10573,-0.336899,-0.393432,0.773034,0.278705,-0.118959,0.253627,0.0410826,0.067064,0.508933,-0.423707,-0.150277,-0.367933,-0.0301007,0.263318,-0.277328,-0.64328,0.983847,-0.207701,0.261603,-0.195335,-0.317846,0.0850643,0.879623,-0.663804,0.196058,-0.225868,-0.4376,0.214548,0.442701,-0.263981,1.67622,0.376316,1.47653,0.567479,0.237247,0.678765,-0.0181196,-1.07183,-1.26356,0.304058,0.773876,-0.26778,-0.927937,0.550863,-0.249608,1.25365,-0.541447,-0.2982,-0.0810577,0.505552,-1.0185,0.377622,-1.13267,0.0519494,-0.349919,0.865071,0.718547,0.429208,-0.583987,-0.177682,0.903594,0.77817,-0.0696523,0.385823,0.153653,0.264135,-0.262204,-0.120726,0.577515,-0.660818,0.351184,-0.392513,-0.163453,0.227721,-0.9497,0.0110083,-0.340684,0.35853,-0.321896,0.752284,-0.567517,0.482285,0.154704,0.575577,0.125186,-0.635266,0.0962079,-0.526295,0.0801473,-0.145572,0.10213,-1.02117,0.725302,-0.736114,0.70489,0.191661,0.451788,-0.0187012,-1.38705,-0.0453742,0.319221,-0.484678,1.40274,0.173938,-0.156254,0.317378,0.265541,1.06213,-0.712433,0.208962,-0.274808,-0.292671,0.0442354,0.223888,0.292069,1.56789,-0.294499,0.753679,0.671743,0.193713,-0.378099,-1.80058,-0.289761,0.157316,-0.792577,0.712377,0.264121,0.959752,-0.537865,0.31019,-0.585668,0.326854,0.190427,0.0500378,1.28559,0.517189,0.0560888,0.400719,0.142441,0.11853,-0.606307,-0.112221,0.147041,0.468174,0.493917,0.687589,-0.286207,0.308917,0.470529,0.117477,0.547413,-0.0493194,0.0864836,-0.270727,0.482789,0.0878471,0.370077,-0.0863423,-1.504,0.73711,1.24754,-0.218371,0.783937,0.0387816,0.664554,0.162313,0.858928,0.57267,-0.894394,0.630492,0.231918,-0.496385,-0.00173266,-0.176766,-0.0283712,-1.04617,-0.269738,-0.077259,1.21798,-0.490606,-0.799261,-0.32791,-0.193844,-0.351078,0.302872,0.473613,-0.663573,-0.98811,0.55274,-1.12363,-0.378631,0.22312,0.6345,-0.0182523,-0.73905,1.08501,0.15181,1.14626,0.270008,0.0801199,0.522387,0.320605,0.281964,0.00321738,-0.614539,0.150315,0.600463,0.670385,0.841315,-0.893246,-0.147561,-1.02717,-0.128373,-0.122523,-0.511058,-0.606892,0.75101,0.221008,-0.602606,0.128026,-0.439988,0.457306,0.0511692,-0.494224,0.16255,0.373004,0.237274,0.621895,0.426342,-0.934053,0.299779,0.344001,-0.172251,-0.56832,-0.307036,0.514829,0.413231,1.06538,0.572803,0.32138,0.0839569,-1.29245,-0.913534,0.927219,-0.564689,-0.125597,0.707951,0.0169208,0.392721,-0.751243,0.619736,0.179093,-0.483526,-0.0823272,-0.854629,0.126186,0.487927,-0.101907,-0.216325,-0.21056,-0.240833,0.910546,0.416446,-0.437306,0.590198,-0.176798,0.150851,-0.288051,-1.09284,-0.37024,-0.336307,0.147693,-0.175775,0.302413,0.144996,-0.0580566,-0.67962,-0.989462,0.156691,-0.104809,-0.025009,-0.479875,-0.372487,1.05405,-1.55903,0.0114903,0.642146,0.436617,0.520708,0.495985,0.393716,-0.86276,0.336195,0.150447,-0.0996755,0.698403,0.146699,0.0431309,-0.592419,0.0810486,0.18895,-0.031431,0.509044,0.528207,0.0557737,0.72623,-0.151554,0.657295,-0.0179775,0.341732,0.0150664,0.50071,-0.769155,-0.559263,0.55592,-0.485958,0.116811,0.418945,-1.17674,0.245002,-0.18981,-0.368899,-0.725625,0.496985,0.643514,-0.450316,0.270365,0.484566,0.312905,1.31132,0.301541,0.826337,0.584908,-0.218228,0.213081,0.0221865,-0.880419,0.261826,0.726052,-0.0133052,-0.840042,0.0102699,-0.734787,-1.36587,0.240215,-0.378911,0.0401604,-1.14777,-0.913198,0.407304,-0.0808106,0.149646,-0.302472,-0.971554,0.161865,-1.10486,-0.10956,-0.514624,-0.294788,-0.283677,1.05618,-0.0917769,-0.379546,-0.223821,0.270848,-0.19448,-0.162783,-0.205835,0.322369,-0.246586,0.954238,-0.0385495,0.566023,0.295514,0.720983,1.34364,0.639101,0.301968,0.0194893,-0.487408,0.22999,-0.08529,0.896854,0.294184,0.248287,-0.0430987,-0.343696,-0.300747,0.999346,0.067481,-0.0204724,-0.100713,-0.399972,-0.213135,-0.396515,0.48956,-0.688532,0.474552,-0.38084,-0.751258,-0.0594441,0.06614,-0.0382767,-0.126892,-0.647861,0.824429,0.278828,-0.289517,-0.227379,-1.1336,-0.25,-1.0065,-0.5495,0.467211,0.246986,0.283123,0.382986,-0.188461,1.01473,-0.0415203,0.672734,0.656353,-0.0787348,0.246312,-0.596238,0.805566,-1.29023,0.19583,1.67184,-0.309557,-0.368796,0.23189,-0.113785,0.1349,0.696999,-0.581883,0.0244634,0.425359,-0.147678,-1.19222,0.418374,-0.292167,-0.0731768,0.296197,-0.767119,-0.00778652,0.431073,-0.479815,-0.0165137,0.0385258,-0.0447176,-0.622307,0.0584548,-0.806744,0.310821,-0.429906,0.752425,-0.507453,-0.995224,-0.734995,0.809329,1.08524,-0.200832,-0.628062,-0.444839,-0.0213653,-0.749607,-0.62358,0.380856,-1.78423,-0.24506,-0.783277,-0.558781,-0.508986,0.741375,0.09174,0.0770695,-0.282016,-0.655883,0.827144,0.336454,-0.0642284,-0.48936,0.376949,-0.506568,0.267591,0.732904,0.201201,-0.32858,0.149302,0.761153,0.824439,0.0667854,-0.544263,0.447937,0.310219,0.164832,-0.777842,-0.37853,-0.630362,-0.118087,0.124171,-0.579117,0.203208,0.486061,-0.443646,0.847125,0.0972902,-0.370698,-0.13677,-0.371136,0.405261,0.0954512,-0.68449,0.565034,0.475201,0.230078,-0.224722,-0.333301,0.29079,-0.0729441,-0.941403,-0.152163,0.133582,1.03057,0.0506203,-0.588421,0.367121,-0.0776954,0.217288,-0.520761,0.709621,0.12097,-0.73023,-0.460416,0.909426,0.0341977,0.609847,-0.0338063,0.0357549,-0.0642647,-0.231908,0.856392,0.102259,0.13677,-0.823495,-0.0817128,0.221342,0.159508,0.489225,-0.941773,-0.337696,-0.816654,0.0173129,-0.288939,0.859346,0.405734,-0.50495,-0.458125,0.224252,0.181255,-0.176695,-0.322691,-0.523297,-0.824439,-0.470376,-0.54534,0.722902,-0.0435956,0.652495,-0.157558,-0.409736,-0.650829,0.0916426,-0.215316,0.241658,-0.207047,0.692032,0.252214,-0.0286282,-0.222414,0.368582,-0.391223,0.137924,0.356003,0.845143,0.354097,-0.006384,-0.134719,0.66375,0.120059,0.1543,-0.396585,-0.462807,-1.00611,-0.279597,0.429356,0.285335,0.151975,-0.0744105,-0.641623,0.341113,0.468082,-0.772427,-0.470811,0.269959,-0.250089,-0.280788,-0.883999,-0.646343,-0.507156,0.348352,-0.566486,-0.936175,0.204924,0.00787102,-0.821072,0.417887,-0.130037,-0.302875,0.348186,-0.28128,-0.176374,-0.299041,-0.432183,1.48895,0.382,-0.259852,0.0253294,1.26366,0.174734,-0.585315,0.704577,-0.937732,0.605859,0.594871,0.740165,-0.182326,-1.11096,0.470668,-0.448123,0.254621,-0.123845,0.0725307,0.23548,0.827393,-0.0105768,0.183096,-0.49211,-0.277299,0.0120128,0.166535,-0.656233,0.244768,0.455345,-0.187087,1.00184,0.442117,-0.0766924,-0.0696002,0.369962,0.285004,-0.581333,0.107166,-0.138502,0.770907,1.99303,-1.19078,0.43779,-0.653195,-0.0196778,0.546659,-0.136289,-0.12457,0.653317,0.623953,0.618436,0.358447,1.20839,0.150247,0.208959,-0.00933301,-0.241195,-0.585241,-0.325313,-0.091434,-0.237521,0.598467,0.024682,0.130276,0.773432,-0.0693638,-0.421126,-0.144543,-0.197854,-0.122621,0.255147,0.0966143,-0.0809301,-0.0788808,1.86204,-0.114788,0.435593,0.210131,-0.0489078,0.0767153,-0.0656125,-0.623207,-0.325407,0.296889,-0.671723,0.815509,-0.45909,-0.0519245,-0.0696782,1.17481,-0.613058,0.0669404,0.389875,-0.970866,0.168492,-0.542682,-0.011213,0.328849,-0.157998,-0.883699,-0.283322,0.274665,-0.972248,0.524106,0.918153,-0.972619,-0.272626,0.040225,-0.347738,0.318024,0.0939997,-0.21655,-0.0540908,-0.845744,0.448736,-0.215297,0.192277,-0.208462,0.0454189,-0.340787,-0.0286201,-0.643213,-0.485478,0.407287,-0.43375,0.226403,0.602801,0.789221,-0.0648694,0.511922,-0.403459,-0.00159712,0.749115,-0.371311,-0.162725,-0.0733551,-0.177723,0.215604,-0.851893,0.495735,0.9986,0.044436,-0.590331,0.265665,-0.228294,-0.339176,-0.117384,0.0433029,0.285366,0.567749,-0.0392202,-0.299785,-0.0989465,-0.70529,0.776426,-0.478033,0.201228,0.544241,0.0359367,0.0166585,0.427827,0.302043,-0.259633,-0.359372,0.0283888,0.551682,0.393232,-0.615761,-0.502865,-0.745572,-1.27389,-0.492832,-0.847398,0.131162,0.576405,0.558323,-0.183914,-0.32795,0.197644,0.14412,0.38175,0.234176,0.51744,0.540188,-0.41199,-0.303753,-0.214987,0.907451,-0.0332166,-0.418807,-0.879649,-0.530694,0.062087,-0.121947,0.0999274,1.08486,-0.297338,-0.60981,-0.0397745,0.371447,-0.207547,0.0286521,0.0276567,-0.0459529,0.472465,-0.799214,-0.0408221,0.11632,-0.311605,0.176231,-0.723438,0.213231,-0.0159618,1.16892,-1.28343,-0.41558,-0.257801,-0.0951735,-0.0326603,-1.22939,-0.215777,-0.0753443,-0.866743,0.423169,0.121469,0.399827,0.301744,0.400676,0.348695,0.703835,-0.274236,0.514843,0.56306,0.581165,0.316494,-0.399942,0.333532,0.638057,-0.154188,0.302775,-0.687626,0.51784,-0.364124,-0.751624,-0.057047,-0.211968,-0.371145,-0.410816,-0.784112,0.019686,-0.593393,-0.949673,-0.284949,0.302173,-0.397888,0.65492,-0.0864505,0.864843,0.328503,-0.452115,0.0369011,1.06926,-0.638723,-0.438202,0.491297,0.816773,-0.165865,0.57323,1.14682,0.139392,0.105022,0.0329124,-0.0207328,0.0622555,-1.05448,-0.310002,0.105779,1.00613,0.0584754,0.517054,-0.855362,1.30378,0.287261,-0.0684123,1.11895,0.581828,0.242783,-0.43441,-0.0185428,-0.0376661,-0.847423,1.22866,0.15555,0.625831,-0.668435,0.29761,0.569116,-0.371695,0.000822719,0.709521,0.12515,0.130127,-0.516077,-0.333294,-0.191548,-0.384691,0.0991335,-0.396862,-0.849497,-1.18601,-0.574439,0.31853,0.160946,-0.184051,0.199907,-0.514313,-0.0435953,0.799025,-0.930788,0.248583,-0.92772,-0.60149,-0.427126,-1.01232,0.351886,-0.374972,0.0900673,-0.833891,-0.123144,-0.308247,-0.155039,0.314689,-0.42997,-0.623888,1.19229,0.0793304,-0.29653,0.108089,0.379416,-0.426704,-0.0162543,0.0978806,0.146276,0.19091,-0.408996,-0.124864,-0.770953,-0.995743,0.0713364,-0.552628,-0.325695,0.370469,0.504327,0.192523,0.856011,0.0714047,0.445553,-0.0353943,-0.335947,0.672935,-0.110735,-0.167447,0.148059,1.05342,-1.01858,-0.267255,0.306745,-0.170953,0.0142842,-0.0756394,-0.451201,-0.319409,0.129114,0.543241,-0.486729,-0.317612,0.0380413,-0.0456737,0.698038,0.554521,0.848977,-0.679797,0.39989,0.722072,-0.40599,0.355582,-0.503654,0.772418,-0.859493,-0.0728953,-0.721389,0.251605,-0.527892,0.565727,0.0481857,-0.490559,0.00127548,0.825723,0.0609378,0.417672,-0.0517014,0.18837,0.438367,0.931112,0.459504,-0.997548,-0.0880713,0.476541,0.314234,-0.314071,-0.639058,0.17159,0.133236,-0.666213,-0.784108,0.44563,0.977361,-0.324597,0.756645,0.275632,0.573864,0.503902,-0.350966,-0.989746,0.952928,-0.764579,0.166491,0.46168,-0.0181899,0.382901,-0.527095,1.06776,-0.676705,0.0283709,-0.160048,-0.656102,0.500908,-0.0603947,-0.848042,0.0535144,0.193733,-0.613994,0.520334,-0.109269,-0.279168,-0.198651,-1.11732,0.35239,-0.661664,-0.104711,0.0776441,-0.112241,-0.253188,-0.0290907,0.502477,-0.277845,1.45442,0.302032,0.125628,0.148875,0.574206,0.422851,0.452528,0.303869,-1.33212,0.031418,-0.168683,0.0699249,0.616513,0.365931,0.597266,-0.406439,0.873251,-0.209394,0.389744,0.449149,0.0929766,-0.942608,-1.07181,-0.62722,0.872457,0.0830578,-0.490521,0.381317,1.67354,0.146641,0.138847,-0.398367,-1.11602,-0.299934,-0.261322,0.153683,-0.145743,-0.993637,-0.178929,-0.443039,0.109346,0.00969475,1.36794,-0.243863,0.603265,0.665469,-0.693724,-0.412203,-0.600865,-0.490757,0.495956,0.373798,0.0923261,0.980992,0.140759,0.311391,0.486227,-0.200441,1.55601,0.154409,-0.350645,0.833304,0.678517,-0.236404,-0.110714,-0.295522,0.756588,0.110861,0.645323,0.514025,-1.34715,0.0920013,-0.877989,0.279173,-0.614245,0.409833,0.263178,0.0459595,0.2036,0.512007,-0.126124,-0.203466,-0.0650744,0.28866,0.438507,-0.402074,1.04589,0.285169,-0.813071,-0.331562,0.219075,0.273749,-0.428195,-0.860294,-0.351596,-0.542517,-0.0734513,-0.104755,0.183478,0.556075,0.737464,0.8986,-0.815776,-0.900937,-0.748395,0.170606,0.165019,0.702178,0.749098,0.904241,-0.095413,0.405088,1.31847,-0.0601334,-0.767512,0.623006,-0.531098,0.107487,0.762018,-0.0478867,-0.356229,0.0837601,-0.803133,-0.58433,-0.615082,-0.423269,-0.262979,0.279468,-0.894453,1.07512,-0.0859163,-0.0164767,0.612042,0.918939,0.902164,-0.570843,-0.33396,0.129699,0.852262,0.123881,-0.827538,-0.385802,0.36267,-0.125984,0.496098,-0.546501,0.611827,-0.790894,0.0292627,0.959714,0.252334,-0.447442,-0.182719,-0.115303,-0.150329,-0.127703,-0.227107,-0.0132742,-0.104729,0.148345,0.312551,-0.544761,0.128689,1.02744,0.436409,0.125579,-0.646326,-0.50087,0.65072,0.252476,0.291388,-1.34859,0.312591,0.690237,-0.54824,-0.0247834,0.40539,-0.585173,-0.272688,-0.617141,0.487296,-1.43067,-0.0962766,-0.312406,0.774544,0.30738,0.0718476,-0.495356,-0.0291695,-0.67452,-0.810714,-0.516373,0.13752,0.444077,-0.367311,0.53694,1.37007,-0.720815,1.20878,0.154793,-0.109545,-0.694655,0.539051,-1.16195,-0.397701,-0.25548,-0.36213,0.111891,-1.26648,0.598879,-0.547374,-0.0424687,1.08809,-0.102315,-0.264281,0.217698,-0.701701,0.202692,-0.0209569,0.139877,0.372463,0.125733,0.306786,0.0728289,0.666063,-0.833569,-1.01677,-0.202487,0.109522,0.844379,-0.390175,1.20536,0.29143,-0.212977,0.00928566,0.498237,0.0255938,-0.609023,0.315598,-0.579831,0.4307,0.429655,0.144564,0.649071,-0.273769,0.418301,0.94539,0.48403,0.73481,1.00917,-0.147181,0.251383,-1.05616,0.46282,-0.802023,-0.167751,0.362658,0.237764,0.343485,-0.638568,-0.932222,0.0783698,0.46294,-0.216076,-0.422895,-0.772189,-0.577727,-0.925711,-1.44315,-0.661324,-0.440682,-0.0794986,-0.114023,-0.917074,-1.66391,0.868179,0.0656109,-0.161135,-0.174651,1.17977,-0.381224,-0.358615,0.670486,0.328751,0.400856,0.212197,-0.468293,-0.292624,-0.636875,-0.446279,0.0655598,0.184196,-0.211082,0.283276,-0.314334,-0.758469,-0.0281166,0.792396,1.2711,1.05416,-0.522817,-0.168065,0.742463,0.679375,0.411169,-0.393169,0.895076,0.727594,0.0684822,-0.273853,0.389532,0.0780476,0.308319,0.551567,0.505167,-0.83897,1.77717,-0.836654,-0.580404,-0.436916,0.279759,0.471421,-0.849005,0.278377,0.257193,-1.04391,0.533592,0.186786,0.188558,0.53277,0.011427,0.37083,0.359321,-0.594735,0.220743,-0.518541,0.593989,0.188029,0.252525,0.32205,0.20705,-0.50882,-0.00214938,-0.220026,0.117177,-1.09054,-0.414559,-0.180657,0.00836493,-0.0178088,-0.0146031,0.234933,0.389058,-0.555536,0.153906,-0.221338,0.733984,-0.456229,0.561428,-0.148092,-0.359684,0.501644,-0.0690421,-0.0752293,0.538614,-0.944255,-0.307085,-0.166169,0.702462,-0.148731,-0.00705489,0.0915281,0.212233,-0.407984,-0.95024,-0.0869827,0.861526,0.0599665,0.280475,-0.664527,-1.03765,0.251019,-0.848445,0.295337,0.64918,-0.345787,0.233242,-0.239231,-0.483212,0.0453225,1.00704,0.0101346,-0.392157,0.231538,0.916825,-0.281876,-0.173883,0.809695,0.746517,0.837974,-0.922034,-0.739426,-0.602598,0.0155108,-0.579557,1.20597,0.16204,-0.641439,0.508655,-0.132423,-0.288266,0.469873,0.118561,1.56598,1.26954,0.761669,1.07382,0.700666,-0.432399,-0.23825,0.497398,-0.672121,-0.209295,0.357754,0.107181,1.03461,0.0876554,0.127205,-1.00589,-0.589355,0.226838,0.00907327,0.385195,-0.171818,-0.535776,-0.149447,-0.548988,0.528189,0.340454,0.752296,0.569312,-0.974724,-0.230567,-0.460507,0.161688,0.97711,0.147836,1.77952,0.0499409,-0.944137,-0.177057,-0.132886,0.383425,0.384503,0.0631936,-1.46835,-0.25847,-0.767676,0.5808,-1.33443,0.354521,0.327523,0.463423,1.10598,0.180498,-0.62224,-0.0228932,-1.10091,0.618418,0.502137,-0.426432,-0.428401,0.282914,-0.324257,0.0410112,0.111906,-0.709231,-0.291294,0.177944,0.674282,1.0227,0.0172623,0.122052,-1.34655,0.0740251,-0.153328,0.804903,0.358937,-0.146246,-0.106514,0.667665,-0.57069,-0.24944,-0.980178,0.0882347,0.586616,1.16973,0.244122,0.760254,0.0251062,-0.180366,-0.13858,0.736745,-0.500642,-0.0147517,1.65289,0.630975,0.367158,-0.770446,0.352377,0.859371,0.621301,0.579912,-0.218606,0.254051,-0.446566,0.448622,-0.58006,1.04607,-0.0114224,-0.267901,-1.1845,0.3787,-0.212448,-0.209159,0.352521,-0.792039,-0.613298,0.0753935,0.239938,-0.728098,0.590532,-0.86819,0.518653,0.182415,-0.609573,1.0083,-0.413178,0.368218,-0.231066,0.188118,0.220121,-0.0678992,-0.115327,-0.606489,1.83175,0.322837,-0.433561,0.844435,0.685099,-0.0542721,-0.46629,0.813758,0.389395,0.694516,-0.255249,0.597776,0.933014,-0.778374,-0.828997,0.583734,-0.0844452,-0.733006,0.348246,-0.00395508,-0.204515,-0.759175,-0.265146,-0.532865,-0.718095,1.6719,0.0260664,0.022984,0.682796,0.242449,-0.07515,0.0857627,0.796299,-0.339772,0.695645,-0.317267,-1.47279,0.802089,-0.580759,0.331096,-0.516563,0.0434674,0.232936,0.0478349,-0.439991,-0.659286,-0.879836,-1.06286,-0.0303926,-0.645293,-0.613596,0.397275,0.0427023,0.416095,0.688246,0.831147,-0.456153,0.458373,-0.505954,0.0703828,0.991745,-0.855197,-0.16577,-0.541504,0.0205342,0.281918,-0.593263,0.894921,-0.45615,-0.22908,0.0489458,0.348032,0.0465909,-0.224457,0.0657977,-0.296654,-0.630938,-0.495479,0.015809,-1.3071,0.936925,-0.552362,-0.119871,-0.28459,0.22672,0.797844,0.09452,-0.333847,-0.153482,-0.567189,-0.0566271,1.02209,-0.0136198,-0.0410133,0.647175,0.665994,0.0384582,-0.215753,-0.424225,1.41986,0.649107,1.05293,0.551025,0.293956,-0.487978,0.154655,1.24111,-0.20035,-0.217668,0.186932,-0.410828,-0.298459,0.21133,-0.304321,-0.729599,-0.00224559,0.7631,-0.0500953,0.00891051,-0.183391,0.0862653,-1.41256,-0.762132,0.316798,0.172511,-0.0833346,0.720288,0.0470103,0.0615829,1.15533,0.286442,1.03084,-0.192982,-0.334549,-0.909429,0.130571,0.395961,0.396136,0.128212,0.136489,0.0160563,0.321104,0.0541062,-0.470603,1.10262,0.924987,-1.07889,-0.160247,0.384245,0.516505,-0.172123,-1.30687,-0.450688,0.725662,0.647151,-0.0294491,-0.0538897,-0.0914514,-0.648975,0.358411,0.928909,0.242716,0.124115,0.0766055,-0.0837411,-0.577912,-0.246376,0.0201232,0.60718,-0.515619,0.361598,-0.278793,0.269877,-0.378168,-0.179943,-0.806639,0.495063,0.207252,1.36418,-0.698645,1.02559,0.157479,0.804049,-0.0800649,-0.336834,0.153044,-0.405702,-0.241288,0.187129,-0.436325,0.368526,-1.1863,0.359521,0.601541,-0.0409718,-0.441056,-0.244888,-0.345175,1.32455,0.315224,-0.857206,-0.000674628,-0.538354,0.0854398,-0.554442,-0.448254,0.279929,0.488487,-0.499956,0.254276,0.608424,-0.0843199,-0.861033,0.51334,0.0261465,0.0687307,-0.560753,0.352467,0.426697,-0.215251,0.212512,-0.500778,0.319927,0.121194,-0.0274391,0.040386,0.353319,-0.111091,0.335226,-0.0387071,-0.26658,0.181578,-0.115123,0.134335,-0.375159,-0.24028,0.103687,0.07154,0.0158658,-0.442933,-1.09478,0.14283,-0.313672,-0.535783,-0.264387,-1.2611,0.0213794,0.0210111,-0.020207,0.621525,0.314374,0.519634,0.271207,0.468234,0.752022,0.259498,-0.640203,0.0927387,-1.13172,-0.37537,-0.436924,0.473195,0.767176,0.491383,0.609769,0.21981,-0.353265,0.641247,0.147659,0.686746,-0.709161,-0.629849,0.353533,0.538889,-0.384214,0.199679,-0.168983,0.00670552,1.07927,-0.00153753,0.349495,0.478113,-0.0499914,-0.0933774,-0.0835088,-0.0731013,-0.5357,-0.0637013,0.0211544,0.771253,0.0958775,0.0577698,-1.14283,0.207563,0.5688,0.461744,0.535045,-0.012291,0.310794,-1.31877,-0.177843,-0.68353,-1.22742,0.575735,0.541421,0.870633,0.772966,0.100758,0.38878,-0.49094,-0.146157,-0.552178,-0.0651536,-0.778857,-0.362474,-0.310111,0.0296163,-0.358186,-0.812906,-1.24567,1.73123,0.610643,-0.284938,-0.395122,-0.389659,0.287194,0.127608,-0.213905,-0.354671,-0.14703,0.0254691,0.117918,-0.257297,-0.341188,0.372103,-0.75478,0.777128,-0.218033,-0.0272579,-0.0848981,1.07479,-0.433381,1.2348,0.136146,-1.12636,0.450718,0.114915,0.225858,0.0452242,0.455337,0.270075,0.25112,0.321644,-0.311922,0.131915,0.420252,-0.0434733,0.460702,-0.459077,-0.474153,-1.08322,-0.264705,-1.3639,0.207643,-0.172617,0.0906561,-0.259417,-0.760469,-0.394904,-0.0952395,1.01915,-0.588676,-0.462285,-0.453508,0.524325,-0.313056,0.325332,-0.0180241,0.162309,-0.531651,-0.132676,0.520399,0.168859,-0.839637,0.722431,-0.689596,-1.21547,-0.280608,0.281495,0.294067,-0.902584,-0.202649,0.460168,0.446111,-0.0108419,-0.679337,0.325224,-0.862854,0.751288,-1.03713,-0.340223,-0.321079,-0.114312,-0.226597,0.729564,-0.542099,-1.25914,-0.331788,-0.353847,-1.23484,0.86924,-1.26784,-0.138503,1.05485,0.32436,0.358519,-0.26768,0.120834,-0.599833,-0.106827,0.0693972,-0.125622,0.31881,0.0395884,1.60773,-0.591489,0.206938,-0.640779,-0.0564948,0.181987,0.198901,-1.38607,-0.103697,0.658552,-0.565596,-0.399231,-0.476527,-0.339908,-0.759971,0.237507,-0.240011,-0.658888,-0.1598,-0.271797,0.456871,-0.610338,-0.776096,0.136478,-0.604565,-0.133906,0.453289,0.500382,-0.441095,-0.215206,-0.676038,0.706711,0.0154461,0.676871,-0.206259,-0.151727,0.0361177,-0.791138,0.242843,0.388879,0.0847722,0.521827,0.279295,-0.447272,0.300037,-0.62319,-0.53069,0.0703575,0.402163,0.113265,-0.218247,-0.702875,0.497418,0.377408,-1.01229,-0.527856,0.548708,-0.733607,0.430439,-0.590962,0.327739,0.350941,0.686592,0.495662,-0.532595,-0.222312,0.404874,-0.5331,0.515504,-0.135407,-0.223225,0.734266,1.16402,0.00512522,0.736623,0.41569,0.0382891,-0.0167077,-0.943201,-0.811577,-0.361405,-0.930637,0.730923,1.35682,-0.0857352,-0.116487,0.13213,0.573703,0.686178,-0.568082,-0.783075,0.285672,0.289729,0.223928,-0.432678,-0.213903,-0.384403,0.417441,0.147113,-0.639652,-0.213038,0.595474,-0.0707964,-0.410029,0.118755,-0.186189,-0.283881,0.75868,-0.323154,-0.0833015,-0.765442,0.375645,-1.44793,-0.0668893,-0.533113,-0.23294,0.127359,0.174664,0.106601,0.0539009,0.68843,-0.0979938,0.0495465,0.181787,1.18296,1.15515,-0.0217397,0.499898,1.00093,-0.515151,-0.760487,1.03517,-0.649117,0.154923,0.379434,0.482944,0.347597,-0.277331,-0.533765,0.18791,-0.263609,0.598716,-0.781947,-0.649944,-0.153991,0.576957,-0.15845,-0.31045,-0.177114,-0.251496,-0.311526,-0.342912,-0.575497,-0.84778,1.06418,0.488868,0.102331,-0.612413,-0.0425203,0.408819,-1.01832,0.581607,1.76519,-0.15762,-0.767272,-0.490449,-0.28888,-0.435463,-0.161346,-0.219672,0.206544,-0.569725,-0.747328,0.75469,0.685465,-2.42168,0.987258,-0.456987,-0.0282893,-0.00866252,-0.956879,-0.0974344,-0.10113,-0.217918,0.358584,0.150483,0.76331,-0.767784,-0.126999,-0.0867854,0.449667,-1.60696,0.763913,0.820582,-0.232245,0.46747,-0.171953,-0.344023,-0.287599,-0.0538967,0.465744,0.587907,-0.845728,0.661246,0.0271536,-0.528134,-0.381446,-0.0920531,0.0427016,-0.384943,0.12727,0.253476,-0.0568619,-0.190784,-0.163812,0.0382842,-0.369073,0.137705,-0.501492,-0.277813,1.61655,1.01749,-0.122877,0.192557,-0.0920721,0.560117,0.528711,0.172985,-0.392178,-0.579214,-0.630711,-0.225925,-0.637571,-0.588336,0.0110214,-1.29001,-0.331455,-0.245756,0.306514,0.20694,0.0995652,-0.208541,0.37432,0.326233,-0.426714,0.523118,0.0484777,0.188909,0.280417,0.37106,-0.307723,0.113112,0.776002,0.813394,0.319655,0.953113,0.78214,0.724956,-0.146379,-0.252091,-0.456157,0.19142,-0.515266,-0.429392,0.0949928,0.134574,0.209389,-0.0503648,0.00736383,1.02641,0.24198,-0.936782,-0.376461,-1.71118,-0.0661118,1.01319,0.66341,0.421191,0.363315,-0.57509,-0.337544,0.188644,-0.363555,-0.104121,0.378199,0.115236,0.54704,-0.992114,-0.962716,-0.156092,0.524609,-0.398875,-0.884812,0.440147,0.59233,-0.250117,-0.0990044,-0.0324126,-0.891936,-0.652706,-0.120197,-0.50481,0.131068,-0.16241,-0.55184,0.850214,-0.416739,0.176166,-0.229857,0.264007,-0.791173,-0.268058,0.796005,-0.0949513,0.0592806,-0.0392687,0.0724569,0.016852,0.178861,-1.08841,-0.362742,-0.206552,0.32298,-0.39979,-0.362009,0.114051,-0.424559,0.681295,-0.497499,-0.885007,-0.244882,0.571427,1.04027,0.088321,-0.346409,-0.193367,0.493895,0.222484,0.190618,-0.0615633,0.385517,-0.289189,-0.0546675,0.694059,-0.356405,0.100984,0.645845,0.440308,0.494263,1.19036,0.745139,1.22817,0.53962,-0.0776402,0.192326,0.667595,0.273377,-0.148523,0.370094,-0.928441,-0.687464,-0.325369,0.105281,-0.731999,0.426676,0.163357,-0.193234,0.140899,-0.313402,-0.102004,0.588355,-0.166115,-0.715616,-0.168874,0.764503,0.379262,-0.335863,-0.47164,-0.187925,0.0999435,-0.0548437,0.516387,0.193202,-1.03536,-0.964163,-0.506728,0.398011,0.619092,0.0536028,-0.610043,-0.746489,-0.517377,0.31946,0.508031,0.320546,-0.0716429,0.00432926,0.0745459,-0.14039,0.65102,0.430141,0.878386,-0.566904,0.494438,0.189214,-1.06013,-0.0933966,-0.243955,-0.253475,-0.224263,-0.565203,-0.632766,-0.0321407,-0.650914,0.396751,-0.914399,1.02728,0.405032,-1.14842,-0.145597,-0.239354,-1.37214,1.10815,-0.820911,0.31599,0.451362,0.449339,-0.207677,-0.204213,0.0498279,0.323901,-0.263532,0.0476297,0.563106,-0.139179,0.277283,-0.37846,0.460136,1.14862,-0.0344823,0.75645,-0.907247,0.00311938,0.742832,-0.338921,0.269938,0.303251,0.0846275,-0.071908,-0.0430111,0.653298,0.149872,-0.811613,-0.0719585,0.0799025,0.721548,-0.204238,0.590409,-0.73387,0.109145,0.206249,0.511521,0.712646,0.820739,-0.518739,0.338594,-1.52934,-0.388544,0.139954,0.746224,0.736993,0.516183,-0.0896343,-0.315564,-0.0651458,0.141573,-0.254141,0.00664671,0.315372,-0.363139,-0.701535,-0.348339,0.137365,0.492986,0.412065,-0.93289,-0.0716429,-0.052047,0.355658,-0.48219,0.0544921,-0.310374,-0.701095,-0.263595,-0.414178,-0.338296,0.0284562,-0.193966,-0.378755,-0.361914,-0.094302,1.18115,0.459983,0.133479,0.0805687,-0.330513,0.35531,0.783256,0.294999,-0.774095,-0.208704,0.811447,0.257669,-0.110835,0.430246,-0.0518263,0.324197,0.175772,-0.739941,-0.123487,-0.607661,0.351228,0.358849,-0.262546,0.0646816,0.757076,-0.208029,0.199406,-0.412392,-0.340077,0.527152,0.191112,-0.679533,0.249495,0.205908,0.149208,0.0389232,0.150073,0.140207,1.41741,-0.590141,0.665999,0.333886,-0.208697,0.57453,-0.249855,-1.18436,-0.842266,0.510315,1.03464,-0.298925,-0.299012,0.617848,-0.732834,0.161059,-0.230929,0.268821,-0.47268,0.996575,-0.38544,0.266776,-1.15985,0.0537561,-1.3065,0.30017,0.151871,-0.375581,0.217409,-0.0384669,1.03408,0.881445,0.0935298,0.398698,-0.624933,1.03609,0.521942,-0.0350865,0.735878,-0.31692,0.0573187,0.262039,-0.928659,0.417609,0.067473,-0.0953462,-0.327365,0.283728,0.0106646,0.36724,-0.201201,0.166857,-0.436243,-0.570638,0.392405,-1.15646,0.103884,0.220162,-0.0510545,0.0395501,0.167274,-0.715514,0.191285,-0.527103,0.327964,-0.129074,0.518646,-0.313758,-0.807335,0.556622,0.37054,-0.222614,2.3246,-0.0931078,-0.406722,0.191452,-0.0163417,0.176887,-0.718875,0.525604,-0.0259528,-0.862962,0.484153,1.2218,0.123896,1.40166,-0.643685,0.197741,0.138889,-0.152265,0.110163,-0.708734,0.245206,0.446256,-0.754037,0.800672,0.299972,0.985865,-0.635048,0.179842,-0.348264,0.45801,0.391063,0.184682,1.34399,0.752156,0.0722892,-0.287798,-0.25758,-0.648078,-0.509583,-0.344441,-0.306152,0.479888,0.710499,0.648794,-0.155564,0.203127,0.235379,-0.161937,0.68047,-0.37466,-0.902762,-0.179953,-0.0817881,0.5127,0.627891,-0.416981,-0.520963,0.349752,0.229695,0.210744,0.210196,-0.500457,0.650782,0.396373,0.896918,0.498335,-1.36502,-0.0681148,0.134016,-0.992094,-0.0118902,-0.281324,0.0462563,-0.66858,-0.558919,0.578844,0.456485,-0.508496,-0.196658,-0.274113,-0.419315,-0.620654,0.0319232,0.959462,0.224941,-0.58568,0.43284,-1.36702,0.049448,-0.244816,0.390462,0.434421,-0.399433,-0.117087,0.569162,0.28676,0.867737,-0.760553,0.524145,0.0169624,1.04281,-0.000544101,-0.452637,0.142002,0.612452,0.71239,0.289578,-0.931473,-0.309294,-0.536369,-0.411778,0.971652,-0.474842,-0.724474,0.491864,0.919971,-0.0462773,0.521882,-0.84146,-0.315882,-0.13891,-0.348666,0.43144,0.204104,0.0369554,0.639435,-0.061496,-0.666237,0.269617,0.51537,0.419521,0.241407,-0.184247,-0.377286,0.348322,0.679101,0.710432,0.153075,0.315257,-0.624372,-0.422886,1.14946,-0.697372,0.28568,0.407239,0.542717,-0.0995212,-0.65926,0.408776,0.192366,-0.999657,0.074917,-0.594443,0.38777,0.336251,0.388812,0.548388,-0.232281,0.461975,0.858996,-0.0301692,-0.112798,0.099227,0.305197,0.907444,-0.766751,-0.88664,0.49255,-0.502637,-0.618681,0.226247,0.160326,0.121142,0.128525,-0.887888,-1.43984,0.114743,0.174805,-0.410851,0.021404,-0.454482,0.243446,-1.14308,0.210223,0.356069,0.244347,0.55093,0.368309,0.407331,-0.488012,0.164645,0.607076,0.549968,0.506651,-0.147677,0.60048,-0.332423,0.324022,0.609216,0.0266848,0.205341,0.936503,0.213565,0.875484,-0.593119,0.673554,0.198988,0.00348975,-0.173552,0.414743,-0.124574,-0.359966,-0.214391,-0.706862,0.17769,0.611503,-0.361663,0.186787,0.201448,0.366114,-1.63391,0.606973,-0.184582,-0.344125,-0.00641169,0.160729,0.742298,1.07626,0.331981,0.568688,0.952264,-0.252355,0.733757,-0.0456159,-1.36447,-0.127907,0.385074,0.374931,-0.854137,0.135683,-0.757225,-0.909925,0.847739,-0.220087,0.350637,-0.730398,-0.628961,0.787764,0.420577,0.0270257,0.541507,-0.537567,0.18764,-0.80898,-0.329032,-0.417307,-0.309532,-0.741742,1.04909,-0.419215,0.54458,0.385885,0.716662,-0.324943,-0.163101,-0.517017,-0.297909,0.551377,0.94721,-0.158705,0.514319,0.0269681,0.676525,1.23724,0.212467,0.808647,-0.219993,-0.291004,0.405478,-0.580844,0.383298,-0.165421,0.520033,0.224424,-0.300064,-0.00904901,0.898614,-0.367563,0.284819,0.0810556,-0.31378,0.0231615,-0.617386,0.27004,-0.860477,0.818122,-0.372129,-0.433739,0.497026,-0.395559,-0.105038,0.323528,-0.0243785,0.197226,-0.174004,-0.438187,-0.118445,-1.02821,0.0973139,-0.95773,-0.613175,0.380064,0.646645,0.0912083,0.379314,0.273671,0.694076,0.370985,0.620024,0.114465,-0.160174,0.86398,-0.65915,0.663739,-0.560179,-0.0982553,0.815937,-0.249448,0.150728,-0.43502,0.0391902,-0.45059,0.614842,-0.196624,-0.0989335,-0.236275,0.0202365,-0.579478,0.53966,-0.284666,0.163323,-0.00157434,-0.836755,-0.137953,-0.260567,-0.448459,0.115292,0.382274,-0.947154,-0.324885,0.132642,-0.533414,0.513951,-0.376631,1.11145,0.516288,-0.207691,-0.68189,0.562796,0.3879,0.232782,-0.205812,-0.664801,0.362178,-0.860376,-0.219646,-0.167679,-1.42401,-0.692044,-0.267049,-0.701857,-0.553512,1.04807,-0.236701,0.244527,-0.268543,-0.323183,0.377454,0.0025872,1.12291,-0.143937,-0.319219,-0.0349906,0.487886,0.264826,0.379032,-0.383317,0.443039,0.270674,0.512387,0.159494,0.296707,0.202555,-0.224009,-0.118324,-0.111299,-0.0205343,-0.273508,0.224522,-0.307149,-0.297449,0.0173834,-0.0420197,-0.238231,0.855334,-0.357777,0.072023,-0.41968,-0.456423,0.428381,0.182032,-1.07827,-0.0378881,0.911478,-0.00174598,-0.804777,-0.350805,1.08151,-0.172187,-1.24758,0.0582532,-0.639846,0.0856685,0.317916,-1.09145,0.468397,-0.339028,0.307219,-0.129702,0.395296,-0.356085,-0.285181,-1.06051,0.494747,-0.24359,0.0198686,-0.38372,0.299581,0.00853458,0.60304,1.27915,0.000756904,0.40609,-0.687787,-0.399446,0.534727,0.120685,0.2408,-0.915193,-0.318398,-0.44548,0.674209,-0.0914654,0.926624,0.863074,-0.420508,-0.573341,0.13438,0.148498,0.825573,-0.923822,-0.0491415,-0.911643,-0.185874,-0.617475,1.88938,-0.177437,0.336847,-0.309527,0.467549,-1.05001,0.00569059,0.0306589,0.434437,-0.43733,0.226527,0.0952812,-0.0564416,0.397179,-0.464573,-0.511586,0.423033,-0.227653,0.215297,0.13047,0.469455,-0.0196804,0.683247,-0.337947,0.0600933,-0.421304,-0.325674,-1.53397,-0.27704,0.0388267,-0.32662,0.963215,0.249715,-0.305432,-0.00434788,-0.13668,-0.908493,-0.176118,-0.713924,0.466141,0.675867,-0.640786,-0.471835,0.00879818,0.165727,-0.675907,-0.854316,-0.503235,1.03369,-1.30044,-0.418974,-0.483409,-0.414068,0.137564,-0.365724,0.090753,-0.258199,-0.944739,1.63336,0.500455,-0.0632301,0.222354,0.855372,0.0207384,-0.199097,0.77616,-0.17888,0.13635,0.539643,0.498962,-0.17773,-0.86438,0.488469,0.366987,0.0322672,0.421757,-0.136012,-0.274994,0.399529,-0.289738,0.0204237,0.21744,0.0878869,0.156412,0.561474,-1.129,0.49881,0.8376,-0.453455,0.0782697,-0.323689,0.598474,-0.435128,0.662403,0.502433,-0.571748,0.192206,0.135366,0.723469,2.21609,-0.882274,0.646896,-0.435321,-0.791371,0.0279903,0.706358,-0.781065,0.244805,0.417432,0.152976,0.522988,0.997584,0.561677,0.0482916,-0.453941,-0.128403,-0.241993,-0.373246,0.412633,0.282312,-0.228428,-0.11076,0.379752,1.36729,-0.117021,0.00543798,-0.566751,0.100317,-0.278359,0.766485,0.158308,-0.259033,0.861239,1.22182,-0.0467528,0.315165,0.198848,0.119287,0.94132,-0.240265,0.187299,-0.698424,-0.240682,-0.242398,0.199526,-0.414637,-0.054583,0.406223,1.01599,-0.824866,-0.95449,0.282217,-0.84543,0.0381282,-0.417813,0.227303,0.0912116,0.167746,-0.291884,-0.703812,-0.1326,-0.359752,0.365872,0.874538,-0.496263,-0.094714,0.441362,0.264951,0.1932,-0.393517,0.238041,0.473236,-0.630093,0.617707,-0.239918,0.145487,-0.709405,-0.23468,-0.598221,-0.183627,-0.396776,-0.351317,0.0335732,-1.0724,-0.331994,0.233539,0.177097,-0.180673,0.658354,0.480006,-0.368176,0.143942,-0.660703,-0.49409,-0.0384783,0.289027,0.301974,-0.631613,0.415485,0.640089,0.28054,-0.476444,-0.186058,-0.491951,-0.334872,-0.0435728,0.798083,0.524328,0.583684,0.0205758,-0.186644,0.0475664,-0.932375,0.643046,0.568841,0.631233,0.778279,-0.128704,0.00917096,1.22512,-0.550879,-0.673575,-0.036341,-0.418704,-0.061819,0.726252,-0.701233,-0.463475,-0.34583,-1.7429,-0.654234,0.00656251,-0.0501118,0.667033,1.39234,0.110728,-0.99222,0.246758,0.167515,-0.0276883,-0.370409,1.03624,-0.166393,0.0982908,-0.0654691,-1.00222,0.89673,-0.325217,-0.208796,-0.89801,-0.370473,-0.127654,-0.355325,0.0724443,1.14846,-0.917383,-0.348201,-0.0981453,0.841162,-0.63628,-0.536611,0.0186112,0.211012,0.439656,-0.423719,-0.382195,-0.204923,-0.435409,0.378293,-1.02222,0.621272,-0.014387,0.551623,-0.15036,-0.200834,-0.659973,0.71499,0.313294,-0.488747,0.0248107,0.12405,-0.753568,0.122351,0.060868,-0.057205,0.237695,0.545557,0.632517,0.562253,0.0816783,0.5025,0.587501,0.478808,0.286437,0.376976,0.0780292,0.410993,-0.430796,-0.162869,-0.422073,1.11819,-0.713367,-0.156061,-0.645412,0.0458461,0.797476,-0.301549,-1.18587,0.404616,-0.0157813,-0.102907,-0.796228,0.741414,-0.18515,1.58452,-0.665644,0.663683,0.0668376,-0.340772,-0.113267,0.791349,-0.263729,-0.419757,0.48855,0.0541392,0.25491,0.88339,1.24321,0.437757,0.155241,-0.304539,-0.00228623,0.483085,-1.14327,0.423277,-0.253398,0.246445,-0.041285,-0.460454,0.15257,1.13536,0.393363,-0.434469,1.06551,0.608935,-0.0104984,-0.237909,0.369272,-0.360753,-0.378079,1.30224,0.32991,1.05705,-1.14889,0.933917,0.716068,-0.825087,0.541577,-0.0572967,-0.124891,0.679163,0.101539,-0.741699,0.224037,-1.2241,-0.123411,0.0653605,-0.453405,-0.394017,-0.0250847,0.317926,-0.0644438,-0.0237086,0.160856,0.416666,-0.395554,0.432757,-0.578497,0.352937,-0.618461,-0.879763,-0.0882854,-1.3357,0.508542,-0.265306,0.616264,-0.413967,-0.353782,-0.184951,0.163452,0.615026,-0.394353,-0.457443,0.760979,0.128026,0.281155,0.356557,-0.158505,-1.13316,0.0473234,0.286395,0.0904124,0.155015,0.0551606,0.518943,-0.381635,-0.76132,0.40045,-0.865779,0.0873761,0.529954,-0.0806685,0.249266,0.978296,0.3643,0.216056,-0.445085,-0.238165,1.17085,-0.290231,0.0265736,0.462458,0.0943971,-0.518221,0.208471,0.611222,-0.597683,-0.299681,0.163375,-0.0757914,0.274443,0.287911,0.135157,-1.04486,-0.0249634,-0.469857,0.369273,-0.313086,0.18854,0.546435,-0.330162,-0.377736,0.639069,-0.158877,0.396481,-0.405662,-0.556384,0.152584,0.914327,-0.931078,0.841771,-0.350487,0.00199682,-0.212509,0.0228692,-0.369239,-0.197091,-0.492816,-0.290505,-0.490332,0.259658,0.565726,0.242341,0.250418,-0.281933,-0.641193,-0.351703,-0.219535,-0.527693,-0.467308,0.528662,0.204059,0.00185841,-0.645844,0.139574,0.780622,0.288513,0.85885,-0.59738,-0.119362,0.0741708,0.220252,-1.06476,0.434304,-0.342257,0.356619,0.141177,-0.795309,0.044224,-1.31918,0.381046,-0.651265,-0.117392,0.316775,0.0358571,-0.0496724,0.662879,-0.896303,0.177318,0.305772,0.156563,0.820379,-0.265681,-0.37223,0.389193,-1.15661,-0.432112,0.310487,-0.279287,0.334446,-0.729988,-0.413413,0.138547,-0.122255,0.495397,0.95604,0.484426,0.252633,0.343229,0.23581,-0.145288,0.305005,0.185674,-0.177883,-0.0700668,0.489492,0.0371395,0.599058,-0.140923,0.810869,-0.648528,0.00366597,-0.102414,-0.37648,0.0383589,0.705633,0.0853208,-0.66597,-0.783637,1.51379,-0.136738,0.459342,0.302721,0.902115,0.0193994,0.853155,-0.281607,-0.539943,-0.00590299,0.28671,0.0227444,0.197073,-0.886078,0.195831,0.0340421,0.112136,0.138018,-0.19779,-0.181829,0.232889,-0.205637,-0.533633,-0.572385,-0.377314,0.102162,0.829374,0.712626,0.494913,0.256483,-0.315777,-0.224973,0.321937,-0.300124,0.735349,0.466914,-0.570393,0.129106,0.126158,-0.419899,0.558835,-0.751121,0.254194,0.0493003,0.255043,-0.300972,-0.166982,-0.176054,-0.258282,0.427322,-0.734488,-0.592341,-0.506967,0.538234,0.867572,0.465515,-0.0763075,-0.577902,-0.73553,-0.0346908,0.0156599,0.517511,1.62614,-0.227425,-0.499598,-0.829452,-0.732645,-0.452572,-0.559863,-0.299894,0.656683,-0.0521235,-0.0933547,0.464451,0.129356,0.263053,0.0688347,0.871948,-0.108104,-0.723209,0.168249,0.386549,0.541468,0.847895,0.285686,0.441507,-0.450362,0.14382,0.775095,-0.378791,-0.350568,0.356805,0.257474,0.00538789,1.628,-0.00484891,0.222229,-1.00941,-0.211482,-0.700182,-0.297216,-0.868727,0.362966,-0.00367091,-1.19692,0.313682,0.288472,-0.0778496,0.466568,1.41803,0.883471,-0.967416,0.251702,-0.803767,0.312613,-0.530234,-0.583629,-0.168353,0.405954,-0.0569489,-0.184459,-0.117992,0.104786,-0.566109,-0.203536,0.194282,0.100812,0.496489,-0.0205849,0.0908469,0.184402,-0.310331,-0.688482,-0.0117637,0.151348,-0.60332,0.0390864,-0.0410396,0.304098,-0.0703579,0.286059,-0.288882,-0.297066,-0.553328,0.205062,-0.701545,-0.310603,-0.634489,-0.108221,0.342829,-0.290329,-0.219149,-0.413006,-0.954099,0.768724,0.137002,0.888245,-1.09774,-0.417368,-0.113939,0.662215,0.344984,-0.862529,-0.624292,-0.0786998,-0.450248,-0.172639,0.108024,-0.427437,-0.312159,0.133986,-0.674451,1.10765,-0.129376,0.872408,0.11409,0.161626,-0.227972,0.488474,-0.453808,-1.01849,-0.103813,-0.182022,-0.478735,-0.739211,0.470487,-0.114842,0.169378,1.15367,-1.17873,0.206969,0.601926,-0.645511,0.552248,0.729554,0.0121636,0.894553,0.0105135,0.816749,0.117439,-0.193601,-0.931223,0.10769,-0.098654,0.147326,0.803469,-0.755279,0.233579,-0.772643,0.269108,-0.255981,0.991155,-1.00469,-0.262865,0.248595,-0.426641,0.641455,0.769796,-0.219377,0.600455,-0.0439432,-0.140429,0.634229,0.0883503,0.27863,0.329411,-0.46247,0.729785,-0.579871,-0.197942,0.205748,-0.5015,0.146431,0.0645818,-0.231979,0.154913,-0.92421,0.317211,1.22008,0.312779,-0.127975,-0.520343,-0.257343,-1.09818,-0.404083,-0.216248,-0.564071,0.471668,0.0417843,-0.683029,-0.43741,0.0683853,-0.380984,0.14008,0.158872,0.631726,0.622792,0.000795156,0.385888,0.119202,-0.186113,-0.160805,-0.860575,0.758739,-0.292186,0.220301,-0.404606,-1.06067,-0.534489,0.251645,-0.278562,-0.331928,-0.864586,1.72384,0.664696,0.344389,-0.220003,0.257825,0.186098,0.32204,-0.0989069,-1.03492,0.547131,0.818664,0.106893,-0.351324,0.246071,0.282383,0.908541,0.0385398,0.486542,0.102984,1.06212,-1.2591,-1.54944,-0.186279,0.568076,-1.02555,-0.47305,0.488794,-0.239116,-0.305227,0.241893,-0.0722388,0.376368,0.508037,-0.913311,0.582317,0.186798,-0.642366,0.413176,-0.656556,0.575444,-0.221064,-0.176498,0.528728,0.012429,0.650071,0.04294,0.591632,0.0576618,-0.0518183,-0.286651,0.088169,0.951092,0.420282,0.196147,-0.353,0.204042,-0.479872,0.0511336,-0.474235,0.540995,-0.0107947,0.161458,-0.177873,-0.180149,0.379725,-0.13743,-0.0302523,-0.502066,-0.285238,-0.898214,0.660473,0.462314,-0.887698,-0.659917,-0.00242259,0.39604,-1.08257,-0.517627,-0.0165047,0.500933,-0.0131509,-0.0796385,-1.45919,-0.829141,0.118003,-1.39351,-0.0497184,0.484441,-0.678689,0.111761,0.220115,-0.711783,0.123149,0.288741,0.272989,0.00748732,-0.10622,0.629338,0.0804694,0.0072016,1.07389,1.01372,0.783138,-0.395855,0.0435248,-0.632541,0.0422776,0.252674,0.0302738,0.756081,-0.586666,0.230161,0.454159,-0.648195,0.109293,0.168696,1.36362,0.986331,-0.00186381,0.32457,0.895764,0.0496671,0.0900452,0.158142,-0.0652212,0.113215,-0.369925,-0.714113,0.97994,0.534313,-0.340817,-0.596934,-0.795808,-0.638203,0.0895002,0.604224,-0.196455,-0.180001,0.129841,-1.18733,-0.407145,0.403603,0.616533,0.218727,-0.710155,-0.025415,-0.522794,0.380987,0.147836,1.07562,0.757071,0.0888866,-0.988394,-0.263115,-0.340571,0.573607,0.515367,0.157169,-0.647046,-0.429414,0.0403059,0.468436,-0.717225,0.691684,-0.0698926,-0.688387,1.25918,0.444325,0.676921,-0.0449896,-0.0130782,0.45048,-0.102027,0.212531,0.790505,0.230717,0.123374,0.184013,-0.122809,-0.687182,-0.0111749,-0.300494,-0.145088,0.566013,0.355225,-0.242536,-0.573887,0.321495,-0.525364,-0.310825,0.106816,0.128656,0.499148,0.276905,-0.419024,-0.152815,-0.179804,-0.241696,0.462341,0.774169,-0.00479589,0.127752,0.331232,0.0116679,0.535403,1.58372,0.259167,0.727545,0.518045,0.254731,-0.56885,-0.937505,0.315596,-0.356777,0.818535,0.331596,-0.523159,0.273409,0.0891466,-0.258645,-0.627004,-0.264115,-0.442711,-0.290345,-0.0888986,0.85766,-1.01,0.231667,-0.117156,-0.623687,-0.684273,0.330131,-0.876201,-0.779636,0.173139,-0.815706,0.177245,0.704146,0.0787363,0.529507,-0.219036,-0.312512,0.538616,0.370339,0.0285527,-0.922068,0.0253378,0.0115299,0.930839,0.382243,-0.645471,0.684775,0.216373,0.757974,-0.188002,0.716088,0.182214,0.879069,-0.117011,0.383546,1.00697,-0.748661,-0.742498,0.0786602,0.321472,-0.880633,0.495975,0.423795,0.126443,0.103333,-0.657685,-0.22176,-0.466237,0.980046,0.555796,-0.751669,-0.248535,0.10001,0.666707,-0.387817,0.501728,0.0760631,0.158597,0.473085,-1.15033,0.364561,-0.236404,0.74285,-0.208186,-0.0360653,0.000609525,0.43842,0.00548822,-0.398383,-0.632695,-0.315182,0.0548417,-0.371482,-0.536489,-0.105621,0.529064,-0.127725,0.216503,0.413094,-0.124824,0.795273,-0.960668,-0.636338,0.375597,-1.03364,-0.0575288,-0.316107,0.36534,-0.244376,1.04228,0.101053,-1.16058,-0.178567,-0.284271,0.145879,-0.0776662,0.463586,-0.765457,0.101453,-0.326308,0.570899,0.0738321,-0.19274,-0.226327,-0.00776443,-0.789242,0.389276,0.457286,-0.353784,-0.00280952,-0.174723,-0.0986995,0.0140452,0.365782,0.948918,-0.0863893,-0.460237,0.58053,0.777207,-0.376163,0.195343,-0.0865782,0.127533,0.233742,0.666543,0.525093,0.411158,-0.563974,0.0667483,0.689318,0.279452,-0.25219,-0.308629,-0.35717,-0.243773,-0.139837,-0.300715,-0.424311,-0.373678,0.384021,-0.658676,0.00509128,-0.11544,0.27316,-0.640694,-0.635433,-0.657112,-0.190785,-0.590626,0.393712,0.395907,-0.00924665,0.281572,-0.137828,0.378768,-0.820376,-0.238312,-0.570346,-0.596007,0.0292868,-0.0659633,0.354549,0.127853,0.613866,-0.325004,-0.275266,-0.347345,0.732807,1.08124,-0.863289,-0.308448,0.560465,0.0391999,0.37517,-0.652789,-0.00982681,0.38,0.619504,0.174168,0.198025,-0.97389,-0.1285,0.588627,0.844529,0.395006,0.475244,1.37061,0.433758,0.0457453,-0.0573159,0.432739,0.318569,0.875979,0.767032,-0.131496,0.487938,-0.182343,-0.209399,-0.333046,1.02754,-0.479691,1.4494,-0.0687073,0.240111,0.492063,0.188303,0.00739223,-0.00822121,0.450675,0.0605884,-0.531528,-0.150076,-0.15206,0.386839,-0.817218,-0.286104,0.14775,-0.0577613,-0.0678337,-0.6973,-0.18013,0.424223,0.36736,-0.235864,-0.766818,0.320268,-0.0121892,0.31547,-0.567859,-0.27505,0.448888,0.0255929,-0.92989,0.683918,0.175935,-0.453363,0.136533,0.576589,-0.263418,-0.021311,0.194036,-0.0972515,-0.603606,0.250958,-0.338936,-0.00900354,-0.444191,0.458088,0.462797,0.369818,-0.403744,-0.271453,-0.680255,-0.510744,0.0472904,0.104376,-0.312059,0.430851,-0.379453,0.581197,-0.19387,0.0387507,-0.75033,-0.268131,0.020675,0.577726,-0.580331,-0.0895529,-0.556565,-0.127039,-0.173895,0.0651173,0.78046,-0.0619636,0.443252,-0.524096,0.166021,0.237551,0.52596,-0.199548,-0.335815,-0.123059,-0.628025,-0.838621,0.00332537,-0.0115008,-0.0700882,0.751558,0.39709,-0.221706,0.262086,0.412285,0.455365,-0.544035,-0.915014,0.0514873,0.522157,-0.491261,-0.416193,0.409363,-0.130935,0.421891,-0.230909,0.233338,0.0655866,-0.184617,-0.243196,-0.555255,-0.150436,-0.674288,-0.384764,-0.206717,-0.279408,-0.0988213,-0.705174,-0.658888,-0.430454,0.186389,-0.807459,-0.156827,-0.719452,0.662419,-0.341818,0.190189,-0.621891,-0.595427,-0.619811,0.158404,-0.129507,0.143015,0.724006,-0.11361,-0.417119,0.208257,-0.494165,-0.312719,-0.296574,-0.130731,-0.477342,0.7374,-0.211269,-0.609068,-1.42057,0.856979,0.344628,0.192061,0.396696,-0.667679,-0.191488,0.255014,-0.499032,0.265868,-0.192527,0.0947086,-0.575405,0.32726,-0.965344,0.107195,-0.125544,1.03674,0.4864,0.406963,0.134605,0.0964634,0.335267,1.60697,0.160342,-0.963467,0.380663,0.115939,-0.0223612,-0.663617,-0.22963,1.47434,0.121807,-0.947017,-0.655613,-0.12029,0.325769,0.0568879,0.498395,-0.00425583,-0.190168,-0.652247,0.41294,-0.705302,-0.10555,-0.181499,-0.500792,-0.221068,-1.0034,-0.017963,-0.145807,0.529871,0.0415339,-0.020148,-0.262355,0.447738,-0.139234,0.65335,-0.0806569,-0.334505,-0.174623,0.132183,-0.0482744,0.404398,-0.887285,-0.265937,-0.369005,-0.597721,0.093421,-0.0318558,-0.0839816,-0.246071,-0.57784,-0.12524,0.583871,-0.317246,0.14665,-0.874396,0.298595,-0.241136,0.134248,-0.375954,0.184055,0.607185,-0.333832,0.564832,-1.05137,-0.406291,-0.968278,-0.211824,-0.819368,0.335199,-1.08885,0.702667,0.909977,0.321388,0.173035,0.121241,-0.33272,0.357079,-0.131181,-0.393131,-0.135073,0.984702,0.465234,1.15375,-0.114963,-0.642443,-0.690331,-0.189341,-0.253233,-0.583287,-1.16132,-0.163315,0.256154,-0.98269,0.193659,-0.11808,0.18161,-0.93072,-0.56156,0.0566354,-0.473862,0.0847145,0.0640103,0.578946,-0.919833,-0.399754,-0.142098,-0.0101657,0.660854,-0.255624,0.622546,-0.233204,0.0707036,-1.33707,0.181647,0.791464,0.14819,-0.27079,-0.27047,-0.0324985,-1.19403,-0.190097,0.0101267,-0.143878,0.339017,-0.162707,0.155796,-0.290757,-0.413033,-0.498655,-0.549535,0.0827944,-0.421783,-0.000317425,-0.128483,-0.657495,0.535539,-0.48665,-0.155647,-0.624227,0.325955,-1.05705,-0.374761,0.0678435,0.433884,0.0452228,0.0794057,0.128382,-0.0696589,1.02953,-0.021826,0.321746,-0.609712,-0.456829,-0.624919,0.337164,0.390589,0.669692,0.24572,0.41595,0.322343,-0.0631274,-1.23758,-0.145544,0.551257,0.55621,0.529551,0.250941,-0.323021,0.456414,0.161945,-0.322612,-0.260893,-0.314979,0.0566178,0.216166,0.308738,-0.0660657,-0.105062,0.0833863,0.39798,0.139352,-0.53092,-0.250164,0.000464827,-0.311359,0.216344,0.348435,-0.235798,-0.539744,0.489433,-0.10605,0.660758,-0.641767,-0.381429,-0.46174,0.709398,-0.68134,0.401473,0.372147,0.226449,0.185382,0.238339,0.29039,-0.265235,0.344828,0.545033,1.16427,-0.0362819,0.0183491,-0.0180885,0.415241,-0.155043,-0.312595,1.24098,-0.205339,0.0570602,0.69128,0.0853533,-0.535655,0.444053,-0.566305,0.405693,0.255495,-0.116871,-0.5851,-0.670579,-0.00184529,0.210925,-0.699238,-0.168678,0.286619,0.0328555,-0.193455,0.607157,0.272212,-0.517109,0.252795,0.20553,0.0150502,0.1304,0.287267,0.451738,-0.96095,0.481406,1.19337,0.269333,-0.0597907,-0.855749,0.17884,0.0107726,-0.626918,0.0372294,0.266506,-1.06982,0.239486,0.69655,0.316761,-2.18902,1.11349,-0.10166,0.800355,-0.365945,0.172664,-0.367409,-0.422175,0.373616,-0.465327,-0.163333,0.685159,-1.27485,0.0131704,0.284277,0.106005,-1.55367,0.477023,1.01039,0.406864,0.0447846,0.104224,-0.312663,-0.669953,-0.336655,0.140977,0.170963,-0.663773,-0.256107,0.279367,-0.890617,-0.11752,-0.291522,-0.0827693,-0.138709,-0.269797,0.773498,-0.599642,-0.609622,-0.403168,-0.0766982,0.068733,-0.808724,-0.345779,-0.47257,0.790161,1.23064,-0.206025,0.697256,-0.17722,-0.592393,0.632232,-0.15919,0.18695,-0.132782,-0.170742,-0.013278,-0.822475,-0.0882677,0.256053,-1.13378,-0.314868,0.0807977,0.847023,0.380469,0.579193,-0.416478,0.157601,0.0243907,-0.299506,0.729629,0.258535,-0.831948,0.151186,0.706754,-0.0752067,-0.279434,0.518806,0.177623,-0.155647,1.34543,0.843544,-0.426538,-0.141871,-0.47984,-0.319802,0.204763,0.0962928,-1.21556,-0.17511,0.666813,0.479589,-0.402044,0.379915,0.377215,0.472916,-0.601365,0.260532,-1.22042,0.177396,0.526957,-0.361619,0.257824,-0.110506,-0.270619,0.435769,0.39693,-0.562374,0.417963,0.203241,0.700186,-0.0293208,-1.24076,-0.405318,-0.332494,0.491981,-0.441498,-1.02524,0.235633,0.237174,-0.00386029,-0.737513,-0.301797,0.0862233,-0.693147,0.264142,-0.018157,0.242901,-0.188829,-0.630222,0.065038,-0.238348,0.548579,-0.0187065,-0.00287903,-0.267662,-0.360006,0.00829451,-0.403896,0.347113,-0.629747,-0.785461,-0.489975,-0.302329,0.268127,-0.186439,-0.0365871,0.545478,-0.699502,0.0384389,0.368535,-0.686037,0.859446,0.181946,-0.17791,0.097447,-0.0132763,0.726233,-0.521548,-1.15321,0.314742,0.321976,0.127898,-0.310542,0.022934,0.405363,0.214514,-0.518609,0.389134,0.214832,-0.0519692,-0.186581,0.466385,1.00527,1.00182,-0.195397,0.0667341,0.361058,-0.229479,-0.483569,1.09232,0.111439,0.28995,-0.313893,-0.0613062,-0.575894,-0.00621828,0.422749,-0.426561,0.707001,0.162365,-0.538508,-0.32898,0.0729959,0.513974,0.0365689,0.272307,-0.129388,-0.541954,0.921932,0.604183,0.16897,-0.0159235,0.299053,0.0235613,-0.219982,-0.093296,0.0272385,-1.07887,-0.966338,-0.200004,0.497303,0.304869,-0.346157,0.196425,-0.475315,-0.551928,1.04318,0.301798,0.359197,-0.268449,-0.35588,-0.260413,0.0442609,0.217858,-0.280043,0.824909,-0.636158,1.20559,0.457398,-0.715612,-0.0257175,0.452807,0.252683,-0.464006,0.168927,-1.01712,0.188443,-0.0899264,0.311205,-0.814362,0.755357,-0.636745,-0.183935,-0.85719,-0.47211,-0.519815,0.556283,-0.568278,0.280387,0.229557,0.166532,-0.25403,-0.125638,-0.142458,0.289687,-0.547724,-0.336104,0.366428,0.172132,0.200839,-0.0375793,-0.0126165,0.121634,-0.0912906,0.688357,-1.0302,0.569203,-0.0569976,0.259522,0.209806,0.830919,0.347736,0.144838,-0.222555,-0.478147,0.143877,-0.627597,0.674528,0.284344,0.593673,-0.633893,0.766246,0.198068,-0.315758,0.188425,0.328254,0.723924,-0.155719,-0.525613,0.301445,0.184195,-0.292315,-0.577828,0.5654,0.130766,0.348697,0.100415,-0.455051,-0.0879126,0.209785,-0.318945,-0.238336,0.767683,-0.2812,-0.342014,-0.272107,0.121485,0.310941,0.466866,-1.33667,-0.281181,-0.549761,0.673883,0.907235,1.67002,-0.720045,-0.408309,-0.623788,0.366597,0.168166,0.0437593,0.140205,-0.496643,0.316183,0.0847087,0.893576,0.744966,0.666133,0.202978,0.205629,-0.00627354,0.0178596,0.224603,-0.388146,-0.136468,0.468366,0.157928,-0.329301,0.923239,-0.210486,0.734278,0.29684,-0.376902,0.335414,-0.430514,0.432188,-0.148777,0.141141,0.0951002,-0.290893,0.262801,0.0144828,-0.360427,-0.123258,0.6701,-0.253579,-0.206624,0.488765,0.167188,0.0227098,0.224539,0.170153,0.276937,0.851422,-0.438529,-0.188945,0.604862,-0.322336,-0.773824,0.119547,0.104322,-0.691729,0.760275,0.790825,-0.604342,0.178136,-0.304919,-0.588978,-0.547548,-0.284572,0.432261,0.00532122,0.243063,0.388705,-0.336521,-1.04678,0.064914,-0.927622,-0.40917,0.104997,-0.798088,0.250366,0.496046,0.175753,0.764797,0.012663,0.328194,-0.310474,0.685756,0.276109,-0.314487,0.194174,0.601645,0.798472,1.35487,-0.937876,0.123915,0.199689,-0.560871,-0.0547485,0.102566,0.257522,-0.349317,0.324845,0.140947,-0.253354,0.0117832,0.131364,-0.896792,0.395616,0.613247,-0.126513,-0.141362,-0.533925,-0.534446,-0.125768,-0.0239818,0.114131,1.04858,0.602703,0.0888758,-0.760822,0.602659,0.258394,0.125874,0.735925,-0.38591,-0.0877338,0.148457,-0.683439,-0.35277,-0.557744,0.150768,-0.313594,-0.623299,-0.445904,1.09995,-0.846055,1.48008,0.362469,-0.00968253,0.159641,0.00373927,0.116124,-0.24543,0.614849,0.353801,-0.787176,0.386014,-0.455824,0.282588,-0.993142,-0.0870609,0.307824,0.771862,0.0165224,0.0918801,0.749719,-0.0867658,-0.41164,-0.855314,0.20595,-0.72739,-0.779951,-0.172127,-0.288879,0.687299,0.130917,0.344934,0.555265,-0.0277764,0.378378,0.004705,-0.10111,-0.012818,-0.422462,-0.0721383,0.514979,0.65543,1.0068,0.0980015,0.00262433,-0.338002,-0.349086,-0.396488,-0.34359,0.256063,0.881444,0.524969,0.542698,0.376965,-0.331233,0.213905,-0.334082,-0.670584,0.0214561,-0.361752,-0.362342,-0.621143,-0.476999,0.676852,-0.365107,-0.0396959,0.711517,-0.0249638,-0.158637,-1.17068,-0.418129,-0.386476,0.38109,0.385734,0.663763,-0.176695,0.369542,-0.686262,0.338042,0.17524,-0.459591,-0.162887,0.690221,-0.577448,1.08596,-0.345728,0.221267,0.718325,-0.161122,0.0123333,0.347695,-0.236736,-0.422447,0.434348,-0.822278,-0.467632,-0.225845,-0.593414,-0.120391,0.402772,-0.797993,-0.826407,0.0476162,0.855824,0.184157,-0.469074,0.13997,-0.333313,0.303417,0.17513,0.161799,0.109323,-0.278213,0.224573,0.09813,-0.1987,0.177703,0.0746316,0.576418,-0.276,-0.39213,-0.310234,0.354674,0.674429,-0.463429,0.584929,0.534398,0.242898,-0.862789,-0.286313,-0.0947343,-0.366452,0.0035622,-0.0316702,-1.10636,-0.911883,-0.252069,0.225656,-0.679627,-0.133673,-0.497879,0.2678,-0.486264,0.247332,0.317261,-0.264467,0.921972,0.753587,-1.018,0.435189,-0.166014,-0.0571313,0.57377,-0.410476,-0.103663,0.496734,-0.0151539,-0.683712,-0.114328,-0.0268963,0.767948,0.708405,-0.407092,-1.06823,-0.766911,-0.496244,-0.489606,0.0449218,-0.34469,-0.482201,0.640654,-0.308888,-0.887031,-0.115539,0.449041,0.0526069,0.0162016,-0.525317,-0.189207,1.5212,0.248937,-0.096437,-0.51807,0.570285,-0.379915,-0.110973,0.0656497,-0.0251871,0.0518066,0.0474405,0.812909,0.385676,-0.13291,-0.418279,0.741537,-0.307963,-0.177242,0.333453,0.134042,0.0970392,-0.132443,-0.207379,0.328109,-0.48432,0.0511848,-0.30243,0.245656,0.856893,-1.35896,0.66724,-0.210041,-0.650126,0.349532,-0.60942,0.454599,0.00772064,0.521345,-0.385516,0.207964,-0.515921,0.651596,-0.0476919,0.229089,-0.2621,0.368374,1.01333,-0.0423493,0.0927438,-0.313844,-0.479542,0.370335,-0.248757,-0.00886966,-0.188178,0.126439,0.0894343,0.67218,0.16026,0.714921,-0.328444,0.483886,0.0575257,-0.00574484,0.0289726,0.0592016,-0.00480651,-0.169143,-0.672701,0.666694,0.250494,0.030885,-0.697115,-0.222115,0.00953261,-0.0793829,0.30406,0.506348,-0.0859053,-0.138569,-0.184013,0.338566,0.494732,-0.357722,-0.258149,-0.0746301,0.0656221,0.377645,-0.45295,0.15507,-0.132909,-0.130923,0.377467,1.04914,0.0514972,0.500211,0.0323484,0.899852,-0.0829704,-0.101658,-0.522289,0.293894,0.256489,0.209308,1.05763,0.248054,0.494521,0.642378,-0.818981,0.0781743,0.519524,-0.348084,0.111532,-0.693671,-0.516203,0.684882,-0.510155,0.645885,-0.860312,-0.746615,-0.432815,0.479799,0.411822,0.160563,-0.0411261,0.0595746,0.76678,0.958968,-0.40505,0.148931,0.235917,-0.484758,0.3359,-0.0960634,-0.256234,0.00802529,0.342835,0.221922,-0.319662,0.234278,-0.275993,0.103542,-0.157984,-0.808707,0.363528,0.505103,0.599075,0.128268,-0.183839,-0.558399,-0.461384,-0.121226,0.0264233,-0.341815,0.675306,-0.121493,0.275861,-0.306765,-0.0638591,0.47211,-0.151043,0.476186,-0.29101,0.993162,0.279835,0.710222,-0.611407,0.83487,-0.0102891,0.243397,0.00613693,-0.83404,0.389369,-1.45025,-0.245714,-0.910323,-0.864752,-0.0775418,0.457534,-0.39333,-0.477295,0.200589,-0.14082,-0.109575,0.330515,-0.957765,-0.189439,-0.482755,1.65176,0.0156095,-1.27453,-0.252118,0.41515,-0.00838597,0.649441,0.148261,0.790479,-0.216023,0.791246,-0.235537,0.347491,-0.00163695,-0.29149,-0.218124,-0.0800106,0.221931,-0.418475,-0.736097,-0.651587,0.708249,-0.56019,-0.273547,-0.243652,0.833516,0.00743911,0.46236,-0.484867,-0.331911,0.154312,-0.315222,0.124305,-0.10815,0.848143,-0.202231,-0.0602017,0.242035,1.22506,0.134892,-0.530771,-0.0323216,-0.556039,-0.345171,-0.177627,-0.413434,-0.0950204,0.370112,1.0245,-0.217269,0.0911435,-0.228967,0.219441,-0.39686,-0.246644,-0.139756,0.182096,-0.480222,-0.513456,0.248182,0.584959,0.536616,-0.0181151,0.317614,0.174507,-0.917113,-0.278849,-0.184183,-0.1892,-0.0771351,-0.253898,0.561006,1.09429,-0.861674,1.09894,1.21612,-1.09842,-0.61286,0.198034,0.0849797,0.308419,-0.545777,-0.148662,-0.953531,-0.495113,-0.133388,1.57057,0.174619,0.208772,0.699358,0.197194,-1.12675,-1.08912,0.254671,0.17349,-0.0545654,-0.00080502,-0.0215791,0.390013,0.111799,-0.190659,-0.0497678,0.199626,-1.08988,-0.383246,0.226139,0.922351,0.681925,0.356741,-0.0631286,-0.145413,0.019245,0.28079,0.0860648,-0.341093,0.0699274,-0.0363879,0.838695,0.214949,0.0447531,0.568236,-0.0807301,-1.11045,0.205436,-1.11083,1.01493,0.180436,-0.273949,-0.310114,0.214505,0.916026,-0.712939,-0.0899899,-0.188306,0.76083,-0.833656,-0.634495,-0.485335,0.116962,0.23904,-0.480099,0.432306,0.438696,0.180952,1.44663,-0.151364,0.749339,0.617737,0.705645,-0.635272,-0.162814,0.521633,0.557859,-0.136179,0.0337251,0.390251,-0.214741,-0.0152201,0.344871,0.694412,0.146514,1.11889,-0.715014,0.47012,0.337257,-0.526854,0.392445,0.18362,-0.3498,0.436901,0.793174,-0.405614,0.595704,0.354695,-0.472543,0.0635028,-0.928137,0.905429,-0.397204,-0.243577,0.102028,-0.294109,0.121808,0.656897,-0.262035,0.992204,-0.279491,0.0251664,-0.0244674,0.0867073,-0.361125,0.160666,-0.0951146,0.655467,0.5427,-0.930102,0.100459,0.255624,-0.679828,-0.0283385,-0.829126,-0.150246,-0.646338,0.00362049,0.218967,0.108062,-0.139997,0.10501,1.27684,0.737966,-0.117178,0.348489,-0.264939,0.222427,-0.947019,0.27171,-0.763128,-0.170774,0.671044,0.193195,0.386213,0.378425,-0.0990094,0.188732,0.193847,0.464247,0.395298,-0.459149,-0.759375,-0.0565233,0.391683,-0.35558,-0.619641,-0.0051479,0.960476,-0.772066,-0.474684,0.231108,-1.1855,-0.325342,-0.281161,-0.392752,-0.287535,1.14538,-0.760732,-0.752058,-0.537756,-0.139892,-0.258494,0.249473,0.0814804,-0.223208,0.424847,0.0402157,0.156369,-0.952851,0.100257,0.751715,-0.356779,0.311722,-0.359495,-0.275412,-0.188012,0.0642025,-0.569497,-0.629345,0.203465,0.509119,0.364079,-0.307451,-1.05396,-0.662956,-0.322833,-0.0835545,0.131094,0.182297,-0.542071,-0.0823543,-0.983835,-0.491361,0.111705,0.756661,0.0598292,0.344892,0.191002,0.539768,0.0389794,-0.463292,-0.566246,0.304505,0.0447381,0.482532,0.616428,-0.456339,0.824143,-0.390228,-0.439961,0.520406,0.120216,0.667445,1.28476,-0.271995,0.0886752,0.588815,0.186859,0.351662,-0.510824,-0.433847,-0.058231,-0.42813,-0.348148,0.0105217,-0.305656,0.153185,0.177566,-1.43457,-0.345846,0.458434,-0.242884,0.340543,1.45405,0.519647,-0.681118,0.376149,0.37519,-0.0899604,-0.376449,0.0295888,-0.265333,-0.00202801,-0.035972,-0.563782,0.812185,-0.242506,0.16197,-1.08427,0.0769272,-0.182078,0.0723571,0.913545,0.0684827,-0.564372,-0.37512,0.370079,0.288643,-0.59211,-0.27951,-0.342984,0.0602582,-0.456638,-0.583952,-0.181642,-0.276559,-0.108876,-0.0252727,-1.02706,-0.156047,0.402128,0.738493,0.627612,-0.593171,-0.1176,1.05386,0.643457,0.841519,0.616265,0.317057,0.27821,0.119753,-0.0246268,0.0824205,0.342455,-0.273949,0.266095,-0.334115,0.675078,0.861052,-0.0287218,-0.40813,0.0930449,0.447588,0.107544,0.0481532,-0.493813,-0.344092,0.101575,1.0061,-1.31686,0.564794,-1.00153,0.272511,0.0333784,0.188149,-0.885682,-0.415573,0.918243,0.0512834,0.51338,0.474657,0.457245,1.81218,-0.303239,0.282697,-0.182584,-0.00559647,1.26937,0.417517,-0.243122,0.0217451,0.774681,0.415561,0.685673,0.0708509,0.257707,0.252941,-0.0870686,-0.309612,-0.0228089,0.356256,-0.132029,0.0603514,-0.128531,-0.113731,0.32184,-0.279904,0.69687,0.510648,0.725592,-0.322189,0.87221,0.376888,0.15372,-0.6971,0.039296,-0.247513,0.477681,-0.165022,-0.365654,0.606396,-0.602764,0.920956,0.590891,-0.507928,-0.123114,0.0976388,0.152888,0.405734,0.220463,-0.216104,0.671225,-0.650881,-0.507289,0.239305,0.0216712,0.0268389,0.0432963,0.0390755,-0.112517,0.515786,-0.213538,0.00191086,-0.388958,-0.362285,0.206594,0.475364,-0.156219,-1.25094,-0.183621,-0.962498,0.524202,0.388226,0.0734587,-0.372521,-0.894093,0.318955,0.708827,-0.231653,-0.0486285,-0.332826,0.56376,0.316175,1.21085,0.332859,-0.655154,-0.474079,-0.105489,-0.168932,0.169907,-0.0487513,0.391086,-0.0152962,-0.436942,-0.485571,0.626166,0.0371223,0.192148,1.05887,-0.500016,-0.274894,0.258763,-0.104149,0.275654,-0.0821286,-0.200289,0.623824,0.484939,-0.156827,0.632203,0.169572,-0.359687,0.741406,-0.053688,-0.545305,-0.0587126,0.877115,-0.0102561,0.909891,0.0382809,0.883611,-0.561259,0.165579,0.396677,-0.615466,0.16329,-0.190941,0.352831,0.330188,-0.232423,0.724174,-0.238908,0.335763,-0.619577,0.296388,0.786999,-0.533944,-0.35729,-0.368963,-1.01299,-0.240251,-0.18958,-0.334159,-0.132775,0.868354,-0.385169,0.314355,-0.488542,-0.244513,0.099349,-0.030032,-0.186578,0.651871,0.566515,-0.420003,0.168511,-0.0573837,0.692853,0.0935543,-0.0615927,0.145789,0.541127,-0.924412,-0.0617464,0.614178,0.0552584,-0.623723,0.675099,0.0278497,0.0800084,0.246868,0.283634,-0.379137,-0.354693,-0.0504507,-0.678748,0.428297,-0.801811,-0.288152,-1.22319,-0.551785,1.12508,0.799537,-0.229587,0.521435,0.390525,-0.523701,-0.138305,-0.398521,0.289882,-1.15423,0.544051,-0.643893,-0.353148,-0.156202,-0.0114848,-0.0738151,0.754049,0.528947,0.230458,-0.0708754,-0.0292218,0.73406,0.58169,0.508314,-0.651287,1.3034,-0.240402,-0.735521,1.25185,0.486065,-0.698219,0.233213,-1.24344,-0.376702,1.41258,-0.147766,0.806832,-0.463591,0.201852,-0.0209324,0.424434,-0.25012,1.28168,-0.319969,0.0797417,-0.197476,-0.422803,0.555462,1.01984,0.0110766,-0.484964,-0.0531956,-0.452837,0.275152,-0.0510204,-0.181895,-0.063491,-0.0126358,0.156969,-0.381822,-0.512143,-0.0818591,1.18012,-0.133161,0.669298,0.136103,-0.316956,-1.02708,0.00864097,0.745539,-0.014985,-0.0664096,-0.554396,0.185085,0.00888544,-0.229166,-0.0643938,0.264474,0.0942214,0.363237,-0.0570343,0.196578,-0.327722,0.239745,0.12,0.339944,-0.229168,-0.285128,-0.278567,-1.48849,0.0448934,-1.43169,-0.386673,-0.164119,0.107556,0.768367,-0.228717,-0.145198,0.785056,0.637643,-0.619276,-0.166199,0.630443,0.222187,-0.109389,0.529288,-0.647556,-0.287188,1.04628,-0.163129,-0.0728822,-0.0757599,-0.10532,0.305531,-0.0784511,0.785522,0.0381233,-0.150847,-0.427543,-0.420196,0.254688,-0.0295725,-1.0183,1.03148,0.595168,-0.269299,0.48008,-0.409607,0.233824,-0.0570252,0.856637,0.135384,0.0513929,0.158282,0.144267,-0.839726,-0.779866,0.0521592,0.432487,-0.394231,0.278239,-0.312479,0.587574,-0.464644,-0.238815,-0.108983,-0.236951,-0.925149,-1.08001,0.0962351,0.266596,0.803773,-0.240935,0.187058,0.0953118,0.308747,0.235651,0.460936,0.460071,0.356512,-0.756718,-0.742489,0.779774,-0.420604,0.439753,-0.530628,-0.121009,0.658604,-1.08942,-0.348466,0.650708,1.0472,-0.832174,1.89673,0.621373,-0.486366,1.03095,-0.510135,-0.1124,0.263955,0.80916,-0.289997,1.44748,0.694149,0.537803,-0.266081,-0.0976525,0.0223249,0.351375,-0.264666,0.20027,-0.385821,0.354641,0.113263,0.733048,-0.596642,-0.176349,0.522049,-1.01284,0.857122,0.302491,1.04518,-0.788485,-0.0386175,0.387068,0.692936,0.706983,0.133067,-0.614724,0.364848,-0.122322,-0.592522,0.554093,-0.19644,0.577054,-2.20161,-0.370763,-1.36404,-0.20426,0.118697,-0.267387,-0.169757,-0.079913,-0.516303,-0.660649,0.203062,0.170944,-0.880032,-0.151726,-0.0752423,-0.677071,0.843844,0.992053,0.696317,0.0406656,-1.15808,0.070659,0.251704,-0.258797,-0.267686,0.517237,0.888055,0.200131,0.353563,-0.324396,-0.800454,-0.195255,-0.0796402,0.846882,-0.925242,0.300045,-0.0645954,0.386524,0.377199,-0.101143,-0.547474,0.284709,0.536431,0.216145,0.316291,-0.67831,-0.420142,0.243357,-0.304676,-0.543742,0.410741,-0.158125,-0.387487,0.0369583,-1.01243,-0.484104,0.741338,0.540181,-0.0496341,-0.754506,1.25033,-0.683675,0.871475,-1.0395,0.0592285,-0.471452,0.122321,0.363666,0.601071,-0.191986,-0.0822679,-0.00735585,0.153534,-0.401813,0.351555,-0.593174,-0.041776,-0.560757,0.358778,0.448114,0.479054,-0.184042,-0.0167371,0.474558,-0.893946,-0.390636,-0.856559,0.474743,-1.01793,-0.466788,1.29645,-0.230634,-0.780404,-0.715185,-1.02342,0.929742,-0.31003,-0.818812,-0.305097,-0.59285,-0.234927,-0.00343284,0.148488,0.269676,0.927685,1.11708,0.219631,0.255371,-0.683347,0.472341,0.44175,-0.893854,0.20413,-0.782027,0.141036,-0.653899,0.0112589,0.58654,0.940277,-0.475289,-0.66325,0.114954,0.206763,-0.358615,-0.175377,-0.716843,-0.69125,0.157092,0.499079,1.23927,0.162771,0.54683,-0.132147,-0.118536,0.044478,0.706107,-0.39765,-0.676947,1.19487,-0.133766,-0.151092,-0.126092,0.229907,0.0633909,0.0373184,0.217702,0.0883537,-0.310134,1.06236,-0.729955,-0.586781,0.0632189,0.713998,0.324421,-0.985415,1.09566,0.201618,0.0811834,0.616287,-0.839582,-0.131305,0.879061,-0.602745,-0.298153,-1.06297,-0.34934,-0.415157,0.0421114,0.192782,0.641428,0.376296,-0.405534,0.723424,0.662706,0.38389,-0.139758,0.0519375,-0.377285,-0.223972,1.01676,0.161578,0.641139,-0.476039,-0.127447,-0.158541,1.24087,-0.36377,-0.262692,0.144496,0.718212,-0.913706,0.531262,-0.610591,0.623169,0.40486,-0.289652,0.45278,0.640257,0.846113,-0.138525,-0.132099,-1.27354,0.769732,0.605388,-0.556126,0.542674,0.185622,-0.640245,-0.712627,0.490746,-0.743926,-0.0287843,0.262036,0.688773,-0.249556,0.10389,0.0162404,0.657642,0.717981,-0.14378,0.540089,-0.273496,-0.742345,0.241525,0.713266,0.218177,0.875146,0.202983,0.577799,1.24278,-0.0301875,-0.515247,0.115046,0.0991899,0.550929,0.131235,-0.253613,-0.0196621,0.231869,1.24191,0.0286633,-0.472876,-0.260277,0.350478,-0.793339,-1.16158,0.289101,-0.0389592,0.113409,-0.681506,-0.970763,-0.136355,0.190182,0.130868,0.787371,-0.350723,-0.603683,-0.593295,0.320397,0.640705,-0.197801,-0.0303418,1.50278,-0.326231,-0.0562927,0.0168215,0.148895,0.521833,0.269875,-0.411566,0.972577,-0.483196,0.386796,-0.223778,0.727326,-1.26561,-0.0633299,0.989132,0.125051,0.248038,1.55475,0.22254,0.735936,-0.165183,1.1269,1.46533,-0.177074,-0.406755,-0.564186,-0.0856236,0.0817853,-0.103179,0.344443,1.09322,0.10186,0.592841,-0.0555517,0.448387,-0.241081,0.229574,-0.407985,0.243363,-0.43002,0.546399,0.213642,0.431025,0.695727,0.139095,-0.184099,0.625892,0.623451,1.18117,0.184698,0.456752,-0.323616,-0.46003,0.233912,-0.862297,-0.0293397,-0.62874,-0.222742,1.82615,-0.228135,0.393922,-0.215399,0.631083,-0.495527,0.326372,-0.175783,0.026059,-0.44951,0.596585,-0.18374,-0.476929,-0.167565,-0.655736,0.185675,-0.274278,0.625343,0.569636,-0.0653187,0.961315,-0.7992,0.261615,-0.51576,-0.589317,0.52651,0.431111,0.0039086,-0.325658,-0.801143,-0.0526727,-0.426952,-0.916945,0.148479,0.0706526,-1.02173,-0.368484,-0.248421,0.573689,-0.270886,-0.524725,-0.878597,-0.792632,0.0435685,-0.66844,-0.223505,-0.188489,-0.0184235,-0.548953,0.398076,-0.135556,0.318097,0.200915,-1.12465,0.71647,0.0432566,0.637546,0.552458,-0.089472,0.436711,0.152448,-0.718064,0.159325,-0.339248,0.612086,-0.062584,-0.160261,0.374008,1.14692,0.443322,0.876145,0.123705,0.796877,0.0681175,0.804563,0.543943,0.591855,-0.106676,-0.0681066,-0.194329,0.798588,0.512074,-0.977501,0.0692162,-0.201134,-0.141016,0.80936,0.315673,0.706279,1.04106,-0.141209,0.729228,-0.121754,1.25583,-0.450361,-0.13187,-0.304588,0.220586,-0.381769,0.8676,0.0773451,0.00521197,0.596464,-0.496076,0.805004,-0.960247,0.163844,0.436074,-0.504032,-0.0533141,-0.391397,0.175097,0.35069,-0.354991,-0.21371,0.787125,-1.36304,-0.65946,0.437979,0.37381,-0.69551,0.210921,0.644276,-0.369771,-0.972128,0.817582,0.285322,-0.170787,-0.0618578,-0.363639,-0.873887,-0.786432,-0.281929,-0.0174545,0.276093,0.288775,-0.294125,0.345491,-0.0200533,-0.35113,-0.348489,-0.637832,-0.578212,0.136094,0.47525,-0.794599,-0.128286,0.889861,0.405389,1.02765,-0.120348,1.19411,0.340793,-0.108742,1.13954,0.75335,-0.369646,0.147897,0.178804,0.305651,0.0601856,-0.117614,0.700011,-0.0722904,-0.768458,-0.143032,-1.97464,-0.626519,-0.448818,-0.289635,-0.776192,0.457635,-0.100907,-0.0133857,-0.638023,0.194259,-0.0666544,0.330757,-0.310907,-0.78528,-0.0993532,-0.206806,-0.121601,-0.78153,-0.296534,-0.0130425,0.0635299,0.692258,0.358502,-0.372729,-0.0496468,0.431019,0.21338,0.379952,0.550329,-1.2336,0.394187,0.36702,-0.244511,-0.264524,0.207095,0.346016,0.253946,0.53658,-0.624782,-0.362549,0.975623,-0.103812,0.016703,-0.070777,0.673419,0.192341,-0.0262244,-0.432315,0.15819,0.259177,0.305034,0.36996,-0.688791,0.522732,0.476305,-0.482514,0.613983,-0.923138,-0.413408,0.0770184,-0.498886,-0.875298,0.352557,-0.890226,0.458295,0.626609,-0.0921622,-0.7364,-0.72556,0.638409,0.0940609,-0.458451,1.46264,0.584676,-1.43442,0.864473,-0.960559,1.55335,0.181995,0.30321,-0.314929,0.355864,0.16281,-0.254473,0.380016,-1.57133,0.196063,0.0312706,-0.0282268,0.175024,-0.546568,-0.140726,0.463156,0.38597,-0.523151,-0.0480943,0.0568209,-0.947003,-0.035651,0.0481267,-0.83795,0.129713,-0.0864561,0.183867,0.252187,0.360165,0.828728,-0.367272,-0.752644,-0.169913,0.0478596,-0.93594,0.0732126,1.46233,0.173168,-0.690685,-0.292106,0.111452,-1.09009,0.0149468,-0.537845,-0.179882,-0.0280469,0.595596,-0.314494,-0.493316,-0.362357,0.360221,-0.189858,-0.601183,0.976947,0.103501,-0.617072,0.252631,0.363908,-1.29624,-0.283899,-0.351866,0.171035,0.849706,-0.457516,0.0822844,-0.531907,0.00206354,0.982171,-0.694686,-0.281556,-0.0289932,0.685921,0.38121,0.305361,0.251247,0.484028,0.868517,0.50945,1.24674,-0.762213,-0.0888601,-0.27892,0.454917,0.559474,-0.793508,-0.254107,-0.356314,0.456284,-0.0481737,0.404067,-0.303611,0.166644,0.114541,0.110743,-0.43539,0.17558,-0.511457,0.327801,-0.516977,-0.711863,0.822338,-0.761258,0.00117036,-0.278294,-0.0449192,0.150676,-0.0946615,-0.245023,0.407596,-0.465777,-0.21424,0.209117,-0.939362,0.750116,0.243223,-0.622377,0.506378,0.82271,-0.264542,0.0577473,-0.0149059,0.847778,-0.25675,0.0530702,0.505192,-0.146909,0.507706,-0.313842,0.618498,0.43677,0.825626,-1.56285,-0.0484336,-0.631603,-0.364152,-0.496531,-0.801567,-0.200629,-1.12047,-0.561286,0.273105,1.08444,0.0220272,-0.592108,0.542932,-0.0845904,0.582227,-1.57864,0.198553,1.09528,0.627859,-0.510836,-0.941402,-0.204625,0.121046,0.545222,-0.211062,0.296422,-0.223773,-0.239027,0.936161,-0.487957,0.0825425,-0.445791,-0.298025,0.109419,0.693597,0.00365198,-0.571742,0.156201,0.12443,0.375947,-0.578858,0.291202,-0.311942,-0.0357746,-0.258856,-1.55496,0.305108,-0.784449,0.0457463,0.43731,0.295506,-0.365691,0.153167,-0.149199,2.04796,-0.962139,-0.223503,-0.217008,-1.05675,0.710195,1.03285,-0.268113,-0.687572,-0.178308,-0.217037,-0.293306,-0.596869,-0.967037,0.116595,-0.149756,-0.748036,0.640032,0.00345898,0.300367,0.864761,-0.277076,-0.704002,0.755966,0.580007,-0.0489461,0.580349,0.575017,0.630234,-0.552006,-0.693554,0.243888,-0.949876,0.204571,0.685626,-0.807318,-0.714324,0.0532516,-0.217919,-0.648349,0.221837,0.450569,0.229107,-0.396106,-0.268827,-0.0871957,-0.00927025,0.133676,0.866031,-0.287017,0.199074,0.166115,-1.22341,0.0916137,-0.659844,-0.38275,-0.73662,0.258236,-0.455767,-0.154043,0.0920837,0.130751,-0.0442698,0.384999,0.836327,-0.101243,-0.0262748,-0.533219,0.378152,-0.223953,-0.0462598,-0.537022,-0.0619624,-0.540054,-0.591652,-0.0833328,-0.0712551,0.543326,-0.704207,-0.341659,0.615878,1.19558,0.165551,-0.449672,-0.138311,-0.997109,-0.57857,0.595383,1.69791,-0.286946,0.497245,0.543865,-0.0353066,-0.606079,0.3537,0.115089,0.7337,0.26416,0.160288,0.653142,-0.163913,-0.712206,-0.357362,0.052333,0.510194,1.00276,-0.26196,0.346667,-0.814296,-0.715349,0.0345106,-0.300661,0.0521681,0.228924,-0.112663,-0.363334,-0.694212,-0.269206,0.0326097,0.00945097,0.264429,0.352498,0.607564,-0.249504,-0.499562,0.40706,-1.25004,0.385099,0.651131,1.11884,-0.122049,0.20306,-0.809423,-0.885265,-0.489162,1.05369,-0.457249,0.404834,0.0827191,0.395048,-0.561156,0.451354,-0.642153,-0.265378,-0.967244,-0.0601496,-0.613681,0.99638,0.735196,0.438994,-0.646063,-0.106662,-0.358411,-0.264217,-0.355331,-0.101953,-0.957622,-0.265716,0.123485,0.00498181,0.502173,0.0728342,0.355233,-0.375468,-0.437001,0.462707,0.277442,-0.964748,0.850849,-0.0627529,0.911548,-1.22851,0.746938,0.325028,-0.400882,-1.04857,1.15812,0.445508,0.811099,-0.426255,-0.273665,0.237188,0.574358,-0.463263,0.340439,-0.322988,0.259805,0.455613,1.25516,0.318195,0.890408,-0.327886,-0.508595,-0.117394,-0.488184,-0.661416,0.478802,0.276378,0.774062,0.0521778,0.190449,-0.740822,0.248589,-0.707535,0.300237,0.538276,0.637285,0.663367,-0.334995,-0.895846,-0.422995,-0.516646,-0.144767,-0.567842,0.88268,0.247998,0.404539,-0.0081684,-0.0480602,0.231308,-0.159379,0.641922,0.181987,-0.592882,-0.683619,-0.0706516,-0.397052,0.732691,-0.181365,-0.287965,0.0187386,-0.11276,-0.948044,0.957023,-0.428414,-0.892296,-0.357003,0.0386739,-0.11792,-0.50584,0.0441688,-0.197269,0.432927,-0.489989,1.00384,0.323978,0.612186,0.176039,0.515674,-0.265455,0.384735,0.627827,0.149514,-0.217207,0.145598,0.528619,-0.390247,0.820248,0.432487,0.473224,-0.157126,0.815993,-0.24626,-0.561904,-0.0287933,0.824178,0.244013,-1.47773,0.374317,0.823761,-0.823994,-0.144649,0.0666092,-0.270007,0.291031,-0.225699,-0.488933,-0.249536,0.66151,0.4188,0.408664,1.33331,-0.711289,0.504164,0.094515,1.0993,0.738256,-0.167601,-0.431493,-1.09357,-0.169522,0.273747,-0.299912,-0.21948,-0.673275,0.555548,-0.0416069,-0.262299,1.20128,0.435026,0.252712,-0.472652,-0.404413,0.175784,-0.0480843,0.837554,0.4531,0.144113,-0.417492,-0.305832,0.111303,-0.321909,-0.6898,0.377592,-0.015119,-0.580836,-0.275456,0.768353,0.415709,-0.25275,0.0249322,-0.23526,0.155287,0.153503,-0.350546,0.29487,-0.498194,-0.324554,-0.383609,-0.0376519,-0.171343,0.0369458,0.239349,0.311772,0.893881,0.82725,-0.284082,-0.627031,-0.489086,0.351866,0.528064,0.304577,0.00728253,-0.27345,0.169304,-0.18497,0.606034,-0.42597,1.02899,-0.50547,-0.101032,0.418179,-0.493274,0.194613,-1.31166,0.508389,1.05171,0.207801,-0.500086,-1.35309,-0.622643,0.108821,0.0668356,-0.433193,0.0133832,-0.199932,-0.284722,0.0622514,-0.0438307,0.552074,0.0197645,0.475504,-0.397188,-0.648404,-1.30167,0.53076,-0.630567,-0.39375,0.187038,-0.639605,-1.0291,-0.285276,-0.635703,0.867818,-0.916229,-0.0298205,0.00125033,-0.536358,-0.350051,0.788833,0.925318,-0.25907,0.807964,0.150816,-0.424971,-1.15771,-0.0214932,0.381114,-0.840005,0.531083,-0.0216667,0.0225873,-0.27956,0.450834,-0.190606,-0.233149,0.189937,-0.598061,0.909166,0.239235,0.160674,-0.0446359,1.15098,0.324198,0.868277,-0.539662,0.0488426,-0.767465,1.06061,0.274566,0.740835,0.333651,0.603467,0.715781,-1.38226,-0.341459,0.0019251,0.0697737,-1.01546,0.731271,0.226206,0.246235,-0.0382883,-0.507924,0.165339,0.251332,-0.231117,-0.0417095,0.183154,0.266518,0.153252,-0.247498,0.570624,0.788644,-0.664585,0.198586,-0.129634,-0.682747,1.53884,0.538317,0.391786,0.215405,0.856967,0.593989,0.25895,0.843529,-0.166429,-0.233827,-0.237969,0.54847,0.774402,-0.55027,1.33998,0.124548,0.452595,-0.0690106,-0.0655412,0.00139047,-1.02735,-0.342367,0.00748886,0.134671,0.29201,-0.22758,0.344803,-0.284347,-0.378518,0.0162926,0.0766209,-0.719047,-0.0928723,0.376593,-0.248557,0.504798,0.0263326,-0.0912194,1.08749,0.302984,-0.843181,-0.228859,0.437652,-0.60535,-0.0529055,0.506751,0.615808,0.984554,-1.10555,0.715294,-0.00702697,-0.345928,-0.70088,0.190196,0.889493,-0.28163,1.12151,-0.821673,-0.16137,0.53998,0.716125,-0.121771,-0.22914,-0.337546,0.772792,-0.267935,0.232114,-0.523427,0.422795,0.217789,-0.648955,-0.741321,-0.127956,0.26719,-0.125074,0.101947,-0.412514,-0.288549,-0.225367,-0.302253,0.0515514,0.549953,0.671174,0.763122,0.404045,-0.0384571,0.0286523,0.0723814,0.0333758,0.674854,0.485734,0.0335765,0.0221961,-0.221613,1.16178,-0.32065,0.0625151,0.367546,0.0722728,0.852827,-0.220648,0.886098,-0.248839,-0.377345,-0.087471,0.1872,-0.0951514,-0.676052,-0.88184,0.849413,0.542171,0.63833,0.609304,0.376612,-0.999462,0.125923,1.01844,-0.556738,-0.0368334,-0.725115,0.757512,0.498188,-0.350724,0.466024,-0.149441,0.0737964,0.435419,0.553407,0.110319,0.252707,-0.0767224,0.136095,-0.203753,-0.905052,-0.141385,0.384716,-1.20085,0.571979,-0.877003,-0.772277,0.518832,-0.568302,-0.665322,0.0592463,-0.259939,0.0654224,0.331554,0.391628,0.0850405,0.793406,-0.742541,-0.748482,-0.618055,-0.0698377,0.0524399,0.0732132,0.114337,-0.325109,-0.142371,-0.271632,0.565916,-0.563638,0.352454,1.03617,-0.810218,0.0607555,-0.0201135,-0.966713,1.12125,0.323012,0.672467,0.549207,-0.470988,-0.599172,-0.522201,-0.308451,-0.000432553,-0.173758,0.538599,-0.212456,-0.968566,0.366351,-0.772807,1.00622,0.0580307,0.823612,0.226199,0.656711,-0.112736,-0.259852,-0.128255,1.00283,0.2056,0.145061,-0.820493,-1.11799,-0.202602,-0.608252,-0.161402,-0.128132,0.604298,-0.0194325,0.829569,0.661139,0.0572226,0.299585,0.488768,0.0784324,0.0829925,-0.28026,-0.663801,0.112575,-0.804988,-0.254962,0.540823,-1.41701,0.670174,0.0455839,0.0992936,-0.0652709,-0.76316,0.668956,-0.14473,0.901935,0.439515,0.74429,-0.709919,-0.53253,-0.332912,-0.222194,-0.232199,-0.769456,0.622508,-0.240673,-0.445428,-0.306076,0.596134,-0.259432,0.0226072,-0.63997,0.486765,0.202731,-0.201479,-0.152523,0.460142,-0.583957,-1.12233,0.438906,-0.573991,0.925471,-0.584012,0.231581,0.184828,0.17868,-0.0926225,0.559235,-0.82627,-0.379493,-0.459351,0.402132,-0.71797,-0.757738,-0.606436,-0.474591,0.130711,-0.345524,-0.126709,-0.041431,0.893072,1.38928,0.8775,-0.563101,-0.649323,0.477758,0.236152,0.752102,0.966545,-0.684992,-0.847511,-0.463912,0.372333,0.573097,-0.231041,0.804187,-0.26291,0.484275,-0.390109,-0.115963,0.149484,0.232663,-0.063686,0.362448,-0.527048,0.137916,-0.247878,-0.611193,-0.264443,0.227473,0.170202,-1.48172,-1.19539,-0.244449,-1.60792,0.0814984,1.11724,-0.986698,-0.396835,0.37387,0.0168997,-0.131089,-0.103668,0.269024,-0.278588,-0.286833,-0.481389,1.09549,-0.170201,0.108508,-0.755245,0.0788822,-1.37208,0.253848,0.345876,-0.322105,0.209066,-0.0322391,0.533682,0.460298,-0.276783,-0.48223,0.201041,-0.778744,0.636525,-0.315469,-0.785888,-0.625897,0.0531195,0.0611871,0.838879,0.278915,-0.388534,0.788527,-0.8011,-0.39087,-0.36601,0.0222928,0.998133,-0.488401,-0.268886,0.296503,0.658109,1.20212,0.228785,-0.94068,0.577398,-0.460168,0.00267504,0.0279567,0.994188,1.14194,0.41512,-0.664652,0.208935,0.353637,0.449421,-0.69127,-1.23746,0.450748,0.408614,-0.214613,0.249514,0.742195,0.855639,-1.19638,-0.362451,-0.178262,-0.342475,0.400048,-0.504988,0.326374,0.170709,-0.120109,-0.610153,-0.411575,-0.160699,0.0621421,-0.911123,0.612917,0.588479,0.477259,-0.113878,0.594717,-0.850122,-0.0675939,-0.512834,-0.0410884,-0.766796,0.167861,-0.14173,-0.389856,0.275104,0.0976403,0.5119,-0.189017,-0.385002,-0.226697,-0.945755,-0.045583,1.66469,-0.837625,1.2794,0.117765,-0.653948,0.0647011,1.67896,-0.253711,0.792872,-0.149085,-0.238276,0.26431,-0.120202,0.684017,0.321617,-0.241007,-0.0986337,0.0550009,0.502813,-0.238303,-0.30575,-0.232899,-0.64718,0.767499,0.397015,-0.464891,-0.307103,-0.347726,0.414693,-0.409589,0.067897,0.837578,-0.255711,1.25913,0.22539,-0.335608,0.0564214,0.789349,0.965483,-0.174118,0.276234,-0.187055,0.19559,0.864909,0.575104,-0.936352,-0.618496,0.0722037,0.644623,-0.122448,-0.774904,0.607218,-0.698064,0.213017,-0.511393,0.116877,-0.422082,0.147565,0.164064,-0.103728,0.222518,1.53782,1.3744,0.974312,-0.155965,0.333527,0.738111,-0.395832,0.302724,0.0248236,-0.621838,0.800651,-0.0199398,1.10971,0.988336,0.682234,1.1392,0.733333,-0.198721,-0.49347,-1.62837,0.521211,0.89474,1.07147,0.830808,1.20375,-0.492948,-0.219373,-0.104435,0.636922,0.329314,1.24069,-0.446401,-0.179929,0.308604,-1.01159,0.159713,0.396053,0.0358319,-0.402551,-0.166107,-0.131891,1.77734,-0.200952,0.377677,-0.170274,-0.112043,-0.741845,0.0935294,1.06548,-0.273948,0.423577,-0.187476,0.0375619,-0.312703,-0.0712205,0.456812,-0.0699276,-0.55236,0.295819,0.666965,0.871837,-0.278253,-1.81788,-0.74811,-0.463021,0.790221,0.645511,-0.504078,0.432302,-0.332125,0.127153,-0.535278,-0.485417,0.653126,0.739799,0.120625,0.642471,0.269561,0.823325,0.0177059,-0.195169,-0.473804,-0.530835,0.0550039,0.097412,0.163327,-1.41862,-0.146359,-0.989429,-0.874031,0.663411,0.93829,-0.0515292,0.318671,0.703632,-0.0884638,-0.204044,-0.277725,-0.35009,0.294631,0.284966,-0.683263,-0.602994,-0.150009,0.313147,-0.155548,-0.200943,0.228326,-0.722489,-0.322535,-0.628078,0.163393,-0.135672,0.224885,0.742437,-0.522305,-0.599912,0.227834,-0.370122,-0.351277,0.292282,-0.28054,0.715646,-0.608229,0.136986,-0.295593,-0.104131,0.763683,-0.497397,-0.605359,-1.00374,0.401597,-0.101657,0.728888,0.779455,-0.441467,0.106738,0.406775,0.0707306,0.140482,-0.396007,0.368519,0.813339,0.106833,0.0916335,-0.646551,0.173242,0.405981,0.180886,0.76843,-1.18336,0.267379,-0.433895,-0.723442,-0.27842,0.0615567,-0.0156222,-0.615267,-0.0601666,-0.349647,-0.660522,0.470341,0.108207,0.0943643,-0.774698,-0.121714,0.345431,-0.412082,-0.507842,-0.776212,0.0257359,0.570475,-0.871422,-0.177282,1.76161,-1.0038,-0.454425,-0.0233949,-0.221048,0.250598,-0.181327,0.362995,-0.399275,0.377865,0.465264,0.0548469,0.504075,0.221564,-0.943103,-0.382122,-0.476237,-0.966656,0.48096,0.733519,-0.284285,0.129728,-0.319775,0.522018,-0.268531,-0.289178,0.387139,-0.0120058,0.0886438,-0.584151,0.198739,0.611349,-0.210872,0.296686,1.23738,0.162984,-0.682794,0.844187,-0.307473,-1.65246,-1.6283,0.15629,0.622453,-0.619754,0.473205,0.351445,0.636727,0.419685,-0.528583,-0.655385,-0.34003,-0.631419,0.191935,-1.06221,1.0105,0.504482,-0.378961,-0.277485,0.751425,-0.536321,-1.24519,0.134334,-0.627736,-0.369142,0.36343,0.114834,-0.392883,0.281894,0.214831,0.434291,0.456471,0.351501,0.753652,0.190033,-0.422165,0.0283135,0.675005,0.62108,-0.158489,-0.609375,0.848352,0.245863,0.412871,0.391649,0.279754,0.617049,-0.696991,0.143491,-1.16128,-0.271939,0.340475,0.187381,-0.317512,-0.11862,0.606416,0.367506,-0.176603,1.27362,-0.144857,-0.891629,0.481655,0.329442,0.088151,0.0956893,-0.132741,-0.668028,0.191052,-0.142357,-0.306377,-1.26704,0.185138,-0.0469319,0.734586,0.728932,-0.135758,0.309905,-0.406786,1.09452,0.465523,0.811369,0.34469,0.553634,-1.13474,0.603344,0.355173,0.370801,-0.175105,-0.726609,-0.862499,-0.137542,-0.94443,0.267552,-0.773606,0.0417769,0.259407,0.506948,-0.463665,-0.108804,-0.503552,-0.69058,0.41865,0.242686,-0.787811,-0.00913489,-0.271371,0.0612778,-0.161558,-0.0779511,0.358912,-0.908953,1.47616,-0.676871,0.22737,-0.111405,0.322098,0.494419,0.6082,-0.340766,-0.634059,0.146829,0.41892,0.223231,0.112193,-0.719343,-0.248335,0.261705,-0.805784,0.426034,0.0230727,-1.06518,-0.39199,0.157076,-0.281315,0.669768,-0.257135,0.748239,0.218461,0.97663,-1.00731,0.266084,0.392149,-0.101086,-0.477066,0.465205,-0.159492,-1.18657,-0.0168224,1.49693,-0.455872,-0.486255,0.0960688,0.543329,0.692292,-0.0257321,0.542647,0.438338,1.01146,-0.969683,-0.437611,-0.0625311,-0.749012,0.258624,0.123358,-0.685822,-0.0314417,-0.592805,-0.588858,-1.31092,0.196149,0.780036,0.231833,-0.282876,0.196877,0.0886399,0.409359,-0.381449,-0.0956393,0.217163,-0.17623,-0.957476,-0.397726,0.960771,1.21846,-0.0399383,0.511281,-0.240128,-0.204228,-0.305015,-0.345685,-0.0601933,0.0984969,0.937648,0.717218,-0.197277,-0.567297,0.86633,-0.522012,-0.036835,0.110598,-0.83536,0.275705,-0.427414,-0.428297,-0.532381,0.155466,0.010648,0.531571,0.668405,-0.270285,-0.246105,-0.0784714,-0.660302,-0.485309,-0.363719,-0.150592,0.180308,-0.0194092,-0.66933,-0.326521,0.415993,-0.268402,-0.321564,0.246953,0.172453,0.654634,0.36266,0.0154851,-0.793058,0.471291,-1.05429,0.229633,-0.189713,0.226632,-0.360777,-0.184272,-0.364236,-0.155442,0.0621489,-0.674218,0.463028,-0.247379,-0.668701,0.30185,-1.09195,1.03995,0.229207,-0.157917,0.635947,0.419827,0.102427,0.5571,-0.493666,0.19135,1.00718,-0.289759,-0.510873,0.390935,-0.202877,0.130989,-0.978172,0.362143,0.0985859,-0.782247,0.199898,-0.208437,0.38508,0.383129,-0.0861995,0.253844,-0.474356,-0.793451,0.0177027,0.698778,-0.496397,0.0561271,-0.920771,0.947191,-0.369387,-0.152434,0.336298,1.09954,-0.120107,0.239584,0.869547,-0.599081,1.31734,0.879429,0.343295,1.25633,-0.519576,0.689065,0.443933,-0.0495042,0.400571,0.0979545,0.0168526,0.42548,0.0679528,-0.107889,-0.191256,0.153941,-0.414422,0.080525,-0.0489443,-0.223552,0.00680001,-0.0909139,0.644786,-1.49658,-1.1963,0.471337,0.30826,1.12306,0.656502,0.571997,0.0144727,0.149039,-1.01834,1.40801,-0.795013,0.727899,1.28346,-0.546484,1.13767,0.220227,0.0802515,-0.68593,0.299934,-0.46273,0.406367,0.146299,0.276959,-0.787114,-0.314639,0.375491,-0.93472,0.0395262,0.782423,0.805153,0.903166,1.00739,0.226953,0.14557,0.408324,0.189424,-1.50242,-0.93578,-0.34169,0.31397,-0.103323,0.353605,-0.666934,1.13671,-0.0388491,-0.256567,-0.479556,-0.991663,-0.75994,0.564298,0.388234,0.723981,-0.519815,0.340586,0.916365,-0.322466,-0.696029,-0.0414504,0.202134,-1.19054,-0.325598,1.27572,-0.360047,0.583239,0.519876,0.148688,-0.798724,-0.0614755,-1.12699,-0.425377,-0.732366,0.344462,0.760271,0.462615,0.194981,-0.274607,0.598651,0.623883,-0.382842,0.193693,-1.07564,-0.35195,-0.0204764,1.30494,-0.00203516,0.188105,-0.813098,-0.610695,0.226671,0.20138,-1.09423,0.435159,0.926148,-0.0990732,0.5642,-0.614457,0.684321,-0.0071484,0.147566,-0.0221319,-0.319722,0.285833,-0.235511,0.221102,0.754198,-0.570881,0.200851,-0.559424,0.546405,0.151872,-0.935145,-0.624312,-0.451419,-0.687609,0.29734,-0.254151,0.121979,-0.217102,0.843575,0.00603569,0.276725,-0.731564,-0.361356,-0.002767,-0.0502081,-0.0141604,0.745391,0.735647,-0.528192,0.265586,0.526587,0.461266,0.124231,0.0138374,0.549911,0.162577,-0.621086,0.605535,0.674394,0.251384,-0.526506,0.436021,0.53832,-0.0332617,-0.368826,0.494133,0.0127452,-0.0262723,-0.0092825,-0.385408,0.730912,-0.695377,-0.274691,-1.33365,-0.253605,0.987885,0.608376,0.18911,0.619511,0.458695,-0.00482866,-0.615594,-0.522215,-0.0707267,-0.610043,-0.0134322,-0.556514,-0.301519,0.411628,-0.593322,-0.131065,0.891816,1.32995,0.458307,-0.197612,0.294186,0.0985483,-0.431932,0.385137,-0.552885,0.753838,-0.564335,-0.540776,0.734021,0.307218,-0.519551,0.381269,-1.03201,-0.404217,1.27637,-0.0247073,0.742691,0.0874803,-0.0191703,0.24739,0.199038,0.182647,1.33269,-0.900955,0.565985,0.0202558,-0.3472,0.495505,0.752095,0.00780863,-0.495051,-0.300833,0.176207,0.210524,-0.3902,-0.618448,-0.126226,0.0195578,-0.0967535,-1.0286,-0.380954,-0.143731,0.971403,-0.0843305,0.718155,0.149947,-0.273595,-0.926103,0.0703114,1.08803,0.451404,0.1963,-0.622498,0.458907,0.103525,-0.747378,0.184918,0.160492,-0.195412,0.4781,-0.13298,0.468779,0.3312,0.281364,0.210649,0.396954,-0.372838,-0.0189,-0.361159,-1.12475,0.462162,-1.3074,-0.114604,0.303441,0.4444,0.881266,-0.578842,-0.731241,0.107522,0.687126,-0.52652,-0.00843292,0.466288,-0.173031,-0.484555,0.309771,-0.217585,0.194542,0.872351,-0.0639269,-0.0500722,0.0877833,-0.143064,0.103348,-0.0397917,1.11402,0.126615,-0.395624,-0.187861,-0.754081,-0.00616568,0.245449,-0.38365,1.72899,0.172853,0.0223494,0.427085,-0.450838,0.829977,0.547855,0.944239,-0.00599226,-0.206675,-0.177544,0.273466,-0.36604,-0.938532,-0.120795,0.64748,-0.306029,0.052588,-0.83348,0.558383,-0.267178,-0.0331226,0.527428,-0.30243,-0.855189,-0.925411,-0.487621,0.261415,1.03756,-0.118939,0.289427,-0.082814,0.119997,0.0828164,0.775471,0.225333,0.802577,-0.709332,-0.263075,0.38222,-0.328973,0.0634078,-0.850553,0.0419427,0.152741,-1.43688,0.18288,0.160842,0.594405,-0.325974,1.56478,0.10734,-0.27947,0.940952,0.321638,-0.527738,0.233696,0.0407124,-0.315068,1.35037,0.932081,0.679129,-0.288542,0.140545,-0.193368,-0.500188,-0.0984988,-0.040989,0.290451,-0.445803,0.0914292,0.0422732,0.038542,-0.308534,0.52862,-1.1917,0.554747,-0.162543,0.746499,-0.337092,-0.141296,0.152476,0.424595,0.362326,0.263731,-0.0875234,0.034371,-0.0683571,-0.772789,0.44287,0.531819,0.926953,-1.5017,-0.52222,-1.16371,0.187263,0.490582,0.0992091,-0.0796308,0.18558,-0.316696,-0.632188,-0.100088,0.276238,-0.934539,-0.269273,0.168873,-0.171219,1.08704,0.786461,0.132667,-0.0597823,-0.881622,0.385957,-0.226675,0.330049,-0.632122,0.423816,0.716803,-0.270637,0.793385,-0.496528,-0.459252,-0.359126,-0.0975474,0.547143,-0.828571,-0.0892823,0.273949,0.0554073,-0.0431718,0.203917,-0.353145,-0.110978,0.822115,-0.346838,0.387047,-0.793776,-0.231937,0.0852185,-0.414696,0.525637,0.197799,0.0986716,-0.640253,0.0152047,-0.882672,0.0106118,0.711787,0.635865,0.45939,-0.729231,0.767109,-1.25387,0.58605,-0.574518,-0.176446,0.35769,-0.0499344,0.311729,-0.00501215,-0.313333,-0.308895,0.0769674,0.0509672,-0.291812,0.384272,-0.478985,-0.166169,0.0455932,0.385398,0.0265512,0.491526,0.135188,0.141255,0.759295,-0.282899,0.129476,-0.338627,0.189744,-0.450701,-0.599718,1.38816,0.218588,-0.518709,-0.264417,-1.3021,1.43854,-0.13928,-0.842059,0.126323,-0.381699,-0.19602,-0.498844,-0.0482146,0.268565,0.593114,0.756056,0.464691,-0.360214,-0.554581,0.234741,0.0263975,-1.03139,0.13499,-0.852266,0.351589,-0.399776,0.100009,0.0878275,0.92798,-0.147204,-0.702775,0.418939,0.532249,-0.194774,-0.126522,-0.754996,-0.675704,-0.348783,0.464926,1.08822,0.155031,0.840362,-0.680513,-0.0664649,-0.280275,0.803654,0.11274,-0.616897,1.12857,-0.104237,-0.679578,0.448187,0.208584,-0.273781,0.0359362,-0.487537,0.687442,-0.488251,0.691392,-1.04161,-0.267752,-0.234459,0.395985,0.255567,-0.20978,0.80429,0.755772,0.296352,0.0779773,-0.948535,-0.569782,0.928126,-0.878875,0.0631997,-0.589778,-0.548413,-0.018744,0.114037,0.254163,0.615746,0.27455,-0.372602,0.361928,0.521949,-0.00991116,0.199497,0.663829,0.336165,-0.80657,1.01199,0.708598,0.384834,-0.484303,0.498379,-0.247381,1.05866,-0.331382,-0.737082,-0.161539,0.562555,-0.0746109,0.196051,-0.446976,0.760843,-0.158414,-0.537421,0.668528,0.824839,0.683997,-0.0637973,0.0153882,-1.11665,0.945278,0.427743,-0.896927,0.724357,-0.00188385,-0.426497,-0.417756,0.502738,-0.0350256,0.0155644,0.373629,0.690167,-0.00202318,0.0954681,0.625689,0.385993,0.672014,-0.0363425,0.524103,0.483727,-0.291718,0.642206,1.1061,0.585654,0.807468,0.0582833,0.0807708,0.486031,0.370827,-0.00972855,-0.309723,-0.0114558,-0.114693,0.0208072,-0.361955,0.153923,0.570796,1.02313,0.178038,-0.502455,0.0100852,0.0273413,-0.0882028,-0.81533,-0.0778506,-0.202975,0.329116,-0.572271,-1.03735,0.216144,0.0924036,0.201258,0.708095,0.127087,-0.59911,0.00839031,0.218733,0.484154,-0.119848,-0.715371,1.1093,-0.279781,-0.291836,-0.621937,0.259517,0.517955,0.386824,-0.301749,0.404659,-0.372633,-0.00601198,-0.590885,0.457492,-0.485825,-0.260588,0.539372,0.762025,0.520237,1.40929,0.290732,0.558418,-0.713401,0.695952,1.97336,-0.178825,-0.493131,-0.584892,0.137823,-0.0912484,0.446842,0.180262,1.35659,-0.52608,0.647297,0.0707337,0.703949,-0.249302,0.390311,-0.717162,0.432751,-0.142622,1.10573,-0.0517376,0.935495,1.10783,0.455653,-0.181308,0.487145,-0.0310197,0.626704,0.211392,0.356077,0.310015,0.0419041,0.216185,-0.228489,-0.205177,-0.5164,-0.016278,1.82721,-0.476554,0.367016,0.0770932,0.787459,-0.668519,-0.329777,-0.0479502,0.0717788,-0.510416,0.299303,-0.223428,-0.537488,-0.0693062,-0.665797,0.185778,0.0765404,0.478977,0.526455,0.0625075,0.816264,-0.647727,0.0741557,-0.457247,-0.232484,0.440011,0.328985,-0.141766,0.0577573,-1.04703,-0.197191,-0.50742,-0.172875,0.406164,0.556164,-0.644584,-0.0631205,0.370941,0.403293,-0.106522,-0.663436,-0.177298,-0.76726,-0.164795,-0.773842,-0.0297762,0.241464,0.271721,-0.525427,0.478724,-0.0501032,0.0183944,0.236197,-0.771868,0.30776,-0.0533388,-0.0123595,0.173709,0.0115371,0.775705,0.681518,-0.596855,-0.207588,-0.518893,0.161931,0.299037,0.0572468,0.100479,1.11285,0.26187,0.00296932,0.280694,0.8451,0.347882,0.437141,0.160524,0.0853681,-0.152203,-0.298798,-0.325504,0.924769,1.00936,-1.00836,-0.635889,-0.380596,-0.234906,0.429118,-0.296071,0.279835,1.21642,-0.425645,1.16574,0.266622,0.523194,-0.659612,-0.170891,-0.687666,-0.0316828,-0.340884,0.678917,-0.896158,0.0547289,0.568355,-0.358318,0.590042,-0.817878,-0.197411,0.405333,-0.191551,-0.328073,-0.474612,0.22715,0.287601,-0.163379,-0.511789,0.408631,-1.3869,-0.934952,-0.290673,0.21552,-0.549706,0.550504,0.5076,-0.293304,-1.40402,0.556121,0.502562,0.15205,-0.0468651,-0.561036,-0.585723,-0.961546,-0.0033439,-0.583439,0.196994,-0.0441619,0.0154734,0.306523,-0.203354,-0.170351,-0.263392,-0.542497,-0.557517,0.307026,0.615381,-0.560753,-0.219411,0.557076,0.207697,1.00838,0.202233,0.995731,-0.27862,0.657146,1.53471,0.878708,-0.294633,-0.1384,0.207141,0.0387076,-0.356161,-0.0269157,0.750107,0.0302021,-0.450162,-0.338447,-1.53803,-0.655107,-0.0660722,0.232686,-0.51695,-0.0593707,-0.186719,0.288311,-1.15972,0.166907,-0.49051,0.510711,0.387268,-0.76918,0.157176,-0.224058,-0.296974,-0.730665,0.608235,-0.358046,-0.25904,0.024338,-0.0819447,-0.484257,-0.209638,0.368398,-0.0271962,-0.12031,-0.178004,-1.13008,0.64175,-0.137559,-0.376324,-0.440026,-0.212955,0.025612,0.538156,0.744155,-0.852343,-0.492205,0.909436,-0.011455,-0.172795,0.321801,0.138649,0.0897584,0.286464,-0.169311,-0.137373,0.845091,0.0517189,0.683401,-0.182353,0.452326,0.396544,-0.633287,0.921184,-0.736288,-0.253667,0.463977,-0.812855,-0.672564,0.0548329,-0.752912,0.032862,0.41774,-0.291583,-0.701869,-0.152867,0.749517,0.0441655,0.179467,1.30409,0.310954,-1.07617,0.520424,-0.928651,1.4079,0.801499,0.130069,0.605466,0.585688,0.563932,-0.154423,0.558819,-1.53126,0.0256003,-0.645629,0.168898,-0.127446,-0.846826,-0.188256,0.425582,0.397576,-0.824089,-0.160406,-0.210676,-0.808967,-0.151501,0.313263,-0.322222,-0.480137,0.240673,0.127034,0.108398,0.391679,1.05113,-0.67279,-1.09419,0.308331,-0.135087,-0.869174,-0.192077,1.46204,-0.156105,-0.573744,-0.557246,0.623944,-0.86682,0.450366,-0.881795,-0.809317,-0.0520439,0.385145,-0.704823,-0.358401,-0.254519,0.171131,0.033611,-0.462654,0.870572,-0.0969495,-0.679911,-0.392388,0.200503,-1.13616,-0.103522,-0.311714,0.198446,1.3792,-0.610825,-0.548809,-0.320539,-0.0260351,0.640999,-0.106168,-0.10558,-0.0977117,0.605553,0.674011,0.17918,0.073927,0.592745,0.941766,0.592391,0.917949,0.0178275,-0.407483,-0.0839476,0.384704,0.325858,-1.11743,-0.125981,0.303982,-0.106174,-0.107769,0.350998,-1.03215,0.212655,0.456955,-0.117398,-0.365345,0.504363,-0.492784,-0.448815,-0.503908,-0.215846,1.21028,-0.413297,-0.115329,-0.559488,-0.227734,0.270785,-0.154379,0.470885,0.420332,-0.0458226,-0.620621,0.162307,-1.35625,0.757521,0.159365,-0.283862,0.289858,1.04172,-0.906246,-0.394095,-0.560946,1.25143,-0.148379,0.105281,0.491473,-0.582513,0.221727,-0.145125,0.11275,0.443139,0.567789,-1.36018,0.103919,-1.05272,0.0863099,-0.581882,-0.501393,0.111505,-1.14644,-0.298331,0.709644,1.19561,0.310112,-0.711469,1.05616,-0.30776,0.554296,-0.786558,0.565294,1.20583,0.686705,-0.122562,-0.659155,-0.610676,0.0861316,0.726113,-0.807689,0.383924,-0.0493122,-0.73443,0.486287,-0.502539,0.537842,0.220306,-0.756818,0.421354,0.344567,0.224488,-0.606004,0.458395,0.0334843,0.124425,-1.18477,0.157778,-0.0671197,-0.587104,-0.344881,-1.00137,0.213742,-0.618177,0.48,0.622836,0.21688,-0.481418,0.426047,-0.184247,1.46288,-0.287603,-0.228591,-0.0122662,-0.848184,0.2072,1.02798,0.0717055,-0.521401,0.254607,-0.408747,-0.37516,-0.654937,-0.529895,0.0021978,0.231391,-0.41655,0.706406,0.0814344,0.892282,0.580488,-0.223546,-0.801407,0.899722,0.387057,-0.0663636,0.344188,0.793037,0.349936,-0.100495,-0.0100171,-0.428082,-0.325632,-0.132557,1.4351,-0.804974,-0.343823,-0.0797672,-0.0425941,-0.470986,0.409602,0.119494,0.212999,-0.130835,0.0108288,-0.0628824,-0.346878,0.523284,0.44968,-0.113238,0.175621,-0.247581,-1.49816,-0.276583,-0.129638,-0.698503,-0.682584,-0.0349361,-0.391478,-0.702855,0.124148,-0.176418,-0.428387,0.343127,0.855594,-0.040461,0.548103,-0.891793,-0.0331703,-0.407645,0.00196955,-0.131323,-0.55992,-0.0486084,-1.11858,-0.29857,0.00826639,0.766588,-0.702571,-0.443083,0.244309,0.850558,0.303048,-0.269912,0.434077,-0.649798,-0.615892,0.639488,1.15851,-1.07457,0.136672,0.537313,-0.490883,-0.605573,0.619436,-0.159859,0.483421,0.199355,-0.358951,0.362478,-0.227858,-0.772921,-0.688726,-0.164285,-0.330359,0.97614,-0.00291667,-0.0151499,-0.431271,-1.04341,-0.113332,-0.583587,0.294631,-0.0779075,-0.184297,0.250652,-0.180148,-0.0932925,0.326776,-0.515238,-0.0864635,0.0635195,0.333482,0.227531,-0.717107,0.499941,-1.35545,0.564924,0.899965,0.770336,-0.156267,1.05794,-0.214108,-0.822142,-0.66871,0.869873,-0.102916,-0.553467,0.37115,0.139717,-0.0361847,0.109882,-0.0581508,0.230244,-1.36553,0.55325,-0.599865,0.76812,0.891058,0.555542,-0.806247,-0.206422,-0.88591,-0.720846,-0.189938,-0.0353005,-0.827162,-0.124481,0.030622,-0.560536,0.576008,0.464743,0.74284,-0.164859,-0.478738,0.917371,-0.0325772,-0.197051,0.375287,-0.217013,0.925815,-1.43773,0.776541,0.222976,-0.800374,-0.997179,0.52583,0.0507535,0.639251,-0.28267,-0.234746,0.626002,0.532024,-0.491807,-0.150625,-0.589853,0.375931,0.774012,1.61833,0.126168,1.2918,-0.528596,-0.320223,0.191105,-0.141649,-0.315128,0.434902,0.379273,0.743508,0.237044,-0.38141,-0.527302,0.0441453,-0.460495,-0.336661,-0.323191,1.05761,0.756773,-0.546678,-0.579067,0.594542,-0.561685,-0.520436,-1.10156,0.403456,0.374946,0.197009,-0.153439,-0.0548307,0.385323,-0.496869,0.85685,0.200582,0.0913974,-0.498788,0.201451,-0.255697,1.01215,-0.124483,0.26927,-0.462823,-0.101636,-1.22527,0.710673,-0.367602,-1.32178,-0.474896,0.348844,0.43961,0.188289,0.470993,-0.140281,0.126469,-0.293763,0.49941,0.299819,0.541342,-0.25522,0.338476,0.299649,0.666764,0.3779,0.293497,0.0651269,-0.125162,1.01055,-0.4994,0.62058,-0.205047,0.0677529,-0.241902,0.621492,-0.31724,-0.9906,-0.392963,0.779736,-0.317254,-1.28954,0.54756,0.324915,-0.420696,-0.44955,-0.241373,-0.577151,0.386954,-0.540193,-0.318075,-0.0292536,0.540285,0.294267,0.292805,1.40298,-0.888644,0.528049,0.0598154,0.956279,0.696709,-0.0551246,-0.146564,-0.720806,-0.324167,-0.339368,-0.0192698,-0.173175,-0.632795,0.388342,0.49346,-0.304331,0.560999,1.08919,-0.25349,0.190434,0.221854,-0.139911,-0.286732,0.493751,0.00275055,0.0904149,0.1385,-0.349214,-0.0130746,-0.361939,-0.928549,0.579207,-0.0711078,-0.152694,-0.0131969,0.570233,0.657267,-0.231714,-0.309856,0.0280672,0.330909,0.739266,0.122806,0.0767659,-0.200269,-0.074036,0.108028,0.357015,0.0214603,-0.119563,-0.0928071,0.654419,0.257586,0.060083,-0.538329,-1.06095,-0.223504,0.578753,0.259857,0.0738936,-0.333997,-0.800209,-0.318261,-0.526571,0.294443,-0.777061,0.515226,-0.393216,-0.263726,0.58238,-0.689041,-0.333459,-1.44254,0.0415806,0.21114,0.505751,-0.68818,-0.95658,-0.793603,-0.310701,0.0266984,0.283691,0.276053,-0.0327734,-0.334405,0.460746,-0.385956,0.16617,-0.0651006,0.427468,-0.221716,-0.315589,-1.11218,0.276877,-0.434117,-0.190636,0.614351,-0.280094,-0.142925,-0.7378,-0.755214,0.983086,-0.9132,-0.0892814,0.207515,-0.610571,-0.988101,0.21387,0.516704,-0.227642,1.62022,0.0351042,-0.244213,-1.26183,0.0964287,0.190015,-0.40634,0.423833,-0.0332234,-0.65464,0.25229,0.229763,-0.1596,-0.125528,0.218794,-0.134169,0.591281,-0.274692,-0.464881,-0.0855928,0.795825,0.612034,0.680331,-0.578172,0.487171,-0.34059,1.024,0.52876,0.910375,0.368102,-0.0210969,0.812941,-1.88623,-0.209962,0.373657,0.254814,-0.767101,0.279269,0.307144,0.027811,-0.676029,-0.313863,0.553031,-0.0546713,-0.338907,-0.0012831,0.389584,0.451789,-0.216113,-0.6327,0.167203,1.10825,-0.980892,0.432566,-0.735682,-0.308947,1.45584,0.542356,0.0788009,0.121842,-0.0306096,-0.0753841,-0.228364,0.686014,-0.0979643,-0.0851433,-0.0453303,0.883319,0.336785,-0.692517,1.63755,-0.25401,0.466568,-0.529128,0.0312159,0.186956,-0.785291,-0.702277,-0.153446,0.233787,0.272886,-0.836992,0.0836541,-0.256497,-0.505719,0.163783,0.628121,-0.757753,-0.0310996,0.193551,0.0828875,0.2982,-0.211695,-0.246692,0.787114,0.824826,-0.0933259,-0.299733,0.062925,0.117593,-0.43153,0.676878,0.872975,0.582384,-0.920487,0.605013,-0.540047,-0.0783801,-0.382953,0.255657,1.04758,-0.718146,0.403371,-0.468471,-0.996001,0.197158,0.938923,0.0726066,-0.784869,0.0842658,-0.223829,-0.278319,0.891499,-0.545172,0.17064,0.326589,-0.697353,-0.706559,-0.139537,0.383154,-0.409428,0.482404,-0.193521,0.092787,0.0503494,-0.56458,0.708106,1.06268,0.153423,0.325272,-0.522991,-0.0275094,0.167859,0.614371,0.00863347,1.00827,0.859465,-0.117047,-0.0574334,0.159747,0.420721,0.0611624,0.264436,0.455187,0.375747,0.634584,-0.189099,0.67481,-0.0154868,0.315317,0.332857,-0.0132529,-0.191972,-1.04557,-0.384362,0.42646,0.197188,0.269422,0.421542,0.662476,-0.620781,0.273676,1.29063,-0.750733,-0.395711,-0.376329,0.141657,0.287856,0.02071,-0.599117,-0.278278,0.26235,-0.71524,0.461882,0.340057,0.26256,0.125716,0.145515,-0.24678,-1.25489,-0.324161,0.155263,-1.18855,0.136784,-0.537134,-1.01717,0.29054,-0.0607414,-0.0969759,0.0399194,-0.637051,-0.26744,0.201836,0.423696,0.626759,0.750145,-0.98345,-0.793552,0.0331707,0.482957,0.0755469,0.0293548,-0.537571,-0.47586,-0.599038,-0.384314,0.540501,-0.342124,0.671896,0.706552,-1.208,0.25682,-0.0410487,-0.970531,0.492938,0.332066,0.625881,-0.0589082,-0.121597,-0.488728,-0.410456,0.090609,-0.598206,-0.307223,0.935717,-0.33573,-1.28139,0.158239,-1.32489,0.866882,0.186382,0.667153,0.0214029,0.384323,0.436384,0.212628,0.295099,0.780495,0.318199,0.146674,-0.734207,-0.512276,-0.168976,-0.47825,-0.063021,0.591426,0.843735,0.422447,0.623043,-0.361934,-0.338389,-0.234109,0.502214,0.54137,0.0558235,-0.521848,-1.04335,-0.147359,-1.11564,-0.103402,0.438639,-1.42452,0.553352,0.666145,0.252212,-0.244554,-0.382228,0.616033,0.358099,1.35785,0.243484,0.604392,-1.15141,-0.572862,-0.639193,-0.379159,-0.231139,-0.225677,0.862937,-0.0493397,-0.629454,-0.0464875,0.516597,-0.495852,0.254025,-0.706687,0.215299,0.100299,0.12228,-0.340996,-0.147159,-0.8064,-0.358671,0.619743,-0.635974,0.525222,-0.989598,0.6523,-0.176443,0.617427,-0.267852,0.0716525,-1.23511,-0.119109,-0.582908,0.577619,-1.26755,-1.0288,-0.663517,-0.38009,0.295758,-0.436202,-0.0711492,-0.3004,0.987263,1.06411,0.600175,-0.0784687,-1.02691,0.339196,0.668715,-0.0311085,0.0677387,-0.384933,-0.0492813,-0.399879,0.602267,0.599297,-0.639124,0.30795,-0.256818,-0.191223,-0.434612,0.2082,0.373813,0.0384076,0.761557,-0.0529619,-0.870505,-0.0841281,-0.244424,-0.320396,-0.986482,0.764696,0.0651032,-1.00169,-0.654137,0.163406,-1.88323,-0.46202,0.78588,-0.745303,0.150868,0.667686,-0.0254869,0.345561,-0.106406,0.059221,0.0379224,0.168819,-0.603353,0.892138,-0.54816,-0.111622,-0.374282,0.444306,-0.916125,0.394401,-0.237695,0.0902476,0.434189,0.0387722,-0.0651853,0.341391,-0.453465,-0.35095,0.322727,-0.856632,0.714818,-0.514758,-0.133347,0.233563,0.394278,-0.0788307,0.799074,0.60077,-0.65826,0.32216,-0.493844,0.268691,0.599953,0.390455,0.744261,-0.200043,-0.143151,0.244765,0.0336616,1.09554,0.0816449,-0.544363,0.117883,-0.453268,-0.623201,-0.388624,0.744744,1.05872,0.0721401,-0.205488,0.528607,0.356028,0.63961,-0.674613,-0.957823,0.26341,0.46109,0.186127,0.300976,0.366569,0.586441,-1.07132,-0.324055,0.155536,-0.428955,0.266391,-0.744498,0.900392,0.359813,0.538849,-0.709516,-0.336156,0.0766776,-0.238507,-0.880207,0.420345,-0.17517,0.552498,0.0105025,0.437897,-0.0436203,0.0829682,-0.0106902,0.17301,-0.981515,-0.219118,0.202351,-0.114228,-0.0605068,-0.178561,0.780335,-0.39068,-0.222532,-0.332676,-0.517438,-0.215495,0.619115,-0.367389,1.0672,0.322845,-0.557116,-0.557423,1.05303,0.0791062,1.06402,0.0493033,-0.092301,-0.300539,-0.166106,1.13481,0.153583,-0.676622,0.475091,-0.0102485,0.1791,0.0603307,-0.763124,-0.694729,-0.202061,0.722516,0.549339,-0.502179,0.0399134,-0.155635,0.64033,-0.563892,0.509674,0.613541,0.0559141,0.817415,0.679129,-0.388768,0.0449772,0.722838,0.699787,0.407736,-0.133366,0.592675,-0.13994,0.53243,0.339368,-0.276123,-0.898447,-0.213599,0.649524,-0.484648,-1.07552,1.0066,-0.79707,0.883953,-0.769667,-0.0776451,0.119621,0.371977,0.354502,-0.119794,0.684786,1.2836,0.94692,0.337154,0.0293387,0.36743,0.0107928,-0.131736,0.182329,-0.167991,-0.400867,0.326305,0.0950255,0.885138,0.93507,0.749231,1.28487,0.484423,0.0563517,-1.19546,-0.790399,0.910604,0.547464,0.862162,1.07038,1.27459,-0.598299,0.00575146,-0.596189,0.489371,0.410603,1.73515,-0.0222918,0.614175,0.155424,-0.783138,0.721952,0.109916,-0.119311,-0.0323389,0.25075,-0.668011,1.68725,-0.154766,0.975886,-0.270588,-0.587042,-0.164488,-0.215562,0.724704,-0.455817,0.503094,-0.661721,0.413183,-0.946294,0.521296,0.550231,-0.307413,-0.434151,0.613703,0.648383,1.23033,-0.0425193,-1.17581,0.0113212,-0.442533,0.0459304,-0.050139,-1.04027,0.481635,0.090082,0.0962191,-0.242927,-0.329564,0.669588,1.11442,0.514351,0.548065,0.285818,0.670315,0.189048,-0.849118,0.0863754,-0.429741,0.221575,-0.255962,-0.229484,-0.79415,0.0239126,-1.19448,-0.292872,0.186661,0.928189,0.10325,-0.266585,0.548252,-0.306758,-0.33898,0.156933,-0.284135,-0.422431,-0.0785458,-0.526845,-0.0510928,-0.373148,0.626253,0.41617,0.0232028,0.191915,-0.292185,0.0804401,0.162221,0.59889,-0.174099,0.473815,0.981354,-0.353901,-0.296301,-0.28087,-0.259624,-0.643174,0.0602351,0.166748,0.282083,-0.118325,-0.0177828,0.218966,-0.134053,0.507801,-0.265065,-0.353555,-0.591696,-0.187335,-0.186571,0.392356,1.20118,-0.408106,-0.128932,0.781345,-0.0441378,0.125405,-0.235889,-0.0380471,0.151406,0.270532,0.345844,-0.773244,0.0563715,0.382719,1.40073,0.875528,-0.466084,-0.624495,-0.0422353,-0.177208,-0.676651,0.392545,-0.349169,-0.358598,0.122641,-0.188859,-0.995236,0.386873,-0.184576,-0.165064,-0.454052,0.222622,-0.294778,-0.207815,-0.56568,-1.34557,-0.319574,0.685352,-0.980982,-0.399257,1.06555,-0.940161,-0.949679,-0.377218,0.217908,0.9611,-0.087957,0.42407,-0.522858,0.480688,0.804379,0.241935,0.359676,0.583585,-1.38916,-0.257877,-0.646816,-0.838346,0.563807,1.0937,0.115438,-0.0628172,-0.231238,0.205011,-0.0707071,-0.306903,0.382986,0.169121,0.40306,-0.682433,0.0420665,0.396606,-0.568826,0.0344934,0.775231,0.594785,-0.585614,0.323223,-0.36046,-1.8061,-1.71024,0.111571,0.492555,-0.730385,0.178595,-0.00774281,0.72971,0.0290412,-0.520656,-0.266915,-0.087278,-0.796258,0.681849,-0.514722,0.603254,0.109294,-0.45187,-0.295683,0.771268,-0.365137,-1.15619,0.72973,-1.01246,0.180004,0.357116,0.237575,0.0115755,-0.363228,-0.167703,0.28019,0.69478,0.329508,0.790377,0.229027,-0.737279,-0.171473,0.788058,0.432753,-0.180691,-0.37744,0.810577,-0.0466159,0.707811,0.118896,-0.0967578,0.296511,-0.674792,-0.291553,-1.26017,-0.456844,0.764815,0.85333,-0.671239,0.127075,0.631226,0.208963,-0.583703,0.968554,-0.0729766,0.098263,0.136314,0.449031,0.352316,-0.3911,-0.0375773,-0.248769,-0.27255,0.185908,-0.0304305,-1.47747,0.5008,-0.490686,0.324592,0.934189,0.260386,0.247045,-0.0449905,1.09838,0.253833,0.881141,0.5673,0.395643,-1.32336,1.09226,0.978651,0.424712,0.0375023,-1.0141,-0.810992,0.566937,0.0599096,0.689477,-0.517658,-0.263726,0.280459,0.0683266,-0.383438,-0.518453,-0.26899,-0.602229,-0.16144,0.696822,-0.754608,0.419185,-0.250905,-0.567246,-0.128807,0.0767445,0.444708,-0.747011,1.01693,-0.189506,0.474103,-0.179824,0.179019,-0.0447256,0.581499,-0.117158,-0.638901,-0.267309,0.253044,-0.636852,0.30618,-0.305878,-0.0746746,0.200245,0.0747849,0.221468,-0.364377,-0.978789,0.000146493,0.183152,0.0133175,0.448967,-0.626398,0.665882,0.433919,1.25415,-0.352274,0.330697,0.399663,0.126525,-0.42524,0.882628,-0.68843,-0.845852,0.882386,1.59672,-1.13268,-0.573538,0.331015,0.771602,0.605993,-0.617832,0.335772,0.284179,1.15779,-0.553275,0.0409161,-0.0116562,-0.623036,0.24272,-0.018714,-0.447619,-0.371834,-0.394318,-0.0871442,-0.985024,0.0145264,0.0753523,0.560425,0.118973,-0.200887,0.03915,0.173434,-0.268818,-0.180317,-0.155235,-0.114893,-0.749583,-0.615831,1.24887,0.584936,-0.115829,0.441224,-0.4076,-0.109511,-0.835618,-0.186977,-0.279189,0.0904632,0.369465,0.303946,-0.500281,-0.660057,0.67716,0.0381895,-0.068645,-0.0306983,-0.621213,0.215118,-0.387611,-0.918949,-0.844267,-0.319546,0.254778,0.35374,0.14899,-0.61452,0.106063,0.161719,-0.801091,-0.386971,-0.651885,-0.642203,-0.368606,-0.635997,-0.349412,-0.458092,0.307447,-0.224659,0.211487,-0.0295372,-0.0686589,0.538538,0.754564,0.610921,-0.8452,-0.0891864,-0.664148,0.0932099,-0.311559,0.509816,-1.01485,-1.07604,-0.562343,-0.438042,0.360098,-0.543432,0.51473,-0.373185,-0.129145,0.14211,-0.366486,0.916807,0.356012,0.247501,0.0203166,0.538496,-0.266539,0.146393,-0.598799,0.584124,0.919787,-0.558133,-0.175853,1.16599,0.0468322,0.339326,-0.665941,0.23838,-0.149377,-0.621748,-0.142102,0.415842,-0.15552,0.582558,0.450255,0.752268,-0.892578,-0.812425,0.456626,0.543594,-0.00789207,0.633252,-1.27232,0.846229,0.139342,-0.553849,0.296348,0.638431,-0.0524442,-0.170648,0.733667,-0.947312,1.30964,0.0211077,-0.53865,1.17644,-0.564018,0.540659,0.569147,0.054592,0.21582,0.157376,-0.162433,0.441529,0.485898,0.748974,-0.00985415,0.198397,-0.64096,-0.032062,-0.243064,-0.0289679,-0.26931,-0.0206776,0.679481,-1.2671,-0.437056,0.319162,0.208615,1.05784,0.485375,0.0670561,0.0817352,0.41697,0.0429803,1.3667,-1.34668,0.726801,1.43166,-1.47723,0.657762,0.140244,0.27742,-0.205575,0.415153,-0.170689,-0.0117973,0.674608,0.397895,-0.31093,-0.0304139,0.076294,-0.600478,0.174511,0.34045,-0.0708567,0.791416,0.861206,-0.158853,0.322766,0.0257987,0.325744,-0.878963,-0.588002,-0.868873,-0.0740267,-0.177446,0.234284,-0.564582,0.777745,0.158246,-0.132873,0.227452,-0.669961,-0.25518,0.846658,0.253607,0.819975,0.0898993,0.294326,0.357889,0.0777561,-0.295367,0.339394,-0.0867458,-0.529723,-1.15822,1.13378,-0.743823,0.739605,0.241866,0.449829,-0.477382,-0.492516,-1.07489,-0.66471,-0.663066,0.379423,0.666717,-0.0800492,0.114826,0.31919,0.734021,-0.0574762,0.0388156,0.104528,-0.530981,0.0374118,0.333896,1.06386,0.444716,0.0991021,-0.653865,0.138241,0.186593,0.0202937,-1.00426,0.126154,0.398355,0.0503747,0.278379,0.67284,-0.00618582,-0.747625,0.0602373,0.432082,0.332812,0.8498,-0.274119,0.0614686,-0.229531,0.899614,0.364125,-1.26509,0.156797,-0.686774,-0.108056,-0.990635,-0.121524,0.314012,-0.926038,-0.648792,0.531676,-0.106436,0.545824,-0.355895,0.00928938,-0.228926,-0.012164,0.0176672,0.036891,-0.543433,0.196435,0.198083,-0.358379,0.814276,0.683623,0.219774,-0.540631,-0.68714,-0.297986,0.191691,-0.604812,0.303807,-0.317011,0.122132,0.77689,-0.277078,-0.44564,-0.290679,-0.864938,1.59501,0.867901,0.137108,-0.741418,0.255723,0.962062,-0.252547,-0.591045,-0.387773,-0.382049,-0.189116,-0.110776,-0.522978,-0.219229,-0.900856,-1.12434,0.168505,-0.774509,0.281096,-0.316432,-0.247864,-0.821087,-0.333034,-0.037759,-0.635768,0.108228,1.36081,1.28862,-0.0788242,0.290133,0.353571,-0.0456573,0.501469,-0.388056,1.24631,0.59401,0.349541,0.277753,0.180373,1.17843,0.804248,-0.720465,0.248007,0.0675575,-0.308539,-0.705082,0.108153,0.199589,-1.10393,-0.699401,-0.273705,-0.22185,1.40777,-0.389818,-0.437066,0.600815,0.373251,0.187793,-0.339393,1.16426,0.67515,-1.17207,0.0721995,-0.407791,-1.1541,-0.335804,1.38486,0.0234867,0.00313625,-0.740608,0.642639,0.269849,0.153707,0.420549,0.0237085,-0.402371,0.0495799,-0.708688,-0.754512,1.35217,0.186646,0.793153,0.275449,-0.0964155,0.135222,-0.207424,0.513375,0.612521,0.495616,0.164146,-0.00340202,0.261193,0.130205,0.28761,-0.110603,0.365641,0.596534,0.398199,-0.884742,-0.228049,-0.71681,-1.34795,-0.000286743,-0.167887,0.895206,0.44467,0.0895831,-0.461755,-0.194114,0.693302,-0.166249,0.103821,0.450329,-1.15332,-1.21802,0.500698,0.512309,-0.334558,0.566955,-0.363036,-0.0401364,-0.0960229,-0.436542,-0.127153,-0.593907,0.316515,0.4816,0.493723,0.24526,-0.383619,0.360622,0.229161,-0.351889,1.30306,0.0150287,-0.242745,0.196971,-0.133204,0.214872,0.992153,0.271959,-0.144441,-0.909524,-0.257408,0.791289,-0.347536,-0.824165,1.04547,-0.328766,0.713994,0.675781,-0.522261,0.406472,-0.382645,-0.366704,0.481115,-0.441451,-0.99779,0.258456,-0.0604786,0.202013,0.82085,0.363702,-0.222603,0.355459,-0.141119,0.298013,0.15083,-0.31956,0.595793,0.557425,-0.645307,0.136091,-0.567164,-0.0872754,-0.766341,0.387923,0.301812,-0.326939,-0.631764,1.10359,0.794004,-0.179942,0.103537,-1.05514,-0.309687,0.270758,0.090284,-0.988225,0.524918,0.220708,0.459206,0.71088,-0.327682,0.994834,0.687211,-0.104875,0.374148,-0.0611315,0.239928,0.258448,0.48001,0.383676,0.189935,0.577306,-0.257184,-0.628666,0.18568,-0.566262,0.0189868,-0.741128,1.22812,-0.467056,-1.21048,0.302013,0.0640873,-0.144913,0.310157,0.462553,0.619809,-0.848423,-0.340569,0.101367,-0.476395,0.684245,0.0080073,0.0430459,-0.804204,-0.91176,0.030646,-0.595265,-0.397502,0.355208,-0.178652,-0.100153,0.105008,-0.723882,0.322072,-0.412684,-0.675805,0.305041,0.686305,-0.0011635,0.228098,0.031076,-0.665642,-0.377818,-0.199375,0.0716372,0.0529369,0.297888,0.0353949,0.665845,0.267425,-0.262055,0.000759959,-0.146922,0.650019,0.0122038,-0.0354316,-0.728007,1.32333,-0.537924,-0.308866,0.318975,-0.384513,-0.42263,0.816851,-1.00575,-0.72906,-0.232873,-0.226015,-0.21354,-0.198783,0.912689,-0.543847,-1.2867,-0.711682,1.01918,-0.0977174,-0.100564,1.2091,0.881097,-0.0889575,-0.121394,-0.180875,-0.487813,-0.345229,-0.547713,0.339757,1.2107,0.114232,-0.287379,-0.157008,0.78441,-0.855111,-0.639405,-0.507519,-0.0375396,-0.141505,-1.58924,-0.854039,-1.14769,-1.04216,0.453843,-0.0181066,0.182447,-0.700494,0.200555,-0.215693,-0.013506,0.795543,0.0170549,0.184678,-0.338462,1.0679,0.697444,0.55376,0.589195,-0.258305,0.895551,0.605444,-0.507222,0.252587,-0.0833888,0.46063,-0.452785,0.31245,-0.185452,0.691943,0.0246118,0.177933,-0.740927,-0.114671,-0.494985,0.348166,-0.457867,0.0626691,-0.363686,-0.154106,-0.831289,0.0452551,0.440707,0.894587,0.737955,0.353525,-0.764212,0.833323,0.285664,-0.263547,-0.362812,-0.141803,0.0634932,0.210245,-0.101447,0.0787204,-0.374162,-0.016725,0.563731,-0.477156,1.17282,0.165537,-0.0820221,0.637693,-0.545891,-0.0384439,-0.429564,0.436839,-1.29164,0.387227,0.035395,0.807145,-0.633283,-0.160508,-0.589516,-0.0296214,0.427444,0.82851,-0.278039,-0.652748,0.59657,1.33752,0.738328,-0.0761532,-0.688988,-0.399258,0.0104048,0.263528,0.2025,0.0822775,-0.293539,-0.696186,-0.37168,0.0874361,1.26958,-0.684559,-0.817384,-0.177598,-0.11632,0.567529,0.43211,0.325642,-0.337075,-0.456313,-0.10942,-0.00817885,-0.102455,-0.396012,1.00854,1.23535,-0.737819,0.125,-0.231124,-0.24359,-0.357922,0.163185,-0.224756,-0.0031373,-0.420543,0.657954,-0.974704,0.889909,-0.0508099,1.05465,0.356956,0.318222,-0.246793,0.361977,0.959281,-0.214122,0.843362,0.974922,-0.382013,0.890256,-0.787453,-0.0423983,0.854084,0.862024,-0.328841,-0.169642,0.366344,-0.347665,-0.161615,0.278394,1.1734,0.319198,0.870215,-0.492464,0.853166,0.135164,0.509059,-0.317702,-0.130225,-0.394939,0.327493,0.312761,-0.0694854,-0.111361,-0.749358,-0.465743,-0.271204,0.0568147,-0.626628,0.219482,0.848591,-0.820006,0.110844,-0.590994,-0.0175567,-0.345284,-0.578636,1.10758,-0.479311,-0.133231,0.242498,0.0977312,0.413867,-0.451014,-0.418381,0.484789,-0.615168,-0.408675,-0.138827,-0.0210665,0.291446,0.207724,0.200028,0.891912,-0.451546,0.688928,-0.23313,0.670151,1.11523,0.238407,-0.35266,-0.184729,0.753497,0.611104,-0.168541,0.236473,-0.924529,-0.835903,0.091562,-0.161332,0.0290159,0.285638,0.553134,0.168742,-0.487873,0.740949,1.39998,0.816546,-0.786182,-0.0144652,-0.494258,-0.501229,0.2061,0.0960172,0.729149,-0.733162,0.782954,-0.600392,0.639972,0.0443145,-0.0993645,-0.557479,-0.164796,0.00401973,0.395408,0.898505,0.171265,0.500786,0.795524,-0.144329,0.629892,-0.252931,0.587242,-0.289831,0.821349,0.177205,0.542248,0.544707,-0.87703,-0.214879,-0.355136,-0.169458,0.636348,-0.243575,0.0324444,0.440055,0.785639,0.0190821,-1.34764,-0.184888,0.00131545,0.252626,0.55929,-0.435839,-0.365958,0.0752185,0.536793,-0.420411,0.0966066,-0.0236907,0.807521,-0.128227,0.784463,0.795957,0.30252,-0.116819,0.158389,0.360016,0.164592,0.895821,0.604154,-0.708211,0.27981,0.484053,0.359464,0.270129,0.178569,0.0785993,-0.367755,0.675818,-0.0159341,-1.2865,-0.0579309,-0.157631,-0.651213,0.11582,-1.00889,-0.764047,0.564947,0.379343,-0.0557423,-0.0686791,0.225577,0.468013,0.338505,-0.936468,0.456723,-0.375371,0.298816,-0.768062,0.0218948,-0.103981,0.232159,-0.0619977,-0.741332,-0.0389609,-0.743799,1.14627,0.484647,0.0781067,1.1735,0.190379,-0.248403,-0.234372,0.455099,-0.130862,0.482286,0.45674,-0.908692,-0.199268,-1.05309,0.356145,0.0753275,-0.509705,-0.65944,-0.521186,0.221618,0.558062,0.147809,-0.368886,0.558394,0.872809,0.396845,1.25791,-0.806964,0.863839,0.0318791,0.145644,-0.827815,-0.479009,0.272505,-0.0241044,-0.656899,0.0989516,0.837326,0.332058,1.13939,-0.589799,0.58775,-0.123735,0.833375,0.317281,-0.784319,-0.357974,-0.438776,-1.00057,0.0237464,-0.0272499,-0.249043,0.168624,0.42138,-0.0423686,-0.541188,0.453524,0.0435156,0.127543,-0.0389626,-0.169002,-0.36725,0.205273,-0.274767,-0.321741,0.409351,-0.617859,-0.443815,0.120883,0.850218,-0.0725241,-0.00156179,0.19931,-0.00558417,0.166518,-0.886662,-0.384413,-0.308005,0.284839,0.421587,0.0686225,0.301207,0.380062,0.0465677,0.476259,0.249949,-0.131165,0.119116,-0.108976,0.560278,-0.364157,-0.642744,1.02871,0.607194,-0.731935,-0.266884,0.117384,0.549657,-0.235754,-0.523607,-0.481886,-0.660814,-0.445081,0.133457,-0.108225,0.316998,0.0212618,0.573965,0.341745,-0.821072,-0.589082,-0.335278,-0.160896,-0.481292,-0.225168,-0.62725,-0.237872,-0.446649,-0.576988,0.196391,0.425756,0.0154744,-0.0684663,0.209178,-0.930857,-0.242301,0.458864,-0.405265,-0.407455,0.448743,-0.357522,0.597701,0.0514487,-0.414602,-0.524767,-0.0587475,0.47257,0.462888,0.289297,-0.654812,0.0236727,0.95077,0.00895569,0.0123495,-0.525602,-0.468839,-0.19699,0.739515,1.25692,0.593551,0.640001,0.469092,0.380232,0.10651,-0.958706,0.916954,0.944505,-0.685581,-0.363494,-0.308103,0.763249,-1.59199,-0.126879,0.492032,0.5298,0.823841,-0.35375,-0.726496,-0.0420536,-0.563895,0.374934,-0.994808,-0.500108,-0.303255,-0.152124,-0.968451,0.202042,0.272601,0.799052,-0.828531,0.629671,0.00878066,0.316404,-0.642228,0.230909,0.0925044,-0.383145,-0.423109,-0.814153,0.727551,0.363607,-0.0654809,0.14313,-0.530691,0.634788,-0.828639,-0.600868,-1.09923,0.476626,-0.675332,0.821135,-0.359866,-0.0347169,0.485808,-0.37153,-0.229987,0.120965,0.699422,-0.0657609,-0.535484,0.743576,-1.05832,0.255555,-0.0159979,0.764207,0.0822432,-0.244181,0.0719957,-0.15389,-0.412665,0.316239,-0.762221,0.292748,-0.101468,-0.641381,-0.262351,0.144476,-0.64382,-0.238673,-0.263958,-0.437246,0.102754,0.419036,-0.691667,-0.462266,0.880436,-0.481099,-0.213322,-0.353936,0.189482,0.0836506,-0.406256,-0.0731521,0.00550818,0.738396,-0.0452983,-0.565691,-0.0369537,0.275788,0.724481,-0.278084,-0.850638,0.533524,0.597952,0.482791,-0.427383,0.666705,-0.0643787,0.199518,-0.515538,-0.17395,-0.153168,-1.12576,0.816015,-0.0523555,-0.53278,0.0199526,-0.168338,-0.702006,1.01713,1.21205,0.0385212,0.640494,0.336563,-0.556646,0.409936,0.715136,0.783049,0.4662,-0.144265,0.553265,0.317037,-0.445525,0.382765,-0.457773,-0.152106,0.424425,-0.329774,0.237251,0.715295,-2.11953,0.863881,-0.440633,-0.8645,1.05427,0.165279,-0.173478,-0.385049,-0.168594,-0.838035,0.0259572,-0.20471,0.536173,-0.264286,-0.422006,-0.416969,1.04281,-0.512827,0.44229,-0.5019,-0.436771,-0.858827,0.493659,-0.00383312,0.0238254,-0.0698518,-1.01947,0.114931,0.961325,-0.0506092,1.00478,0.0174689,0.0494421,0.255061,-0.838454,-0.542412,1.15286,0.210829,0.0371118,-0.0945161,-0.721898,0.530884,0.0478815,-0.166572,-0.243076,-0.532758,-0.0693755,0.0796929,-0.120696,-0.319671,1.44708,-0.477977,-0.165266,-0.0512665,-0.249284,0.259695,-0.217613,0.217436,0.658628,0.373775,-0.435717,0.494924,0.165071,-0.283695,-0.095304,-1.18964,0.602237,-0.148038,-0.284835,0.313977,-0.0829813,-0.143756,0.298535,-0.122313,0.893277,-0.559202,0.00409726,0.863043,-0.20737,0.173514,0.654836,-0.256538,0.0794067,-0.207189,-0.223739,-1.09983,0.0238309,-0.24018,-0.644502,0.705746,-0.610018,-0.321575,0.473903,-0.111218,0.145753,-1.12831,-0.541548,0.207207,0.586989,-0.469549,0.713305,-0.160401,-0.0928661,0.396817,-0.470932,-0.146649,-0.562447,-0.928619,0.567164,-0.8706,0.250043,0.726416,0.455249,-0.437981,-0.834029,0.687517,0.0960878,-0.767786,0.13211,-0.281944,0.226725,0.861387,-0.0488493,0.22261,-0.637024,0.12692,-0.00320309,0.384694,0.235079,-0.278644,-0.736768,-0.0691156,-0.819534,0.311518,0.509062,-0.328495,-0.181477,-0.224405,0.164936,-0.517236,-0.176393,0.315939,-0.224321,0.899379,-0.0647301,0.454686,0.168761,0.038016,-0.820982,-0.215022,-0.726252,0.470808,-0.515022,0.870859,-0.0702544,0.880027,-0.636909,0.27334,-0.0378885,-0.111083,-0.748148,0.393512,-0.0618491,-0.868982,0.216989,0.115486,0.12219,-0.864591,0.196963,0.147076,0.0152085,-0.312651,-0.165852,0.364001,0.818346,0.100966,-0.561404,0.155089,0.278953,0.175604,0.234823,-0.139603,0.433588,0.201908,0.432512,-0.590076,-1.01974,1.03185,0.0665523,-1.01002,-0.670949,-0.249069,0.791651,0.543713,0.187111,0.36821,-0.5424,-0.0128354,-0.179394,-0.363463,-0.547424,-0.325843,0.151941,0.270217,-0.131859,0.987409,0.682495,-0.301423,-1.73604,-0.0769344,-0.284997,-0.355493,-0.692481,0.906537,0.291587,-0.139341,-0.249897,-0.618828,-1.5744,0.324866,-0.391837,0.503009,1.21107,-0.0397966,0.803368,-0.192922,0.247963,-0.672643,-1.08038,-0.623874,-0.113584,-0.244587,-0.629423,-0.237288,-0.187262,1.12109,0.24478,-0.355306,-0.75518,0.560386,0.983144,-0.490982,0.341275,0.035534,0.130043,-1.53233,0.49915,-0.58939,-1.5059,-0.490138,-0.0325133,0.0704789,1.19645,-1.05148,0.88808,0.761541,0.202336,0.468358,0.705577,-0.484355,-0.304275,0.663245,1.47631,0.291011,0.108241,-0.783953,0.222792,-0.287153,0.526412,-0.379071,-0.00220415,-0.878224,0.145311,0.438229,-0.907188,-0.905296,0.0510416,-0.206268,-0.224432,-0.899139,0.342761,-0.906335,-0.576448,-0.944469,-0.113372,-0.54065,-0.0217595,-0.377429,-0.205241,-0.0889741,0.53401,-1.19737,0.367523,0.0457351,-0.525103,0.815971,-0.605653,0.465352,0.268251,-0.175489,-0.0587989,0.770123,-0.549178,0.825997,-0.570239,0.253388,-0.732499,0.422412,0.910696,-0.411029,-0.557062,-0.110424,-0.358723,0.430256,-0.0647083,0.584574,0.154114,-0.760285,-0.832178,0.371141,0.418687,0.2208,0.427119,0.340271,0.095426,0.611664,-0.134595,-0.42721,-0.392087,0.0236296,-0.0659307,0.731512,0.00985052,-0.598282,1.10767,0.564446,-0.166215,-0.942847,-0.0887218,-0.25944,0.00169577,-0.234226,-0.154857,0.467918,0.106228,-0.768062,-0.434492,0.206652,0.541229,-0.709552,0.0234891,0.571769,0.118957,0.436845,-0.410864,1.15289,-0.191897,-0.458441,0.105125,-0.660883,0.24186,-0.525813,-0.758303,-0.787057,0.369831,-0.29558,-0.325808,0.0145485,0.584995,-0.0571504,-0.378644,0.840654,-1.00506,-0.628968,-0.18545,0.497087,-0.324412,0.480884,-0.417231,-0.15557,0.0695783,0.446558,-0.745611,-0.602518,0.503165,0.124512,-1.32217,1.02073,0.0379084,0.361276,-0.176102,0.0793692,-0.87736,0.397419,-0.291003,0.277991,-0.308224,0.0726598,0.0822375,0.448135,0.574858,-0.304388,-0.297273,0.115425,0.174274,0.698635,0.276394,0.387042,0.256239,-0.167888,-0.552731,-1.16041,-0.0111497,0.408676,1.09877,0.0507746,0.111532,-0.215141,-0.281912,-0.913763,-0.542259,0.207241,0.245019,-0.40658,0.141661,-0.143226,-0.18936,0.726749,-1.2691,-0.044798,-0.851468,-0.405293,-0.0507843,-1.46215,-0.976943,-0.525966,0.469621,0.25216,0.859689,0.083682,-0.726287,-0.533022,-1.30582,-0.0748743,0.600769,-0.449399,0.0864237,-0.0949713,0.22726,0.761304,-0.267995,-0.774415,-0.589506,0.115723,-0.480677,0.969292,-0.208114,0.403388,-0.63311,-0.711832,-0.807182,-0.484246,0.41855,-0.30683,0.219516,0.233752,0.700207,-0.341556,-0.10513,-0.00497387,-0.0226775,0.0390084,0.243534,-0.326744,-0.232597,-0.0137337,1.16758,-0.979521,0.10077,-0.536793,-0.58814,-0.329308,0.0388692,-0.416183,0.207491,0.343152,0.726678,0.207776,-0.0596689,-0.426598,0.690949,-0.965436,-0.206087,-0.253323,0.348507,-0.0990115,0.150969,-0.264552,-1.48229,-0.230128,-0.32763,1.26003,-0.00300632,1.03507,0.11226,-0.340254,0.6191,0.542655,0.00439658,-0.198294,0.233429,-0.409647,0.417935,-0.217348,0.372119,-0.570677,-0.263185,0.359669,-0.244926,0.564793,-0.336506,-0.0321189,0.947147,0.221321,0.333129,-0.727944,-0.237428,-0.0289734,-0.337879,0.0283547,0.0617872,0.304728,0.537719,0.041753,0.226599,-0.239228,-0.0193282,-0.295157,0.182228,0.094523,0.123206,-0.50905,-0.353609,-0.429186,-0.262588,0.320725,0.249362,-0.631949,0.432866,0.010526,0.196579,0.261733,0.262609,-0.105582,0.63025,0.0910792,-1.06356,1.48493,-0.215666,0.21827,0.148235,-0.186033,0.369993,0.206576,-0.302263,0.00518724,0.382697,1.02829,0.154465,0.389205,-0.263775,0.196865,-0.0328581,-0.745124,0.0317604,-0.326081,0.0896036,-0.113645,-0.0388995,-0.750151,0.23436,-0.118059,1.28004,0.26197,0.123474,-0.378984,0.25699,-0.237907,0.877282,0.452852,-0.0775808,-0.109471,-0.223056,-0.699299,-0.275134,0.57119,0.85202,-1.47941,-0.295594,-0.580575,0.955202,0.0428537,-1.00533,1.18861,-0.136452,0.492689,0.21782,0.635825,0.164714,-0.648875,0.173073,0.393309,0.934526,-0.57141,-0.390021,0.222909,-0.174558,-0.692686,-0.303409,0.367463,-0.202979,0.0614315,-0.237284,0.309251,-1.0933,-0.624878,0.743048,0.114111,-0.480262,0.447272,0.292378,-0.335893,0.982934,0.251363,0.539321,0.285086,-0.408595,0.716295,0.315888,-0.996262,0.768744,-0.125657,-0.0345012,0.304511,0.632203,0.377752,-0.18425,0.109989,-0.0182134,-0.339026,0.69143,0.161167,-0.345303,-0.311111,0.101294,-0.53249,0.512626,-0.734843,-0.444576,-0.710852,-0.0429809,-0.0701867,-0.0950562,0.291981,-2.52879,0.294393,-0.982554,0.370057,-0.566317,-0.0175233,-0.288362,-0.811135,-0.736125,-0.545417,-0.128662,-0.323309,1.51161,-0.465857,-0.834485,-0.37586,0.303266,-1.50794,-0.23721,-0.356443,-0.443412,0.38061,-0.932441,-0.196925,-0.0814386,-0.375182,-0.381951,-0.0114559,-0.276215,0.0385028,0.885624,0.183993,0.316133,0.219164,0.431994,-0.256742,0.53239,0.7738,-0.367376,0.149256,0.399607,1.21717,0.0681578,0.6151,1.13839,0.363182,0.801743,0.635854,-0.16489,0.39644,-0.328572,0.867756,-0.120301,0.247589,-0.283155,-0.277175,0.0758897,1.19878,1.20377,-0.475955,0.622932,-0.701321,0.142541,1.00723,-0.747172,-0.315531,-0.387969,-1.07343,0.367517,-0.157862,-0.59764,-0.653913,0.691254,-0.615292,0.387791,0.309688,0.0661072,-0.427664,0.341391,-0.610854,-0.304399,1.15219,-0.858472,-0.591474,-0.682857,-0.369246,-0.50779,0.217188,0.459971,-0.664969,0.181147,0.0668592,-0.146823,0.490169,-0.118071,-0.483538,0.618718,-0.87523,0.365178,-0.483081,0.66145,-0.746421,0.150351,-1.23121,0.0932108,1.46467,-0.293756,-0.699945,-0.101193,0.170194,0.425055,0.28917,-0.0753871,-0.0495702,-0.112385,0.520901,-1.85405,-0.741342,-0.567391,-0.0429018,0.621155,0.469413,0.590839,-0.178082,0.0397874,0.453846,0.0428905,-0.0687894,-0.114213,-1.02653,0.0176467,-0.0545577,0.620115,-0.171064,-0.55625,-0.0925279,-0.283459,-0.619399,-0.290539,1.08311,-0.25783,0.807999,-0.32501,-0.231687,-0.0110234,0.18193,0.828397,-0.268214,-0.112834,0.500563,0.0975083,-0.766776,0.480081,0.688325,-0.557684,0.633364,-0.788671,0.085602,-0.391958,-0.508752,-0.547861,0.34794,0.219114,-0.701542,-0.0869488,0.225348,-0.494501,-0.167154,-0.0423116,0.197078,0.480369,0.646459,-0.545752,0.153849,-0.931766,-0.401907,0.501039,0.180687,-0.364333,0.913715,-0.607276,-0.276477,0.91365,-0.223615,0.745394,0.48536,0.702848,0.625586,0.0288273,-1.37689,0.618867,-0.0432962,-0.302775,0.113594,0.727928,-0.73249,1.06277,-0.653186,0.0396872,-0.00793695,-0.687278,0.309273,-0.180403,0.72253,1.13999,0.429029,0.240555,-0.170539,0.431367,-0.080218,1.62936,-0.552113,-0.408047,0.416596,-0.516482,-0.00651541,0.339691,0.0557904,-0.261166,0.487193,-0.295181,-0.14386,-0.859619,-0.0403732,-0.154291,0.742646,0.258843,0.396799,1.21988,0.316422,1.3334,-0.913556,0.274497,-0.690215,-0.244595,0.500473,-0.295533,-0.290296,-0.595115,0.884146,0.243488,-0.0106794,0.223157,-0.701739,-0.247662,0.17494,-0.351068,0.210185,0.134788,0.655268,0.680203,0.792077,-0.502686,0.826688,-0.746922,-0.435965,0.783467,1.32853,0.177453,0.914664,0.183255,-0.247724,0.675494,-0.594252,-0.113258,0.00306634,0.31562,-0.160269,1.19882,1.0149,-0.844392,0.107473,-0.0258159,-0.0489709,1.40075,-0.69063,-1.25755,-0.364897,0.450146,0.322483,0.0189563,-0.130659,0.753636,-0.176794,0.0389182,-1.05382,-0.470248,-0.665133,-0.224856,0.16355,-0.425848,-0.971803,0.537597,-0.173121,0.432509,-0.552796,0.105522,0.467273,-0.219658,0.603379,-0.103315,-0.0218236,0.549723,-0.331636,0.0892542,0.689627,-0.928597,-0.119974,1.14423,0.38272,0.485245,-0.505698,-0.854678,-0.704356,0.665902,-0.371119,-0.240071,0.620146,-0.0419992,1.02681,-0.20252,-0.513041,0.0481076,-0.277588,0.1338,0.995579,-0.142965,0.183461,0.00666592,-0.0229682,-0.348504,0.296428,0.362297,-0.157528,-0.207961,1.02367,-0.759303,0.864512,0.305338,-0.0829245,0.645344,0.279923,0.267095,0.391055,0.620117,-1.32017,-0.510876,1.04693,0.88534,-0.224753,1.00263,0.910196,-0.947757,-0.494262,-0.782449,-0.195224,1.00079,0.635673,-0.0361425,0.180572,0.0868415,0.388606,-0.490688,0.0199285,0.519384,1.05849,-0.357085,-0.743508,0.571601,-0.475974,0.474599,-1.27473,0.397639,-0.216365,-0.015341,-0.356172,0.269641,0.666903,0.0396274,0.244552,-0.577968,-0.606403,0.985981,0.0396578,-0.367273,1.11917,0.936815,0.888786,-0.0871712,-0.323939,0.353751,0.137013,0.591704,-0.483501,-1.04204,0.607926,-0.114942,0.756686,0.499477,0.802653,-0.0397032,1.08613,0.586319,0.0579881,0.471418,0.367009,0.0170469,-0.415709,0.186405,0.377873,1.13224,-0.30491,-0.0121719,-0.0949527,0.469439,0.0934791,0.5646,0.837,0.215078,1.15821,0.0953971,0.126348,-0.118518,-0.0123695,-0.244552,-0.507998,0.0947488,0.260936,-1.10264,-1.01112,0.472515,0.577117,-0.526541,-0.159893,0.168681,-0.876993,-0.132528,-0.33295,-0.32194,-0.0424388,0.872178,0.0767266,-0.755557,-0.6622,0.159805,-0.878706,-0.333076,1.15301,-0.18541,-0.465796,0.114255,-0.296974,0.170394,0.180004,0.671537,0.304316,-0.572043,-0.345846,0.33604,0.574651,1.08906,0.0589989,0.367225,0.0850165,-0.22777,0.666318,0.134897,-0.337386,-0.457227,-0.0911518,0.0841771,0.535526,-0.123214,-0.233935,0.265987,0.874411,0.692511,0.245184,-0.367463,0.824743,0.7391,-0.438517,0.314654,0.0918156,-0.0762632,0.374015,0.4687,-0.206483,0.329261,-0.596571,0.841296,-0.50281,0.222672,0.568499,0.183234,0.0657308,-1.98342,-0.255667,0.215889,-0.981554,0.357131,0.256943,-0.0199715,-0.99187,-0.166125,0.800152,0.734358,0.167281,0.644672,-0.287323,0.938575,-0.0732927,0.535627,-0.216801,0.668329,0.938066,0.0203439,-0.626023,0.035558,0.0503595,-0.343138,-0.33431,0.580919,-0.746121,-0.972675,0.505734,-0.32264,0.0430509,-0.0203251,-0.0169603,-0.353072,-0.0117725,0.35992,-0.0549672,1.10432,0.825478,0.169878,-0.911901,0.639989,0.586027,-0.780045,-0.545191,-0.328124,-0.0579282,-0.190416,-0.0129957,0.385526,1.5443,-0.322419,0.104837,0.0232066,0.668043,0.550563,-0.175705,-0.512577,-0.0800701,0.0873093,0.226964,0.262047,-0.174961,0.445185,0.36215,-0.106128,-0.349551,-0.0350842,0.123754,-0.197784,0.416822,0.680117,0.145122,0.412345,-0.312988,0.358721,0.40472,-0.604263,-0.254027,0.524324,0.877374,0.701586,0.418235,-0.32246,0.206437,-0.617433,0.356071,0.761309,0.0304073,0.382522,0.432866,-0.54207,0.321118,-0.516783,0.046976,0.681029,-0.346949,0.529581,0.033389,0.20795,-0.845879,1.24527,-0.0474401,-0.208979,-0.440578,-1.03559,-0.170944,-0.215809,0.143229,0.203173,-0.247646,-0.0586393,-0.487372,-0.0781291,1.30424,-0.608031,0.214916,-0.14006,0.0575705,0.41452,-0.286986,0.323216,0.873334,0.192268,0.701777,0.0743923,0.321185,0.958398,0.050575,-0.0216654,0.218203,-1.05481,0.331129,0.19514,0.55782,-0.56733,-0.462079,0.372343,0.976761,-0.742684,-0.537754,-0.913494,0.558346,-0.405716,-0.400876,0.411224,-0.181774,0.854877,0.0688746,-0.584658,0.116569,-0.0532822,0.516884,-0.574452,0.454838,0.16119,-0.16577,-0.668559,0.154781,1.03927,-0.510972,0.274529,-0.258964,-0.0903267,-0.273474,-1.61002,0.491441,-0.426354,0.227246,0.300857,0.53132,0.883488,0.223933,-0.221929,0.744012,0.0908986,0.354455,0.204074,0.41964,0.566126,0.241264,0.360358,0.0422774,0.516237,-0.121353,-1.01193,-0.671789,-0.596678,0.730948,0.00762148,1.31328,-0.102314,-0.3563,-0.962948,-0.0737531,-0.0686536,-0.333902,0.103021,1.03885,0.421704,0.189569,-0.343697,0.444253,-0.807965,0.310259,0.373941,-0.355243,0.648386,-0.377805,-0.0248479,-0.0451134,-0.58033,0.672813,0.238501,-0.149225,0.5584,-1.23484,0.641551,0.187062,-0.983134,-0.264538,-0.563587,0.184442,-0.0582377,-0.249474,0.895402,0.566903,-0.640397,0.859414,-0.851641,0.350354,-1.43132,-0.131688,0.0745417,-0.0493081,-0.797421,0.66614,-0.671643,-0.0224582,0.238765,0.926474,0.328441,0.109131,-0.189338,-0.327402,-0.185491,-0.00988254,-0.910613,-0.609385,-0.228665,0.517184,-0.401897,-0.598142,0.466419,-0.270482,-0.657684,-0.188594,-0.68439,-0.873087,0.180289,0.407588,0.552547,-0.0178445,1.52521,-0.0945618,0.493033,-0.647101,-0.0964049,-0.237343,1.31115,0.739931,0.280289,0.579615,-0.124086,0.163786,-0.235838,0.74877,-0.940389,-0.0343913,0.112748,-0.0148467,0.91144,-0.0754895,0.0230405,-0.284128,-0.283726,0.299303,-0.390148,1.42162,0.458611,0.463707,0.818703,0.483895,-0.239236,0.376,0.548166,0.78299,0.366287,-0.853226,1.09582,-0.455971,-0.647927,-0.239483,0.621019,0.623657,0.82445,-0.481386,0.213751,0.0363386,-0.926999,0.329868,0.343217,1.15267,0.214558,-1.69488,0.10699,-0.652887,-0.303468,0.411127,0.177839,-0.588475,0.00111419,0.150425,0.336978,-0.473799,1.05048,0.179232,-0.00964397,-0.334947,0.749103,-0.199543,-0.0801819,-0.551808,-0.211208,-0.410992,0.177269,0.592083,-0.335561,0.832808,-0.867608,1.16077,-0.096923,-0.565382,1.13277,0.256603,-0.208631,-0.00532873,0.409607,0.962863,-0.462338,-0.190046,0.109991,-0.0171865,0.0291353,0.374493,-0.941823,-0.0280279,0.207525,-0.277189,0.184708,0.62394,-0.073344,0.872905,-0.0956005,0.504593,1.23091,-0.831505,0.424314,-0.31639,0.57629,-0.323825,0.149958,-0.111405,-0.370963,0.144025,0.371209,0.128817,0.406585,0.0831326,0.16857,0.228594,0.124629,-0.803655,0.27564,0.604104,0.00530586,0.367872,-0.470779,0.374454,-0.385702,-0.362185,0.099398,0.113223,0.270655,-0.933067,-0.483301,-0.169138,-0.258594,-0.47516,0.00397653,-0.0503704,-0.164253,0.0876203,-0.149083,-0.672882,-1.1971,1.47688,-0.397515,0.0652514,0.243313,0.229358,0.72278,-0.058826,-0.579961,0.940293,-0.321268,-0.130475,-0.204789,0.140714,-0.651064,-0.360312,-0.47453,-0.156537,-0.143205,-0.225136,0.241142,-0.556861,0.366919,0.238083,0.486896,-0.444927,0.421227,-0.276345,0.537675,0.264173,0.788157,1.40423,-0.344226,0.0908951,0.29279,-0.712506,0.10865,0.20053,0.0499016,-0.0925563,1.19744,-0.524756,0.210878,-0.0904014,-0.0557624,-0.785074,0.252286,-0.595688,0.126834,1.0386,-0.00547846,0.212373,-0.264044,0.682965,0.144052,-0.488938,0.948587,0.310805,0.27695,-0.727622,0.296765,0.194559,-0.420149,-0.858206,0.227129,-0.120337,-0.111568,0.118403,-0.43864,0.12493,0.547033,0.108724,0.232498,0.0101217,0.395284,0.151668,0.1019,0.50619,-0.541781,0.479625,-0.648808,-0.0344125,0.354702,-0.762937,-0.0949424,0.499351,-0.443922,1.12003,0.334578,-0.389372,-0.173217,-0.435733,-0.682617,1.11422,-0.0456904,0.160482,-1.17926,-0.520424,0.49693,-0.862814,-0.486911,-0.859934,-0.286585,-0.959176,-0.180448,-0.291955,0.472062,-0.359235,-0.919774,0.989698,-0.10182,0.601276,-0.165614,-0.0489978,-0.0977523,-0.388623,0.0328761,0.163039,-0.669774,0.484511,0.134926,-0.478948,-0.220699,-0.0745804,0.338147,0.2725,0.383654,0.999892,0.266198,0.720278,-0.164857,0.462151,0.423865,0.704191,-0.652818,0.712631,-0.49045,-0.19899,-0.126579,0.390878,0.613345,-0.372684,-0.339021,-0.215174,-0.435605,0.503446,-0.317558,-0.645168,0.464557,0.72547,0.0194156,-0.216724,0.835167,0.489327,-0.317552,0.097673,-0.706669,-0.985161,-0.539563,0.694734,0.344353,-0.265902,-0.431838,-0.0612677,-0.104467,0.187802,-0.139383,0.271882,0.257524,0.348574,-0.500355,-0.082482,0.541419,0.526413,0.0126401,0.781231,0.489807,0.38026,-0.0222003,-0.261077,0.138248,0.728359,0.0937855,0.558527,0.0879367,0.215633,-0.322712,-0.578651,-0.264539,0.321354,-0.0692836,-0.655785,0.27046,-0.03541,-0.328664,0.429263,-0.512777,0.438761,-0.257334,-0.0941434,-0.579879,0.16623,0.646039,0.194212,0.178023,0.688748,-0.536051,-1.01978,0.0651228,0.383735,0.0799228,0.796071,-0.442813,-0.238359,-0.733093,-0.456902,-0.254752,-0.522982,0.446316,0.999574,0.392231,0.0514343,0.279064,-0.302169,0.149372,0.151054,1.73645,-0.399429,-0.193984,0.105573,0.333265,0.149363,0.842094,0.0170023,0.259619,-0.104825,0.0994882,1.21674,-0.188582,-0.298875,0.611524,0.267336,0.167308,0.825124,0.0332544,0.414594,-0.237527,-0.148355,-0.103002,-0.311377,-0.760024,0.370209,-0.392352,-0.697093,1.052,1.09099,0.24026,0.614021,0.200386,0.00587806,0.206432,0.0804388,0.548369,0.348122,-0.302305,-0.0782388,-0.0211358,0.460371,-0.761972,0.0684988,0.103128,-0.0117941,-0.825081,0.611498,0.110616,0.150175,0.482506,-0.939039,-0.190824,0.123139,0.160559,-0.521581,-0.417348,-0.294816,0.00799569,0.363839,0.641252,0.896826,-0.266725,-0.106382,-0.309173,-0.460177,-0.749316,0.565191,-0.0258048,-0.120552,0.165387,-0.225246,-0.189262,-0.190754,-0.141112,-0.307323,-0.323368,0.106586,0.402875,0.41648,-0.906334,-0.235544,0.137129,0.438927,0.320067,-0.569081,0.0109914,-0.762259,-0.16894,-0.866487,-0.598228,-0.0753482,-0.426368,-0.370454,0.0761156,0.578797,-0.337115,-0.251624,0.279206,0.259925,-0.665342,0.366009,-0.267217,-0.71912,-0.218055,-0.00746018,-0.140444,-0.552752,0.520452,-0.0949174,-0.190105,0.403674,-0.329536,0.283629,-0.275944,-0.59429,0.693056,0.840847,0.48552,0.410457,0.495363,-0.95135,0.532178,0.0110739,-0.126756,-0.275806,0.526085,0.176656,1.20961,-0.445054,0.0474039,-0.376748,-0.783811,-0.379536,1.46538,-0.985107,-0.669398,-0.148384,-0.187227,-0.0294099,1.02159,0.226759,-0.493972,-0.151856,-0.952978,1.15317,-0.378148,0.238917,0.219787,-0.0477797,-0.0879939,0.0141707,0.28617,0.516251,-0.198678,0.448509,0.395488,0.390006,0.149665,-0.551346,0.220076,0.880108,-0.313743,-0.797533,0.164565,-0.587034,-0.569809,-0.0240857,-0.835262,-0.879846,-0.877659,-0.103382,-0.0749512,0.503108,-0.27125,0.0858733,0.0198091,0.733556,0.412514,0.267849,0.0125627,0.888151,0.516949,-0.403625,-0.0782224,-0.290784,0.295991,0.805306,-0.370578,-0.403955,-0.323936,0.155471,1.23025,0.147141,0.252221,-0.128401,0.345261,0.422714,-0.171338,-0.457043,-0.240295,0.0925136,-0.0848804,-0.0970889,-1.09522,0.122116,0.454038,-0.116414,-0.638355,0.161815,0.263284,1.24555,0.180928,0.0881239,0.64763,0.910696,-1.36498,-0.794735,-0.390236,0.220324,-0.393863,-0.185622,0.0821635,-0.474697,0.488797,0.210153,-0.0873439,0.32233,0.365744,0.487365,0.823711,0.368886,-0.105044,0.157154,0.791426,0.115975,-0.0604088,0.338163,0.714046,-0.132036,0.305619,-0.170751,0.263411,0.122904,-0.475354,-0.25578,0.332002,0.278438,1.2984,0.427288,-0.535676,-0.311077,-0.674292,-0.121949,0.458256,0.574663,-0.23401,-0.121157,-0.402763,-0.802511,0.104363,0.410043,-0.185463,-0.414498,0.0372217,-0.173549,0.755801,0.382777,-0.227099,-0.424086,0.0132856,-0.374059,-0.6581,-0.308277,-0.624322,-0.032709,0.87805,-0.826086,-0.542305,-0.879824,-0.339548,-1.05775,0.0803753,-0.195299,-0.515844,0.00739785,0.281109,-0.794153,0.121554,-0.258206,0.891608,-0.266152,1.05281,0.0829976,0.101991,0.0661624,1.03689,0.699217,1.20233,-0.331124,1.01908,-1.25328,-0.515256,0.0823674,0.375275,-0.559687,-0.632831,0.395412,-0.419071,-0.51519,-0.362068,0.977166,0.764553,0.404474,0.170341,0.657638,0.156075,0.2333,-0.231736,0.547084,-0.036666,0.26015,0.41267,-0.0916177,0.180569,-0.00211389,-0.933527,0.17762,-0.41179,-0.685218,0.0250759,0.275479,0.0641909,0.275038,0.101564,-0.781353,-0.0696523,0.0979766,1.01637,-0.335366,-0.623001,-0.271992,-0.150731,0.839006,0.346172,0.746391,0.824769,-0.270976,-0.627848,0.155061,0.183488,-0.192994,0.298845,-0.0843048,-0.139406,-0.539309,0.450921,-0.299271,-0.100763,0.557881,0.0696738,-0.287574,0.387229,0.331224,0.109008,-0.372526,1.01013,-0.329784,-0.635199,0.678931,0.802654,-0.12894,0.283634,0.422994,-0.312393,-0.57298,0.0739566,0.477477,0.695538,0.173714,0.637143,-0.393929,0.755715,-0.361156,-0.26088,0.173846,-0.131416,0.31882,-0.180071,0.578242,0.0129922,0.394999,-0.352917,-0.55433,0.721088,0.618789,0.950238,0.432518,0.48105,0.737658,0.274132,0.417968,0.357103,0.675442,-0.0140971,1.09389,-0.292426,-0.657187,0.66655,-0.705455,-0.491841,0.694512,-0.27488,0.877494,-0.0784691,-0.210219,-0.748679,0.113446,-0.183957,-0.0527019,0.167852,0.886353,-0.341259,-0.267938,-0.306919,-0.217375,-0.694585,0.458879,-0.731997,0.0792682,0.430475,0.385315,0.0278191,0.943307,0.201723,0.659172,-0.845372,0.375829,-0.060113,-0.219732,0.12091,0.368329,0.000458747,-0.326534,0.7631,0.582475,-0.255793,0.4406,0.196973,-0.130034,0.527284,0.34582,-0.272079,0.193627,0.0114447,-0.382815,0.131883,-1.29883,-0.502186,0.425903,-0.129518,0.0828963,0.402199,0.31964,0.548558,0.235317,-0.758004,0.333218,-0.131093,0.351718,0.749907,-0.375081,0.578694,-0.4887,-0.00265247,-0.646938,0.108714,-0.264136,0.235029,0.837918,-0.0405481,0.832319,-0.200163,0.0361414,-0.349222,0.566406,-0.0979031,0.543679,0.448007,-1.11229,-0.258274,-0.885687,0.302471,-0.111761,-0.59793,-0.538815,-0.324194,0.405802,0.439091,0.140048,-0.0485192,0.777819,-0.083159,-0.978332,0.892287,-0.647076,-0.140497,-0.350905,0.184568,-1.30223,0.546073,0.994607,-0.0715474,-1.16294,-0.611537,1.19349,0.569066,1.12252,-0.675762,0.819131,-0.116261,1.05235,0.108754,-0.813486,-0.0155098,-0.584283,-0.150824,0.562181,-0.32854,0.0305309,-0.75705,-0.0324742,-0.327994,-0.363356,1.15802,1.06053,0.223298,-0.179527,0.206111,-0.280518,-0.534626,-0.135423,-0.160197,1.05211,-0.143238,-1.0353,-0.0343044,-0.268475,-0.350939,-0.32468,0.61059,-0.0104275,0.218741,-0.0879014,0.178589,-0.131176,-0.0565693,-0.0938131,-0.380408,0.540318,0.465884,-0.267554,0.366318,0.162002,0.941384,0.267959,-0.214784,-0.0458074,-0.421991,-0.309295,0.621017,0.75338,-0.468575,0.300198,-0.317402,0.293039,-0.24963,-0.810368,-0.569788,-1.0927,0.00742855,-0.260028,0.530195,-0.135452,-0.0363206,-0.808517,-0.147698,-0.0759675,-0.298087,0.290707,-0.391127,-0.222826,-0.176553,0.397639,0.434445,-0.0302649,-0.568512,0.40884,0.468594,0.0995664,-0.922398,-0.855058,-0.590744,0.367641,0.68321,0.0338961,-0.145848,1.48696,0.336411,1.32007,0.412551,0.0089486,-0.142317,0.724355,-0.447388,0.399863,0.303337,0.214574,-0.611965,0.152444,0.274414,0.251514,0.315774,-0.0682233,-0.112542,0.78937,0.689078,0.114935,0.539489,0.234755,-0.0345058,0.00623465,-0.75853,-0.0695885,0.576551,-0.997861,0.473253,-0.186019,0.251952,-1.47358,-0.310297,1.04299,0.438154,0.847342,-0.140437,-0.916113,0.306462,-0.282686,0.750847,-0.67673,-0.486737,0.575199,0.341277,-0.855048,1.07268,0.196644,0.335044,-0.293399,0.353724,0.310367,0.611516,-0.180152,0.18477,-0.218471,-0.430082,-0.394087,-0.923555,-0.270207,1.0672,-0.67885,-0.674776,-0.597289,0.161445,-0.185229,-0.420531,-0.589378,0.256771,-0.61516,-0.00715852,0.284873,0.526027,-0.814357,0.00743853,0.0731264,-0.191864,0.550026,0.165793,-0.374007,-0.407544,-0.853137,-0.32646,0.473383,0.586248,-0.00225699,0.159923,0.216263,-0.0455257,0.0466341,0.198908,0.0908301,-0.0868844,-0.693081,-0.638353,-0.350132,0.00945774,-0.285426,-0.232195,0.282272,0.266428,0.645605,0.880039,-0.037193,-0.118159,0.0256841,0.188859,0.34296,-0.441727,0.347041,0.364111,-0.698889,0.365549,-0.585978,0.353747,-0.0638037,0.0453802,-0.132622,0.126385,0.395062,-0.108688,-0.299731,0.333076,0.570382,0.455401,-0.678382,0.204267,0.174968,0.068073,-0.316641,0.235726,-0.303973,-0.4269,0.332732,-0.224939,-0.315384,0.297409,-0.169421,-0.484918,0.569627,0.869112,-0.547707,0.47508,0.585039,0.058689,-0.220519,0.166119,0.681714,0.905514,0.693409,0.388283,-0.777477,0.533689,-0.196027,-0.45669,0.0711938,0.80892,0.178198,-0.0409373,-0.0483999,-1.66763,0.678941,0.170532,-1.43457,0.76361,0.00585324,-0.483222,-0.424716,0.0177605,-0.39582,-0.164303,-0.293831,0.816476,-0.00207018,0.587391,-0.394037,0.818454,-0.294532,0.349044,-1.12207,-0.420205,-0.251132,0.438095,0.198904,-0.199399,-0.153157,-0.0458259,-0.453761,0.787319,0.0978635,-0.0228141,0.462072,0.399561,0.575152,-0.588941,-0.0597974,0.700864,0.702577,0.0517387,-0.140033,-0.413007,-0.11921,-0.163176,-0.796679,-0.304181,-0.215217,-0.0560241,-0.0772184,0.333836,-0.242178,0.838312,0.115093,-0.180138,-0.0373703,-0.566722,-0.343661,-0.451502,-0.0272863,-0.00603995,0.368442,-0.291986,0.716299,0.0259406,-0.452074,-0.127119,-0.654402,0.0314359,-0.679381,0.20755,-0.336777,-0.815444,-0.139985,0.0491855,0.516345,0.885429,-0.598363,-0.740067,0.85672,0.641807,0.706378,1.08058,-0.671616,-0.323354,-0.606001,0.2415,-0.499364,0.512085,-0.420642,-0.461847,0.677178,0.331118,0.394261,-0.0880577,-0.0986851,0.130822,-0.784566,-0.963394,0.690766,0.474393,-0.576976,0.638876,0.0477281,0.628994,0.0864434,-0.683389,-0.565569,-0.625937,-0.583036,0.487247,-0.561514,-0.391499,0.624868,-0.0913531,-0.182384,-1.15335,0.46894,0.0271216,-1.22597,0.569197,-0.326115,0.0250408,0.4449,0.511698,0.324506,-0.614696,-0.0361587,-0.656234,0.100951,0.487606,0.385723,-0.749698,-0.37211,0.189259,0.247918,0.87504,0.0689728,0.0310489,-0.737763,0.383543,-0.0759329,0.251951,0.910458,-0.48885,0.389957,-0.570276,0.141955,0.00060159,-0.673105,-0.316898,-0.224469,-0.0673008,0.352527,-0.563689,1.3183,0.263255,0.633344,-0.124972,1.04925,-0.33408,-0.00476164,0.782711,0.852502,-0.176725,-0.385641,0.276649,-0.016276,0.145456,-0.479458,0.484549,0.0791067,0.370947,0.367348,0.0817148,0.277099,1.36159,0.25283,-0.516151,0.53395,0.199976,-0.169642,-0.148367,-0.135024,1.05505,-0.278088,-0.226683,-0.274018,-0.65668,0.17063,-0.0553269,-0.362712,-0.49817,-0.727358,0.185262,0.0590025,0.701892,0.182334,0.0444348,0.221743,0.0154997,-0.0686201,-0.168535,-0.5336,0.68891,-0.0192771,0.0722343,0.490461,-0.368776,0.871999,-0.985655,-0.00621384,-0.151061,-0.679643,0.307525,0.627635,-0.198474,0.256299,0.443596,-0.12183,-0.984731,0.386652,0.372599,0.384733,1.38997,0.35651,0.859333,-0.285548,-0.384432,-0.244052,-1.25165,-0.0405116,0.319954,0.579653,0.210985,-0.071835,0.161991,0.390699,-0.253688,0.631961,-0.592186,0.713742,0.360408,-0.650011,-0.411958,-0.323902,-0.0359302,-0.242257,-0.786347,-0.784212,-0.851787,-0.52124,0.311882,0.266551,1.16778,-0.285562,1.01504,0.910945,0.792825,0.363817,0.132709,-0.0734995,-0.448379,0.287077,1.66703,0.551193,0.445143,-0.153703,-0.0675956,-0.962054,0.183073,-0.605176,0.207273,-1.07856,0.512262,0.743339,-0.768345,-1.33571,-0.04468,0.178136,0.409668,-1.18787,0.349559,-1.14563,0.542618,-0.248328,-0.530981,-0.512959,-0.264978,-0.415347,-0.58497,-0.384188,0.558761,-0.964891,0.256698,1.38117,0.100125,0.0431683,-0.372072,0.987676,0.149913,0.0459502,-0.235832,0.403968,-0.313786,0.87036,0.614914,0.338452,0.337255,-0.347631,0.827826,-1.21591,0.121575,0.519391,-0.881532,0.211113,0.386303,-0.203948,0.72136,-0.532116,0.308082,0.377066,0.716005,0.611944,0.245605,0.227308,0.221584,-0.353892,0.418025,-0.699997,0.170614,-0.234173,-0.556814,0.0336232,-0.221451,-0.562939,1.02379,0.291635,0.0691261,0.169188,0.364519,0.079901,0.373774,-0.276029,-0.432848,-0.113494,0.169862,-0.418221,-0.149084,-0.363431,0.10553,0.108699,-0.160359,-0.289262,-0.17043,0.390403,-0.157043,1.07561,0.202239,-0.0718721,-0.155087,-0.320958,-0.308341,-0.267715,-0.336294,-0.564424,-0.729759,0.436194,-0.173984,-0.413638,0.392312,-0.754601,-0.364004,0.35985,-0.362671,-0.929076,0.0129062,0.526726,-0.470766,1.14256,0.373771,-0.367256,0.215427,0.205093,-0.545953,-0.310387,-0.0191849,0.218565,-0.318849,0.283145,0.635662,0.471511,0.00619157,-0.00909933,-1.46862,0.320585,-0.140185,0.0326374,-0.738887,0.282863,-0.675395,-0.150058,-0.047794,-0.17921,-0.446461,0.498076,0.326928,0.230533,0.0454185,0.981223,0.917731,-0.178922,0.381379,-0.836722,0.668979,0.747406,0.603723,-0.134229,-0.231455,0.0591585,-0.287203,-0.391746,-0.409679,0.386251,0.585084,-0.175141,0.14384,0.420045,-0.139474,0.544539,-0.427457,0.00507393,-0.554482,-0.416373,0.0971574,-0.857526,-0.0300927,-0.774526,0.467549,0.520371,-0.121528,0.333448,-0.568373,-0.30596,-0.513764,0.231914,0.307593,-0.459988,-0.900264,-0.0421794,0.182258,0.423581,-0.27122,-0.291761,0.391222,0.351026,-0.249876,0.865214,-0.156138,-0.358923,-0.124151,-0.351667,-0.499976,0.27414,0.5949,-0.387995,0.732565,-0.279654,-0.435791,-0.472729,1.03321,0.380266,0.155505,0.20845,0.333643,-0.494124,0.426527,-0.00194812,1.54001,-0.888976,-0.0583853,-0.807646,-0.24865,-0.18957,0.188428,-0.43944,0.323001,-0.21231,-0.214472,-0.187972,0.392996,0.457317,0.310281,-0.765179,0.0258047,0.307405,0.167483,0.236275,-0.714541,0.266136,-0.522718,0.636991,-0.635812,0.893691,-0.662537,0.411855,0.340621,-1.07961,0.355061,0.336548,0.36588,0.203006,0.0246577,-0.105683,0.496647,-0.395572,0.832451,-0.495151,0.350127,0.0219525,-0.783214,0.0735525,0.153706,-0.0471139,0.776853,-0.63709,0.598701,0.164686,-0.0427582,-0.676112,-0.761625,0.599227,-0.112043,0.141317,0.510313,0.457217,-0.0448077,-0.744651,0.00822058,-0.215326,0.0899343,0.41238,0.492224,-0.816849,0.275209,-0.0365394,-0.0169177,0.378211,0.580424,-0.38041,-0.364544,-0.577609,-0.497537,-0.483633,0.0941249,-0.0709883,0.559347,-0.0380129,-0.685588,1.29764,0.470008,-0.153018,0.095629,-0.0349397,0.741023,0.259667,-0.654835,0.182124,-0.0114776,0.000521582,0.30829,0.421204,-0.401089,0.323427,-0.299934,-0.751773,0.195815,-0.361027,0.209075,-0.677624,0.0489588,-1.11429,-0.152423,-0.454082,0.537694,-0.68767,0.509438,-0.916528,-0.0421934,-0.25788,1.13771,-0.0200644,0.331064,0.361505,-0.430757,-0.927154,-0.294333,0.149894,0.216923,-1.07714,-0.846657,0.172141,0.561565,0.50537,-0.285245,1.03966,-0.585845,0.209041,0.065338,-0.167973,-0.195224,-0.0184745,-0.0159359,0.314975,0.321096,-0.292119,0.265423,-0.128663,0.401245,-0.189383,0.29388,0.42033,-0.235374,0.554049,-0.172159,0.173979,-0.222686,-0.0287769,-0.0861077,0.114151,-0.190379,0.305023,0.761245,0.460837,0.2956,0.0376199,0.0213373,0.714728,-0.652678,0.124034,0.453395,-0.0967549,0.476971,0.0253722,-0.280477,0.241043,-0.0261036,0.960774,0.0176944,0.152673,0.340155,0.526405,1.05138,0.565864,-0.257665,-0.630015,0.309526,-0.843018,1.25701,-0.301013,-0.184564,0.327212,-0.493504,-0.428707,0.387968,-0.630525,-2.14623,-0.541776,-0.478023,0.649675,-0.259626,0.155631,1.02995,0.0235098,-0.0559205,-0.182421,-0.268361,0.0717405,0.674733,-0.137358,-0.804451,-0.546621,0.588776,-1.16754,0.0383621,0.344019,-0.416065,0.338549,0.221768,0.12556,-0.327162,-0.655091,0.430804,-0.701802,-0.643913,0.119019,0.220296,-0.0343658,0.0759164,-0.0216776,0.0081371,-0.385077,-0.0891679,0.331432,-0.283476,0.102498,0.326834,0.488484,-0.463488,0.360269,1.00974,0.029995,0.590239,0.790263,0.34267,0.225243,-0.0717991,-0.241091,-0.520239,-0.307404,0.225924,-0.77,-0.927271,0.247012,1.04476,-0.182675,0.0845216,0.484131,0.408032,0.332635,-0.649192,-0.163605,-0.180444,-0.358036,0.0187065,-0.508602,0.173675,-0.197799,0.428502,-1.11705,0.0983564,-0.0292337,-0.050362,-0.0611482,-0.360639,-0.248478,-0.321133,0.808531,0.529666,-0.550446,-0.226598,-0.359539,-0.334514,0.338735,0.410497,0.456842,0.729667,0.578036,-0.335922,0.229555,0.141882,0.318127,0.0842296,-0.791986,0.0867871,-0.319756,0.563533,0.241968,-0.244179,-0.68014,0.000974983,0.592897,-0.376901,-0.784097,-0.259596,0.124542,0.347937,0.535509,0.418981,-0.503684,-0.200391,-0.0964062,-0.76707,-0.674726,-0.0156488,-0.87935,-0.0100402,-0.37165,-0.219,-0.126061,0.677493,0.463504,-0.100644,0.292521,-0.761231,-0.800116,-0.0224434,-0.00794864,0.286073,0.127809,-0.105191,0.124991,-0.426548,0.0230125,0.198882,0.336691,0.664199,0.403375,0.31504,0.244225,-0.0442609,0.309045,0.168786,-0.181014,-0.0942701,0.426191,-0.204356,-0.673214,-0.195795,-0.297584,-0.860674,0.116015,-1.14437,-0.58015,0.648225,-0.249649,-1.06669,-0.180856,0.960033,-1.20797,0.465555,0.403867,-0.453805,0.441965,0.29133,0.0559477,-0.177252,-0.240949,-0.0161952,-0.119349,-0.427295,-0.322535,-0.462268,0.176674,0.219652,0.384146,-0.541872,-0.398175,0.615077,-0.373752,0.523309,0.0289114,-0.0166375,-0.439809,-1.05769,-0.874783,0.473422,-0.129792,-0.284789,-0.507391,0.150509,-0.340976,0.571301,-0.109069,0.272745,0.443472,0.191435,0.230962,0.982275,0.979276,0.0907937,0.0557298,0.0483599,0.0130414,0.209095,0.125962,0.104096,0.410717,-0.0453385,0.937683,-0.465024,-0.346749,0.0699694,0.433466,-0.32045,0.60688,-0.0629404,0.316465,-0.888603,0.0111267,-0.714933,0.0953192,-0.2579,-0.385861,-0.587785,1.07857,1.27931,-0.994903,0.51214,0.671561,0.168309,0.727507,-0.0313803,0.442711,-0.146251,0.0890607,-0.600704,-0.504301,0.84564,-0.474119,-0.0386875,-0.385241,-0.525555,0.431691,0.401582,0.716802,0.471103,0.549692,-0.184268,0.083213,-0.88778,-0.000697583,0.323945,1.1931,0.709594,0.301373,-0.240913,-0.15628,-0.42403,-0.474058,-0.622085,-0.514399,0.30251,-0.331074,0.903984,-0.540872,-0.806823,-0.178356,0.0814203,-0.10502,0.541468,-0.692078,-1.36104,-0.554781,-0.195943,0.892373,0.00830931,0.394398,0.662795,0.350038,0.636471,-0.486792,-0.535179,-0.0566626,-0.0978328,0.823371,-0.200469,-0.0311,0.277204,0.323323,0.996573,0.258749,0.198287,0.140138,0.00756724,0.797309,0.187063,-0.10197,0.27033,-0.528458,-0.435707,0.553269,-1.06119,0.900915,0.708113,0.153123,0.0474362,0.0750769,-0.396125,-0.782705,0.685519,0.26626,-0.209853,-0.310148,-0.587375,0.319027,-0.257901,-0.655305,0.118479,0.441507,0.690916,0.159438,0.468555,-0.00566685,0.184892,0.166568,-0.704687,0.269053,0.379415,-0.244828,0.507903,1.65226,0.264436,0.907633,0.0520971,-0.528675,0.0508881,0.0165401,-0.405208,0.399447,0.301289,-0.160572,-1.23631,0.193468,0.378072,0.692293,0.0870965,-0.0397449,-0.875357,0.492969,-0.591586,0.241096,-0.494506,0.768306,-0.227011,-0.73436,0.449881,-0.33228,-0.581641,0.475297,0.934028,0.129598,-0.58734,-0.571605,0.359707,-0.185626,0.512619,-0.632219,-0.0739495,-0.406226,0.826796,0.67141,0.076534,-0.134184,0.112321,0.19636,-0.795932,-0.807303,0.798829,-0.245042,-0.18265,0.779763,0.596509,0.309431,-0.151207,0.515879,0.448685,0.403441,0.659844,-0.367201,0.245902,0.390192,0.181575,0.0956986,0.16554,0.631144,-0.458322,0.646068,0.605638,0.175799,-0.117586,0.702326,-0.237066,-0.779757,-0.165402,-0.584654,0.339257,-0.459968,0.296518,-0.173675,0.380605,0.154889,0.491095,0.486333,0.557233,0.0711643,0.641082,0.511241,-0.118887,-0.401225,-0.31636,0.182142,0.40514,0.558613,-1.10082,-0.457378,-0.169237,-0.155851,-0.0342702,0.56256,-0.0603834,-1.48423,-0.206959,0.292814,0.789632,0.376354,-0.294247,-0.297447,-1.04691,-0.694691,0.341298,-0.347287,-0.310172,0.635413,-0.411227,-0.0829299,-0.319483,0.630042,-0.449721,0.510658,-0.532356,-0.0351884,0.0164609,-0.543382,0.462066,0.343944,1.64365,-0.636605,0.396012,-0.0927048,0.739193,0.224932,-0.778387,-0.604799,-1.09527,-0.28125,-0.651809,0.262306,-0.00580302,-0.106689,0.240683,-0.283138,0.237518,-0.227751,0.673823,0.161259,0.0342584,-0.378493,-0.0772216,0.314411,0.00920941,0.315033,0.367102,-0.0662233,-0.0567381,0.00206624,0.14037,-0.935234,0.0192349,0.389173,-0.264585,-0.458416,-1.18609,0.431701,0.457431,-0.502905,0.511731,1.25515,-0.857203,-0.607039,0.26859,1.05312,0.760184,-0.285896,0.724959,-0.565054,0.288512,0.404907,1.27674,-0.316191,1.01787,0.675994,0.125189,-0.634711,-0.872101,0.331224,-0.478579,-0.180033,0.210075,-0.305821,-0.818697,0.723686,-0.621271,-0.288838,-0.192784,0.186912,-0.98233,0.231982,1.33201,0.444835,0.768453,0.788681,-0.0519177,-0.921392,0.458764,-0.21239,-0.781066,-0.643508,-0.423717,0.685,-0.433727,0.505712,-0.0752824,0.666396,-0.507113,0.261692,-0.530082,0.301036,0.283161,0.370245,-0.766476,0.226008,1.07084,-0.0262617,-0.131767,0.63915,0.611721,0.0941437,-0.360074,0.00961396,-0.109812,0.542707,-0.3146,0.723194,0.582656,0.287975,0.718931,-0.205909,-0.0799123,0.407535,0.0764953,-0.745431,-0.253053,0.395388,1.68468,-0.280486,-0.619914,-0.196839,-0.154269,-0.186748,0.792288,0.15663,0.636125,0.00527004,-1.11771,0.156623,-0.556137,-0.377028,-0.299391,-0.324744,-0.220002,0.142526,0.173827,-0.568608,0.626146,0.367623,-0.270822,-0.0446426,-0.868944,0.655616,0.302053,0.2629,0.159232,-0.325712,0.100196,0.457387,0.0272244,1.0078,0.0441945,-0.0441148,0.761836,1.02873,-0.485909,0.849969,-0.426637,0.940327,0.490137,-0.203159,-0.0287312,0.473823,0.199489,-0.189062,0.05317,0.106932,-0.884189,0.434605,-0.277744,0.970872,0.118742,0.0348902,0.55049,0.593239,-0.575087,0.0165776,-1.10593,0.517989,-0.431662,0.104801,-0.12895,-0.200183,0.200985,0.229066,0.375784,-0.15049,-0.300733,0.562605,-0.264188,0.327605,-0.0220494,-0.415421,-0.386734,0.514448,0.169263,-0.114417,-0.30116,-0.347655,0.676633,-0.582249,-1.20062,0.335102,-0.92216,-0.0981928,0.0358336,-0.0484797,-0.154294,0.344642,0.242246,0.406122,0.0718077,-0.0661791,0.0931844,-0.172661,0.446188,0.589398,0.852259,-0.179643,0.0108383,-1.26994,-0.189063,0.271971,-0.460542,0.61874,-0.505738,1.05787,-0.257808,-0.509076,-0.887236,0.179474,-0.528909,-0.290898,0.613161,0.267371,-0.205619,-0.184389,-0.754016,0.0980765,-0.361668,0.17291,-0.100837,-0.0779346,0.0148791,0.0544293,0.273184,0.638798,-0.345957,0.689875,0.632756,-0.312284,0.346934,-0.302087,0.303383,0.110763,-0.504626,-0.201501,0.0432763,0.381233,0.429841,-0.109953,0.298288,-0.047552,-0.0989941,0.29246,-0.125288,0.0872852,-0.0717479,-0.00356564,-0.00536069,0.112267,-0.806599,0.627887,-0.402217,0.0654682,-0.10519,0.739593,0.519348,-0.416714,-0.040434,-0.32529,-0.216397,-0.00409573,-0.721437,-0.353615,0.614682,1.20972,-0.40145,0.088405,0.730418,0.10763,-0.306031,-0.177981,-0.798103,-0.628926,0.784907,-0.138639,0.568116,-0.118139,0.610313,-0.0331871,0.348456,-0.0564347,-0.34961,0.204554,0.247442,-0.397674,-0.0244671,0.450049,0.391793,-0.371512,-0.305974,0.39989,0.00986228,-0.275234,-0.062978,0.0337294,-0.122093,-0.560335,0.358878,-0.725697,-0.500136,0.323454,0.545089,0.922579,0.0282775,-0.0337803,1.18118,0.349606,-0.0567577,0.273841,0.487299,0.614444,-0.10653,-1.80419,0.682503,0.0951955,-0.674047,0.0578979,0.326751,0.831641,0.751487,0.0634163,0.412783,-0.234841,0.470149,0.421182,-0.0237756,0.419496,0.15773,-0.413189,0.759966,-0.909601,0.496659,-0.147312,0.22831,-0.417362,0.722657,0.0395284,0.125776,0.554569,0.882653,1.13306,0.0870199,0.166817,1.58448,-0.464772,0.991356,-0.85858,-0.753837,0.420171,-0.115856,-0.0384509,-0.144951,0.413918,-0.705289,1.57149,0.0775546,-0.0283188,1.4071,-0.137741,-0.278236,-0.17744,0.466835,0.412256,-0.180088,0.0313791,-0.0715367,0.105293,0.298098,0.763719,-0.733015,0.00592171,-0.0355269,0.256256,0.26265,0.00200051,-0.40458,0.328268,-0.611395,0.397966,0.659004,-0.843577,1.14019,-1.24642,1.31197,-0.28689,-0.260706,0.236593,-0.367789,-0.197389,0.268203,0.231467,-0.229018,0.116307,-0.169162,-0.59856,0.820145,0.246144,0.67725,0.607792,-0.270993,0.38007,-0.0165672,0.103722,0.414592,-0.248571,0.221299,0.599464,0.281745,0.198182,-0.789768,-0.0865766,-0.943406,0.237247,-0.0746878,-0.580909,-0.422346,0.309339,-0.237468,0.367124,-0.94534,1.62396,-0.713931,0.428047,0.0313208,0.420999,0.73358,0.022707,-0.580108,0.510223,-0.277366,0.607077,-0.537126,0.341597,-0.463447,-0.112803,-0.327817,-0.157986,0.232738,0.838615,0.776361,-0.549059,0.313508,-0.267596,0.895664,-0.224777,0.981866,-0.39798,0.406616,0.557876,0.257226,1.56425,0.0792125,-0.322532,0.176333,-0.512349,0.11366,0.0696231,0.428627,0.0350141,0.503915,-0.0919717,0.113456,-0.290532,-0.531336,-0.365141,1.04715,-0.611802,-0.100346,0.668044,-0.269113,-0.225984,-0.266155,0.585038,-0.00227702,-0.341456,-0.57624,0.31489,0.919596,-0.778279,0.620871,-0.096212,-0.237468,-0.542476,0.157232,-0.110542,-0.397938,-0.286436,-0.552698,0.0435982,0.15792,0.189374,0.450251,0.11757,0.0964229,-0.190336,0.0158225,-0.0976086,-0.619074,0.280894,-0.252364,0.312653,0.743481,-0.264405,0.262827,0.627863,-0.00553262,0.584967,0.191296,-0.726036,-0.370393,-0.488173,-0.645991,0.0616706,-0.448489,0.9961,-0.887689,-0.891746,-0.0810739,-0.776127,-0.152694,-0.32218,-0.649412,-0.404627,-0.212972,-0.380699,1.02673,0.13834,-0.389217,0.707038,0.0343206,0.0241909,-0.456168,0.0548466,0.331102,-0.585015,-0.79653,0.464853,-1.14192,0.819538,-0.447926,-0.174682,-0.0898978,0.36772,0.590724,0.0973445,0.647503,-0.0434682,-0.134954,0.671217,-0.297605,0.674781,-0.0845189,0.869483,-0.620652,0.169345,-0.363884,0.290943,0.0482591,0.55895,-0.0660651,-0.0579812,-0.304971,-0.322745,-0.377436,0.547532,0.653807,-0.545126,0.222353,0.795057,-0.0119867,0.459703,0.424253,0.335324,0.0314268,0.626449,-0.399523,-0.638983,-0.15982,0.625643,0.353788,-0.102354,-0.122669,-0.666324,0.617533,-0.0392122,-0.232355,0.193534,0.765523,-0.153091,-0.111276,0.207128,-0.0919672,0.165072,-0.563457,0.900244,1.06042,0.352399,0.30768,-0.00870516,-0.7241,0.874916,-0.315955,0.911885,0.314288,0.116134,-0.735014,-0.880925,-0.717969,0.300441,0.118514,-0.423592,-0.0689115,0.0469305,-0.633806,-0.053254,-0.308942,-0.298428,0.0927813,-0.232625,-0.693969,-0.214303,-0.162639,0.269173,0.329722,0.846204,-0.4372,-0.605051,0.407479,0.338945,0.652604,1.29244,-0.386722,-0.357086,-0.431529,-0.403368,-0.159363,-0.802655,0.733716,1.2711,0.335435,0.109796,0.491836,-0.219496,-0.342964,0.107123,1.18752,-0.3012,-0.258355,0.387501,0.493325,0.468816,0.812323,-0.0114448,0.204311,-0.787377,-0.309124,0.902847,-0.0719573,0.0961668,-0.173179,0.36436,0.175911,0.876814,-0.128286,0.276177,0.143398,-0.734872,-0.237361,-0.877024,-0.507333,0.426108,-0.49443,-0.789993,0.449624,0.532886,0.0490164,0.794743,1.06053,0.341361,-0.509215,-0.10497,0.045534,0.391732,-0.281623,-0.251073,0.0446036,0.410691,-0.435544,-0.335293,-0.138897,-0.196037,-0.635853,0.701099,-0.311494,-0.32586,1.14317,-0.739854,-0.111264,-0.248712,0.131507,-0.320041,-0.559449,0.186011,0.217699,0.207714,0.825602,0.783437,-0.69465,0.0497283,-0.363036,-0.393321,-0.767953,0.311643,-0.198325,-0.0145639,0.301795,-0.0198679,0.526141,0.435576,-0.252421,-0.429193,-0.0670463,0.299253,0.497072,0.050626,-1.27803,-0.200723,0.101595,1.50163,0.0976422,-0.932613,-0.246049,-0.077417,-0.144352,-0.766471,-0.323826,0.0243366,-0.950637,-0.215242,-0.668849,0.692564,0.0121018,-0.0955831,0.257724,0.343775,-0.656143,0.343428,-0.197992,-0.879074,-0.272884,-0.0142686,-0.591597,-0.338982,-0.423677,0.415985,0.402545,0.26567,-0.204129,0.514325,0.166897,-0.350714,0.443641,0.676363,0.52255,0.315682,0.759591,-0.26745,0.457027,-0.171475,-0.814978,-0.236977,0.322356,0.314112,0.415966,-0.477334,-0.0545926,-0.397934,-0.506171,-0.314343,0.54464,-1.12243,-0.170371,-0.349812,0.0378291,0.0830907,0.601369,0.2246,-0.41865,0.333503,-0.947547,0.705623,0.0985339,-0.0131397,-0.374539,-0.825512,-0.11074,-0.666572,0.15662,0.949179,0.514738,0.00717916,0.143643,0.206111,0.192431,-0.0159754,0.000556372,0.78309,0.443257,-0.00440574,0.176488,-0.554411,-0.538055,1.06464,0.14949,-0.640271,-0.479541,0.726389,-0.288927,1.16718,0.108079,0.180034,0.978657,0.761771,0.407782,0.271732,-0.556381,0.443607,0.246801,-0.124668,-0.102546,-0.991079,0.591863,0.831123,-0.41729,-1.27232,-0.266198,0.347886,1.35224,0.133629,0.683839,-0.812759,0.709834,1.34658,-0.0135136,-0.156158,0.187515,0.0508485,-0.543587,0.230424,-1.0632,0.18872,-0.13328,-0.654809,-0.200038,0.290513,0.170345,0.686651,-0.120784,0.270644,0.418706,0.293778,-1.54088,-1.09214,-0.0160655,0.442951,-0.0233741,-0.466018,0.224144,-0.484979,0.864479,-0.0868505,-0.721532,0.0766344,0.138016,-0.261542,0.373051,0.600782,-0.452718,0.444639,-0.210434,0.543328,-0.0935211,0.0964067,0.325627,-0.451102,1.04877,0.388145,0.854675,-0.164143,-1.11322,0.0077118,0.444586,0.272817,0.910203,0.525567,-0.750152,0.387974,-0.826793,0.32457,-0.0222595,1.10894,-0.245969,-0.15805,-0.264568,-1.00096,0.536353,-0.45617,-0.392944,-0.546593,0.59612,0.0301976,0.725831,0.364354,-0.446038,0.402616,-0.0406539,-0.274837,-1.00521,-0.102184,-0.311385,0.258005,0.178052,-0.301426,-0.798588,-0.508862,0.191833,-0.55121,0.165416,0.0759113,-0.425588,-0.0484116,0.241806,-0.130982,-0.0933093,-0.389252,0.662878,-0.391776,0.574076,-0.13785,-0.398489,-0.0817264,1.37939,0.509967,0.867209,-0.282122,0.742948,-0.845514,-0.353012,-0.379892,-0.0496494,-0.0946308,-0.832853,0.118859,-0.42509,-0.29079,-0.836614,0.0531689,0.895298,0.274477,0.72622,0.489426,0.216002,0.345664,-0.0889249,1.15479,0.215536,0.112452,0.0518529,-0.571764,0.440566,0.88258,-0.861323,0.492705,-0.385655,-0.711216,-0.0212203,0.210009,-0.197601,-0.248855,0.0844352,-1.36045,-0.329667,1.04661,0.653411,-0.699842,-0.395192,0.490085,-0.0752209,0.921082,0.0301514,0.662243,0.186126,-0.169007,-0.726725,-0.512886,0.215149,0.366526,0.556221,-0.0838378,0.0349787,-0.993731,0.362997,0.243241,-0.684104,0.469244,-0.472018,-0.618702,0.572563,0.084874,0.488586,-0.965322,0.481287,0.394813,-0.393034,0.841503,0.527059,-0.3754,0.207128,0.311545,0.150741,0.292529,0.0494111,-0.0991609,0.670906,0.386544,0.206421,0.249643,0.373819,-0.967224,-0.0672889,-0.402239,0.103049,0.171286,-0.243028,-0.163845,-0.321982,0.358135,-0.504163,-0.343331,0.69689,0.807403,0.22798,0.426593,-0.365518,0.558174,0.52387,0.338191,0.42022,1.02594,0.167009,0.354842,-0.834281,-1.16732,0.523812,-0.906748,0.0807407,0.608702,-0.125022,0.693226,-0.214539,-0.462302,-0.575154,0.324305,-0.694328,0.220483,0.576152,0.46495,-0.510041,0.0130026,-0.366845,-0.277604,-0.276774,0.469607,-0.347837,-0.415871,0.61532,0.155039,0.0026294,0.629536,-0.279237,0.765159,-0.94012,-0.125571,0.198216,-0.634402,0.181335,-0.171318,0.520916,0.182063,0.187837,0.480569,-0.585209,0.381893,0.226316,0.413961,0.334347,0.724321,0.25614,-0.114029,0.329996,-0.574543,0.192471,-1.17133,-0.0420998,-0.0292913,-0.0140772,0.0450768,0.712729,0.687042,0.441702,0.654236,-0.927727,0.0706109,-0.485995,0.355517,0.699941,-0.881975,0.226043,-0.0561518,0.425417,-0.4261,-0.531073,0.2486,0.629038,0.796668,-0.161132,0.390444,-0.167744,0.292313,0.114607,0.354539,-0.128842,0.470146,0.019211,-0.674073,-0.764699,-0.360014,0.172784,-0.170571,-0.48633,-0.553242,-0.627074,-0.553353,-0.0287607,-0.14375,0.381627,0.531692,-0.217486,-1.1225,0.636689,-1.03761,-0.545102,0.224064,0.504469,-1.1766,0.663753,0.795969,-0.274903,-1.21428,-0.580568,0.556575,0.169183,0.523295,-0.791048,0.705228,-0.70369,0.396737,0.0864906,-0.422729,-0.110769,0.141124,0.198647,0.0686042,-0.208102,0.0130674,-0.597412,-0.303348,-0.775054,0.0126158,0.80854,0.812579,-0.186803,-0.777639,0.379455,-0.052909,-0.416764,0.110207,0.56783,0.841138,0.225189,-0.643063,-0.0258526,-0.0315857,-0.931977,-0.0723026,0.748665,0.0671263,-0.156593,0.465408,0.569529,0.0865969,-0.0188592,-0.320751,-0.153789,0.622941,0.609111,-0.552445,0.584898,0.149994,0.764404,0.0643412,0.477701,-0.519737,-0.216071,0.0978614,-0.193377,0.756435,0.0442188,0.0905246,-0.0264231,-0.377721,0.151106,-0.738889,-0.323318,-1.02441,-0.321377,-0.466488,0.70245,0.0897743,0.370983,-0.910168,-0.197052,0.40089,-0.0428282,0.672589,-0.456812,-0.134977,0.0517385,0.392614,-0.00390124,0.0421256,-0.0856733,0.249287,-0.0323598,0.639037,-0.301863,-1.06795,-0.700771,0.582176,0.436935,-0.180719,0.0175761,1.65485,-0.101057,0.548038,0.24723,1.01243,0.718401,1.2661,-0.518003,0.0986494,-0.160763,0.335749,-1.03502,-0.145217,0.132831,0.013359,0.727098,0.0369615,-0.0763227,0.425964,0.940636,-0.488389,0.479417,0.307937,-0.553503,-0.302606,0.106126,0.416765,0.457731,-0.492114,0.741061,0.280827,0.014769,-1.49507,-0.693875,0.683479,0.83106,0.645474,0.411357,-1.19637,0.740885,-0.400881,0.369075,-0.17588,-0.675038,1.06702,0.822699,-0.836156,0.990394,0.227276,-0.231043,0.0261323,0.211694,0.67332,0.299093,-0.0672429,0.222976,-0.885383,-0.656995,-0.194851,-0.998771,-0.504492,1.17813,0.0193898,-0.918873,0.158577,-0.798195,-0.135602,-0.498735,0.336526,0.00251503,0.0894519,0.077983,0.0648635,0.414453,-0.899321,-0.306682,0.0968209,-0.157067,-0.0956582,0.815494,-0.449568,-0.337242,-0.689096,-1.07301,0.502198,1.0984,0.182833,-0.331934,-0.000708058,-0.548473,0.622438,0.486523,0.117536,-0.422992,-0.55625,-0.32875,-0.309678,-0.22453,0.0514372,0.0575974,0.291963,0.441153,0.0989604,0.595941,-0.0536353,0.212647,-0.0954086,0.0944753,-0.0641018,-0.557914,0.805114,0.541894,-0.659455,1.17041,-0.490599,0.166318,-0.119514,-0.151279,-0.403991,0.224473,-0.224153,-0.647414,-0.462218,-0.680808,0.290681,0.242359,-0.824136,0.000226021,-0.335379,-0.0957899,-0.370803,0.463873,-0.231949,0.0648299,-0.61807,0.172199,0.301417,0.413499,-0.111315,-0.182703,0.0649256,0.443426,-0.562924,-0.47011,0.445774,0.189908,-0.524794,0.267772,-0.122458,0.405407,0.67691,-0.111296,-0.551994,0.727881,-0.0763085,-0.599717,-0.211958,1.03765,0.057688,-0.0180545,-0.440234,-1.16313,0.106099,0.457231,-1.39671,0.764149,0.0910836,-0.650255,-0.904268,0.0653698,-0.131885,0.191922,-0.168279,1.24164,0.188241,0.8434,-0.746842,0.381333,-0.0182387,0.733916,-0.455907,-0.31199,0.156812,0.0129894,0.0379063,-0.40041,-0.457444,0.734251,0.157974,0.0546819,0.124806,-0.718532,0.640484,-0.0661836,0.122705,-0.342049,0.0946243,0.0965874,1.10035,0.713498,0.107554,-0.211092,-0.927137,-0.324554,-1.14682,-0.0455597,0.0746527,-0.137729,-0.352686,0.520861,0.221016,-0.191316,-0.169621,-0.0399059,-0.672815,-0.286946,-0.283525,-0.150843,-0.161907,0.255479,-0.0870321,-1.36183,-0.294299,-0.233432,-0.163336,-0.564961,0.0647331,-0.349685,-0.834327,-0.171823,-0.177766,-0.296088,-0.620927,-0.494074,1.14744,0.613624,-0.275466,-0.465483,0.728088,0.677821,0.929588,1.1401,-0.397322,0.29152,-0.721781,0.241035,-0.464694,0.0297962,-0.58286,0.173758,0.915788,0.301172,0.15967,-0.0991932,0.065691,0.17232,-0.381535,0.139246,0.321223,0.952818,0.0280225,0.236627,0.402979,0.237855,-0.0246699,-0.607482,0.303675,-0.685164,-0.629373,0.241044,-0.202207,-0.471204,0.643881,-0.231192,0.407527,-0.571348,-0.38152,-0.220066,-0.710576,-0.0674235,0.0915422,0.311071,-0.379312,0.485601,-0.40043,0.0819239,-0.0908326,-0.468273,-0.130366,0.156277,0.651112,-0.433888,-0.786182,0.455784,0.48929,0.689836,-0.00147246,0.0697884,-0.838749,0.166492,-0.654173,0.260169,0.674645,-0.35426,-0.0778688,-0.273145,-0.618618,-0.554224,-0.895981,-0.103755,-0.372063,0.105158,0.523585,-0.545053,0.635657,0.282219,0.453814,-0.563954,0.754326,-0.490454,0.15291,0.450982,0.492795,0.144173,0.148383,0.146522,-0.0959146,0.380861,-0.550598,0.0167434,-0.0412112,0.212915,0.527809,0.401425,-0.404546,0.759053,-0.357704,-0.44902,0.169285,0.921536,-0.488102,-0.00716609,0.0121461,0.448963,-0.560117,-0.306617,-0.0956643,-0.575276,0.0859948,-0.040784,0.436611,-0.565109,-0.25752,-0.00213839,-0.128546,0.421686,-0.0881694,0.159875,0.0304082,0.220933,-0.465509,-0.0341508,0.128692,0.805038,0.501266,0.531342,0.472158,-0.63369,0.773646,-0.466518,0.0488662,-0.0213664,-0.867953,0.39479,1.12559,0.0259355,0.248594,0.437351,-0.180298,-0.267452,0.566129,0.065394,-0.062428,0.926903,0.281575,0.583899,-0.561192,-0.229344,-0.173167,-0.793943,0.231574,0.171446,1.12118,0.362961,0.544828,0.355474,0.0494721,-0.800382,0.747123,-0.429343,0.224736,0.0789786,-0.335594,-0.260028,-0.0669058,-0.184044,-0.0746927,-0.669266,0.0742232,-0.222134,-0.204698,0.687703,-0.0217464,0.527398,-0.277608,-0.077894,0.54429,0.758819,0.372582,-0.197524,-0.790085,-0.5727,0.539081,1.2869,0.662451,-0.0213557,-0.23018,0.0985619,-0.699967,-0.165626,-0.469217,-0.00403449,-1.02106,0.423959,-0.0147441,-0.589323,-1.13707,0.170454,0.243757,0.733861,-0.809711,0.0584459,-0.912799,-0.0980193,0.270651,-0.59292,-0.278426,-0.440483,-0.455477,-0.211577,-0.172166,0.847198,-0.476931,0.675029,1.25993,-0.218437,0.0531816,0.268559,0.232772,0.344532,-0.568648,-0.497205,0.591525,-0.296907,0.126988,0.816708,0.117784,0.620381,-0.15878,0.465048,-1.09411,0.0397113,0.215641,-1.21481,-0.18011,0.231198,-0.225909,0.621514,-0.94544,0.639812,-0.386873,0.469974,1.24301,-0.0917252,0.0710535,0.16167,-0.394047,0.943431,-0.175985,0.130411,-0.216283,-0.0912351,0.081123,-0.424848,-0.113209,0.195658,0.080492,0.11411,0.314037,0.426265,-0.432323,0.458091,-0.327624,-0.873893,-0.166212,-0.21492,-0.0601167,0.116018,-0.405406,0.416807,0.285707,0.163029,-1.38233,-0.029746,-0.18718,0.163466,1.10749,0.494293,-0.607277,-0.202507,0.277744,-0.805453,-0.129806,-0.947882,-0.754574,-0.427468,0.126107,0.219113,-0.565654,0.106377,-1.0085,0.468305,-0.343891,0.389208,-0.160517,-0.295571,0.673323,-0.557307,0.786785,0.382715,0.0132906,-0.619383,0.534657,-0.172285,0.412115,-0.51321,0.198635,-0.0403246,-0.0530867,0.644043,0.63834,-0.18527,0.5194,-0.406999,0.250068,-0.0630916,0.0973737,-0.734042,0.0297146,-0.844145,0.0554333,-0.270463,-0.129998,0.0696613,0.451249,0.146913,-0.71688,-0.178233,0.367827,0.887037,-0.445587,0.135015,0.000712037,0.254377,0.180797,0.545776,0.00141659,-0.646093,0.239599,-0.793857,0.314838,0.21256,-0.227144,0.47213,0.119999,-0.154698,0.380677,-0.41597,0.587451,-0.0474476,-0.0487621,0.213295,0.0694708,0.485339,-1.12041,0.319952,0.10251,0.350805,1.11724,-0.954495,0.105669,0.00757459,0.529521,-0.755288,0.90507,-0.0072206,-0.707735,-0.957846,0.276259,0.59348,0.512916,0.124903,0.128258,0.242113,-0.330403,-0.805189,0.43384,-0.345023,-0.525621,-0.0702159,0.197411,-0.220246,0.567396,0.397169,-0.528868,0.538267,-0.416186,-0.917366,-0.612897,0.602399,-0.24388,0.253109,0.451797,0.1576,-0.531344,0.631649,0.644106,0.899337,-0.785899,0.950715,-0.94733,-0.320778,-0.173248,-0.333806,-0.260709,0.272548,-0.691435,-0.0203944,-0.0226728,-0.31277,0.704441,-0.011453,-0.293815,0.708247,0.0296247,0.14661,0.529044,-0.578696,0.428894,-0.218335,0.0194708,0.16992,0.223293,-1.20199,0.617948,0.900818,-0.193147,-0.210812,0.00553234,0.29007,0.338929,0.138825,-0.242019,0.185307,0.188166,0.689393,-0.118994,0.266341,-0.170176,-0.650603,-0.431383,-0.241536,-0.277266,0.614821,-0.666281,0.812778,0.0629525,-0.749746,0.0729446,-0.272941,0.132022,-0.0963665,-0.672154,0.402694,0.287581,0.231847,-0.124394,0.0112398,0.152086,0.139893,0.980609,-0.0868826,-0.530853,0.828962,0.184114,0.383458,0.438482,-0.0371248,-0.174965,-0.374993,-0.260547,-0.909929,-0.403094,-0.746912,0.172182,0.486502,-0.856083,-0.119332,0.664819,0.745131,-0.0914025,-0.134629,0.238209,0.707957,0.0116136,-1.08397,-0.312946,-0.348541,-0.0868123,0.0997105,0.53442,0.376786,0.370871,-0.110131,-0.436914,-0.295632,-0.621471,0.566688,-0.183137,0.698633,-0.649055,-0.699369,-0.198818,0.253051,-0.690208,0.0966736,-0.585536,-0.353665,-0.849808,0.686638,-0.0274338,1.13699,-0.0528598,-0.23843,-0.983907,0.185596,-0.162969,0.0608357,-0.154341,-0.935068,-0.169825,0.189634,0.311763,-0.222515,0.863392,0.245471,0.353675,0.205262,-0.236951,-0.0648047,0.517645,-0.62365,0.425314,0.166177,-0.438721,0.36622,-0.266392,0.0152013,-0.152042,0.108818,0.232313,0.290813,0.585629,-0.543478,0.493342,-0.535871,0.32605,-0.531445,-0.192787,-0.32039,-0.0874131,0.614313,0.689579,-0.286747,0.365994,0.261627,-0.274056,-0.389374,-0.394381,0.0969159,0.371126,-0.0936264,-0.350104,0.133657,-0.175401,-0.44229,1.13337,0.132407,0.208775,0.63144,0.767066,0.137056,0.237414,-0.621573,-0.865785,0.423589,-0.251434,0.98206,0.272722,-0.300323,0.812442,-0.794612,-0.799451,0.0940394,-0.754216,-1.0852,-0.137967,-0.460886,0.713565,0.0849489,0.0714145,0.947453,0.739701,0.124951,-0.304504,-0.0459279,0.206531,-0.180404,-0.486622,-0.289559,0.273654,0.932436,-0.906543,0.0524587,-0.350708,-0.402529,0.769518,0.457475,1.02179,-0.655289,-0.213308,0.592087,-0.852048,-0.597231,-0.386167,-0.520599,-0.325859,0.471969,0.208744,-0.239034,-0.100736,-0.254663,0.0507811,-0.252105,0.386641,-0.0824653,0.455536,-0.835926,0.0911517,0.906831,-0.151857,0.149898,0.639942,0.268407,-0.0841311,0.478477,-0.503403,-0.912721,0.0795226,-0.365667,-0.389424,-0.370109,-0.0104142,0.636678,-0.442485,0.195439,1.42448,0.836125,-0.158312,-0.391156,0.14483,-0.593666,-0.324379,-0.0895947,-1.18113,0.202166,-0.501202,0.221929,-1.7959,-0.262744,-0.0629813,0.524226,0.222475,-0.772084,0.470822,-0.597783,0.288442,0.453371,-0.08455,0.24303,-0.0852023,0.16657,-0.323078,0.311711,-0.0199462,0.781375,1.06874,0.0199139,0.0695111,0.507519,0.136967,0.663142,-0.414819,0.000347525,-0.570345,0.218505,0.798412,0.620576,-0.407146,-0.168665,-0.284083,0.0458099,-0.720602,0.0834427,0.219716,0.317612,0.459402,0.206452,0.00130834,-0.150104,-0.318578,-0.537786,-0.627891,0.237023,-1.0674,-0.486474,-0.332123,0.222091,-0.0607648,0.539994,1.32773,-0.115165,0.24158,-0.00268944,-0.23609,-0.431003,0.42228,0.62359,-0.355229,0.0269856,0.137579,-0.722463,0.361966,0.107245,-0.397539,0.61764,0.439507,0.0253928,0.30686,-0.343332,0.340425,0.666842,-0.29339,-0.643957,0.238839,-0.648337,-0.500592,-0.229163,-0.608922,-0.451108,0.25524,-1.09441,-0.539445,-0.156043,-0.734962,-0.81314,-0.518733,0.926687,-0.962514,-0.137653,0.5188,-0.259623,0.562397,0.593729,-0.193468,-0.373555,-0.848535,-0.107503,0.577909,-0.30508,0.266386,-0.702485,0.614629,0.271559,0.435227,-0.665415,0.140679,-0.0863402,0.0598993,0.12167,0.496587,0.124261,-0.560383,-0.77495,-0.116641,-0.0305408,-0.334941,-0.571014,-0.469745,-0.316543,-0.0495722,0.190429,0.164044,0.149661,0.0186503,0.256799,-0.671624,0.697485,0.550151,0.0285994,-0.0307994,0.224636,-0.589434,0.187324,0.0160206,-0.327743,0.386112,0.324491,0.295744,-0.305314,-0.779552,-0.163089,0.14089,0.00533777,0.820432,0.188253,0.440095,-0.0930534,-0.77368,-1.20565,-0.410171,-0.0256964,-0.203225,-0.501254,1.03214,0.651812,-0.582952,0.0169891,0.909324,0.461437,0.374813,0.115361,0.603972,0.215424,-0.863567,-0.377796,0.13249,0.716679,-0.290339,0.012148,-0.355828,-0.354247,0.468753,-0.182433,0.0882657,0.171329,0.364038,-0.470229,0.321372,-0.246193,0.903253,0.16468,0.653968,0.445681,0.40271,0.200374,0.176857,-0.826396,-0.349252,-0.554116,-0.443373,0.381258,-0.826078,0.810417,-0.464849,-0.483873,0.36512,-0.15538,0.320269,-0.0289269,0.0602343,-0.649993,-0.17551,-0.853671,0.399775,-0.098517,0.550792,0.418348,0.437861,0.750073,0.194422,-0.139919,-0.657428,-0.0754831,0.454578,-0.539839,-0.291783,-0.238346,0.46325,0.732114,-0.365927,0.376838,-0.317137,-0.733427,0.63089,-0.220262,-0.462383,0.531915,-0.433326,0.0159488,-0.0871325,-0.630983,0.390327,-0.429937,0.00178414,-0.0351419,0.62569,-0.0348279,-0.753281,0.199378,-0.23225,-0.189968,0.14498,0.13133,-0.0934984,0.139142,-0.517308,-0.620854,0.808803,0.684346,0.130024,0.384104,0.0614993,0.265816,-0.338915,0.188257,0.335237,-0.139384,0.113328,0.205058,1.73685,0.237882,0.536325,-0.551125,0.210242,-0.130848,0.00761878,0.00486097,0.364329,0.622716,0.173542,-1.27973,0.485656,0.223202,0.112556,-0.149951,0.224155,-0.812339,0.516819,-0.779381,0.547123,-0.843418,0.127765,-0.242316,-0.281989,0.583604,-0.158855,-0.666175,0.91433,0.806491,0.646786,-0.246436,-0.228491,0.400084,-0.00298654,0.180075,0.178827,-0.339644,-0.0492364,1.34271,0.494205,0.403669,0.217393,-0.182026,-0.0850889,-0.433663,-0.778335,0.434007,-0.532419,-0.269069,-0.0976617,0.0449142,0.0456382,-0.392197,0.12862,0.387728,0.326857,0.501104,-0.275293,0.291135,-0.0859692,0.297622,-0.0125338,0.33733,0.214743,-0.510424,0.518107,0.00754206,0.663707,0.0757719,0.893069,-0.0620783,-0.211572,-0.208681,-1.30364,-0.313798,-0.511315,0.0125299,-0.605112,-0.026897,-0.414947,0.360497,-0.353713,0.121328,-0.0401554,0.327168,0.256031,0.0760022,-0.665562,-0.358359,0.215683,0.608208,0.705397,-0.78687,-0.13089,0.296059,-0.425305,0.258076,0.390034,0.367873,-0.742849,-0.115433,0.129123,0.308652,0.46357,-0.172266,0.311226,-0.577983,-0.434137,0.044357,-0.505923,-0.294917,0.587794,-0.416853,0.467526,-0.00386325,0.821383,-0.0789706,0.359115,-0.222926,-0.544417,-0.127457,-0.630134,0.675681,-0.206391,0.664121,-0.757406,0.109685,-0.175768,0.687476,-0.122839,-0.771755,-0.184724,-1.14063,0.368572,-0.469421,0.304627,-0.525617,0.0309895,0.250494,-0.518088,0.863942,-0.324787,0.737824,0.639754,0.00588102,-0.424796,0.744125,-0.436057,0.0433955,0.283764,0.429757,-0.187875,0.434525,-0.841172,-0.124134,-1.22584,-0.738671,-0.411925,-0.302245,-0.737198,-0.634522,0.450656,0.316658,-0.452285,0.609775,2.03585,-0.950992,-0.44605,0.286529,0.553207,0.49543,-0.0873865,0.859195,-1.16131,-0.212279,0.256606,0.87796,-0.523877,0.38596,0.549545,-0.0569225,-0.563811,-1.03438,0.417244,-0.606062,0.0809889,0.230852,-0.104974,0.284937,0.705302,-0.67165,0.171799,-0.430673,-0.134838,-0.6832,0.379526,1.00542,0.638465,0.21507,0.44872,-0.148756,-1.2206,0.465143,0.330932,-0.393621,-0.26558,0.0740885,1.0521,-0.531715,0.274001,-0.145461,0.279462,-0.37796,0.890515,-0.73196,-0.141888,0.0164312,0.287018,-0.739465,0.350642,1.2061,-0.16142,-0.0306385,0.461156,0.22466,-0.186682,-0.120248,0.114488,-0.0971347,0.218745,-0.579268,0.428351,0.253778,0.556114,0.383261,-0.405552,0.148532,0.150972,0.536195,-0.752154,-0.609108,0.784807,0.768737,-0.639872,-0.382701,0.587054,-0.0433264,-0.0458619,0.655287,0.311348,0.495848,0.551692,-0.823544,0.532281,-0.313753,-0.69518,0.265455,0.208112,-0.348828,0.260834,-0.0644803,-0.32637,0.28063,0.661599,0.128227,0.0451066,-0.721146,1.39332,0.800882,0.00475591,0.411067,-0.0441897,0.0118842,1.21082,-0.183822,0.971215,0.417923,-0.397923,0.887801,0.700378,-0.274913,0.662072,-0.266411,0.832487,0.735475,-0.607621,-0.339741,0.0628605,-0.329122,-0.203726,-0.248231,0.316693,-0.631851,0.141493,0.493718,0.118967,0.480735,-0.234214,0.696344,0.0625085,-0.351752,-0.256998,-0.44604,0.408649,-0.545504,-0.0501704,-0.586048,-0.246877,0.212933,0.184011,0.0908659,0.039247,-0.0122714,0.298095,-0.254015,0.583542,-0.391381,-1.00015,0.131331,-0.24221,0.503491,0.23427,-0.311933,-0.804443,0.79615,-0.609751,0.498474,0.578779,-0.830959,0.109282,-0.403716,-0.826735,-0.64285,0.832722,-0.256395,0.209426,-0.133764,-0.316201,0.374054,-0.023852,0.0293004,0.914339,0.69227,-0.283534,0.196273,-1.47989,-0.0210499,0.858037,-0.366837,0.168353,-0.513273,0.772936,-0.0861954,-0.512091,-0.0347453,-0.106284,-0.542907,0.373906,0.695159,0.0388541,-0.562564,-0.213207,-0.591472,-0.480677,-0.21663,-0.45364,0.092037,0.136253,0.0814839,-0.0982073,0.803517,0.520329,-0.293686,-0.000407487,0.062835,-0.0655607,0.263518,-0.302684,0.0873602,0.631049,0.0895509,0.338533,-0.0353235,0.37816,0.610281,-0.194797,-0.147235,0.0128425,0.111454,0.49053,0.482004,-0.567344,0.123061,0.224294,-0.172362,0.0677547,-0.167891,0.863734,-0.30673,-0.201684,0.271193,0.0653867,0.0316623,-0.394683,-0.116792,-0.374025,-0.03124,-0.332467,-0.527205,0.528594,0.330988,0.921042,-0.703613,0.444772,0.421966,0.493023,0.0867366,0.00241976,-0.60902,-0.176626,-0.0163694,-0.575058,0.420513,0.066238,0.0679389,0.08414,-0.0671099,0.097613,-0.445154,0.83732,-0.259238,-0.479726,-0.347777,0.377319,0.351244,-0.0594659,0.283926,-0.109227,0.241938,-0.687793,-0.111118,0.187815,-0.557354,-1.01236,0.32528,-0.513976,-0.451527,0.396804,1.18755,0.540504,-0.619817,-0.166127,1.04268,0.821233,0.235758,0.408256,0.182625,0.120353,0.196383,-0.98783,0.420277,-0.000806183,-0.855331,0.0438529,-0.68898,0.992941,-0.153567,0.0757671,-0.0707735,-0.487251,0.617991,0.858425,0.0337545,0.00575149,-0.480583,-0.0736644,0.992152,-0.0283746,0.683449,-0.758308,0.0262771,-0.0860145,0.850507,0.133538,-0.0648456,0.867122,-0.111761,1.51394,0.0134608,-0.145776,1.32268,0.0324756,0.197847,-0.236446,-0.0412965,0.759051,0.42475,-0.462082,0.0728424,0.0414449,-0.439529,1.79688,-0.553856,0.302299,0.895974,-0.0832173,0.198973,0.110074,0.467493,0.00246454,-0.12059,0.128502,-0.0400872,0.151532,-0.260641,0.207016,-0.117237,0.346855,-0.257422,0.216666,0.0203246,0.0365411,-0.354566,0.586727,-0.289556,0.492329,0.547937,-0.124135,1.00879,-0.945612,0.817063,-0.201911,-0.173971,0.281156,-0.492702,-0.214648,-0.0204075,-0.122368,-0.649776,0.442592,-0.950715,-1.20499,0.618513,0.485364,-0.102379,0.00374624,-0.98119,0.436816,0.0277027,0.262794,0.137722,-0.223907,0.0798044,0.824988,0.359672,0.605669,-1.11347,-0.392234,-1.36366,0.729244,0.0464865,-0.998298,-0.616348,0.0478271,-0.0703589,0.874067,-0.259447,0.688915,-0.210969,0.176489,0.336191,0.675887,0.0460081,0.0745051,-0.0181959,0.0627263,0.133017,-0.0790282,-0.162065,0.304174,-0.702059,0.137565,-0.244344,-0.545172,0.385334,0.61669,1.08846,-0.122415,-0.216468,-0.134878,0.512133,0.331511,0.565938,-0.171686,0.255241,0.700585,-0.312545,1.072,0.229294,-0.448544,0.752327,-0.553859,-0.458057,0.481236,0.548339,0.663016,-0.399152,0.231629,0.39902,0.459671,-0.424281,0.26127,0.816415,-0.230957,0.405123,0.425775,-0.366127,0.377829,0.454742,0.748489,-0.299136,0.168674,-0.696566,-0.196278,-0.324328,0.107117,0.0698787,0.375908,0.582356,-0.607668,0.254302,-0.413757,1.04669,0.219076,-0.375353,-0.176978,0.701597,-0.975912,0.0371931,-0.424028,0.0337828,-0.397269,-0.282872,0.202502,-0.0933887,-0.493624,0.166198,-0.610534,-0.166706,-1.05961,-0.714778,0.00212582,-0.746394,-0.850757,0.781196,-0.709237,-0.0878068,-0.234514,0.67143,0.0385304,-0.587467,0.193287,0.325573,-0.185719,1.03972,0.150074,-0.357652,0.221638,-0.426243,0.351094,0.327156,0.319107,0.51352,0.686169,0.16121,-0.108671,-0.517211,-0.469491,-0.746605,0.606439,-0.15351,-0.642966,-0.731736,0.261781,0.0706768,1.13758,0.198238,-0.170279,0.458312,-1.68662,-0.118081,0.283343,-0.232714,0.530846,0.207338,0.287686,0.121815,0.861518,0.022288,-0.0157276,-0.244595,0.26537,0.127628,0.833854,0.795664,0.0197998,0.908784,-0.15031,1.10238,0.14272,-0.293383,0.126367,0.700294,0.364156,0.00613358,-0.791801,-0.544994,0.104869,-0.141658,0.79701,-0.608814,-0.512051,-0.459348,-0.583044,-0.13787,0.487963,-0.218529,-0.408109,-0.476408,-0.396069,0.281395,0.142431,0.802071,-0.755918,0.237366,-0.406912,-0.421191,-0.764722,-0.091294,0.127894,0.543523,-0.628838,0.483744,-0.500805,0.668771,0.986609,-0.514392,0.273778,0.352837,0.889053,-0.131939,0.274341,-0.644342,-0.657619,-0.403442,-0.185906,0.276396,-0.584202,0.252268,0.273775,-0.315183,-0.369924,-0.19186,-0.0754388,-0.776989,0.550515,-0.0237675,0.0286074,-1.24164,-0.744046,-0.259169,0.927714,-0.71925,-0.170426,-0.960284,0.217881,0.157084,0.351705,0.509819,0.715903,0.567012,-0.340083,-0.0367979,0.392934,1.0565,-0.25498,1.23786,0.452143,-1.03121,0.16136,-0.610253,0.238811,0.961972,-0.580585,0.801711,0.125648,0.729551,-0.281774,-0.375736,0.0269658,0.125417,-1.08282,-0.076469,1.56245,-0.621499,-0.581253,-0.163561,-0.345808,0.813527,0.0699331,-0.726749,-0.350775,0.680298,-0.703935,-0.0280088,0.136952,0.119835,0.563986,-0.497243,0.00781173,0.328613,0.53595,0.555834,0.148759,0.512777,0.0178394,-0.346152,-0.436774,0.347393,0.0223194,-0.444885,0.0145565,-0.629154,0.550498,-0.955812,-0.248065,-0.139641,-0.439007,0.303758,0.778199,0.617741,-0.420164,0.154373,-0.284969,-0.534003,-0.271352,0.305015,0.508017,-0.290014,0.854979,0.117366,0.544652,-0.192163,0.917395,-0.142998,-0.438143,0.51099,-0.52114,-0.558631,-0.113378,0.281887,-0.183558,0.54264,-0.064408,-0.172797,-1.06723,-0.366597,-1.5174,0.0499697,0.28539,0.620185,-0.92032,-1.42323,-0.0928717,0.120529,0.481564,0.523183,-0.161637,-0.932565,-0.0152309,-0.833051,0.123605,-0.602978,0.0387787,-0.00218695,0.0352955,0.17947,0.164889,0.316101,0.403569,-0.934534,0.183696,-1.42671,-0.967935,-0.165651,-0.792866,-0.966371,-0.555096,-0.902527,0.0215106,-0.131422,0.460825,0.0624077,-0.344422,0.444214,0.420925,-1.14441,-0.683691,-0.206766,-0.226426,1.3037,-0.00794731,-0.375841,-0.484112,-0.441084,0.0629456,-0.0543467,-0.347759,0.394432,-0.381341,-0.531562,-0.051766,-0.185704,0.418473,-0.75767,-0.144491,0.597195,-0.858279,0.740479,-1.71136,-0.830517,-1.34314,-0.344596,-0.0624866,-0.289903,0.0255993,-0.859935,0.748105,-0.231676,0.160503,-0.137501,-0.536424,-1.4081,0.475523,0.28705,-0.288077,1.17426,-0.08758,0.432411,0.41749,-0.537104,0.0429586,0.184236,-0.218062,0.0440287,0.0440406,-0.00100362,0.0570146,-0.579279,0.178184,0.81013,0.737224,-0.113674,1.3168,0.00799122,-0.454411,0.0524757,0.32218,-0.432418,-1.13656,0.434641,0.617434,-0.0417067,-0.862139,0.622956,-0.15672,0.366241,-0.667899,-0.384776,0.902901,0.769052,-1.29583,0.493315,-0.578899,-0.127067,-0.396592,0.531636,0.111819,0.184038,1.36759,-0.192159,-0.121202,-0.557094,0.457785,0.0475105,-0.735334,-0.936788,0.524228,0.400117,-0.468332,0.121222,1.2954,-0.305401,0.067901,0.128752,-0.0435615,0.276489,-0.701411,-0.748253,-0.630342,0.167092,0.79636,0.345542,0.721116,-0.804747,-0.454912,0.759576,-0.539901,-0.773673,-0.889435,0.360225,-0.90352,-0.304891,0.828551,-0.509036,0.681818,0.125887,0.197376,-0.315517,-0.336175,0.564558,-1.11305,1.06067,0.0488146,0.242731,0.10096,-0.650112,0.453996,-0.49924,-0.922997,0.424685,-0.0638538,0.025316,0.202254,0.521194,-0.179541,-0.0167806,0.225381,-0.0452349,0.178942,-0.443572,-0.447887,-0.334297,0.165952,-0.68613,-0.391298,0.734206,-0.416393,0.828438,-0.165905,0.211103,0.69192,-0.0940447,-0.479461,-1.31696,0.1903,0.134582,0.498557,-0.376199,-0.0830761,-0.611509,-0.980931,1.03438,0.713895,-0.334287,0.00716217,-0.729647,0.600592,0.278741,-0.436841,-0.0548353,-0.454289,0.528048,0.029418,0.571232,-0.310894,-0.236835,0.633564,-0.754104,0.481631,0.867173,-0.207549,0.671804,-0.2679,-1.25066,0.267163,-0.454105,-0.134981,-0.223212,0.00297119,-0.12622,0.472044,-0.336408,-0.0947288,-0.137087,0.010063,-0.437571,-0.255696,-0.850719,0.401824,0.251309,0.331924,0.114769,-0.294621,0.37852,-0.482482,-0.492417,0.528536,0.409451,0.055506,1.01736,-0.158381,0.909886,-0.0111728,-0.380103,-0.768253,0.0171254,-0.201329,-1.32518,0.579034,0.175078,0.189006,0.0228302,0.685848,0.461442,-0.241334,0.786791,-0.159105,0.508554,-0.165334,-0.341959,-0.814091,-0.0976774,-0.51252,0.39479,0.736219,0.938379,-0.586643,0.235846,0.222987,-0.407674,0.600817,-0.240318,-0.890933,-1.2638,-0.18863,0.101482,0.427154,0.0528742,0.147911,0.368866,0.00363523,-0.898577,-0.68951,-0.58574,-0.278079,0.455769,0.199198,0.0429249,0.314168,1.27851,0.461405,-0.165245,0.132951,1.1402,-0.805382,0.555132,0.308197,-0.535522,0.0574988,0.138403,0.0777971,0.165687,-0.37551,-1.21456,0.0548818,-0.340416,0.390499,-0.208642,1.12451,0.139453,0.325388,-0.0569021,0.644283,0.387222,1.07113,-0.481207,0.0251006,0.347972,-0.192259,0.161427,-0.277885,0.225741,0.0499966,-0.0964182,0.169432,0.298492,0.0199196,0.508916,0.699821,0.0605781,-0.663729,0.37751,-0.4759,-0.794136,0.159982,-0.35915,0.0593956,0.275965,-1.06341,0.0330224,-0.0511021,1.09212,0.43435,0.182777,0.2285,-0.0643954,0.382739,0.231983,-0.749485,1.03189,-0.110436,0.377838,0.792319,0.258157,0.355138,0.0114587,-0.354765,-0.16365,1.06283,-0.0158358,-0.63193,0.00801568,-0.704768,-0.841378,-0.249196,0.112807,-0.675916,0.300222,-1.05782,-0.376716,-0.295534,-0.29964,-0.0338127,-0.136658,-1.06221,0.0728657,0.449807,-0.575146,-0.704254,0.526953,0.301652,-0.105015,-0.590362,-0.413099,-0.608533,0.737253,-0.636667,-0.0835765,-0.779667,0.0222493,-0.195887,0.533324,0.0694536,0.124496,-0.355364,0.29848,-0.386361,0.898613,0.128329,0.0624982,0.13433,0.0768505,-0.023496,-0.0161393,-0.423027,-0.872239,-0.689542,-0.468833,-0.0650974,0.560437,-0.444769,-0.108672,0.237652,1.09773,0.162455,-0.178703,0.320596,0.591596,0.629861,-0.908975,-0.530082,-0.345015,1.01169,-0.394198,-0.611483,0.678792,-0.499976,-0.308156,0.878727,0.0778419,0.863314,-0.723308,0.139509,-0.533403,-0.440032,-0.270251,-0.384513,-0.186947,0.0624053,0.487595,-0.652832,0.254175,-0.354957,-0.154599,-0.406565,-0.124975,-1.30538,0.464147,-0.926007,0.358289,-0.622139,-0.173997,-0.623145,-0.213972,-0.743678,-0.363694,0.705767,-0.890811,1.24404,-0.6588,0.43143,-0.493622,0.871901,-0.39693,0.347563,0.240977,0.00573339,-0.353671,-0.148296,0.112418,0.309207,0.181757,-0.646992,-0.0176406,0.765596,0.829066,-0.418803,-0.0119125,-0.529435,1.08736,-0.614705,-0.814266,0.627638,0.318874,-0.123464,-0.327873,0.23,0.268738,-0.158113,-0.467529,-0.508003,-0.278211,-0.520365,0.110509,0.0138609,-0.327478,0.273921,0.368131,0.226528,0.256148,-0.321437,-0.615656,0.240598,-0.878986,-0.679624,-0.155967,-0.143065,-0.182516,0.0542123,-0.423346,0.0239064,0.0749243,0.71988,-0.611608,0.515779,-0.297588,0.0403981,-0.49336,0.947809,0.0541661,-0.414977,0.494709,0.45138,-0.363699,0.401949,-1.18474,-0.0849785,0.597771,0.150567,0.0790929,1.08195,0.328719,0.404637,-0.285964,0.486914,0.17031,-0.208273,-0.180104,-0.0227022,-0.00741394,0.298374,0.362295,0.128098,1.40068,0.728559,-0.294776,0.149492,1.22533,0.770636,-0.150062,-0.538444,-0.57144,-0.259737,0.432154,0.00189033,-0.263053,0.536568,-0.0851063,0.0939695,-0.46857,0.0347876,-0.559261,-0.549025,0.00913396,-0.915615,0.610457,0.731604,-0.111051,0.405216,0.60512,0.714908,-0.450248,0.124344,-0.129788,-0.808564,-1.0122,-0.873951,-0.129042,1.0786,-0.241778,1.40718,-0.481509,0.667025,0.686313,0.40306,-0.168634,0.894036,0.383371,-0.0602495,-0.197465,-0.546217,0.0576759,-0.062065,-0.326142,0.149109,-0.00723655,-0.486734,1.06928,0.780334,0.798024,0.395196,-1.24631,0.132351,0.836778,0.252291,-1.34119,-0.390863,-0.787933,0.168067,0.279989,0.0330995,0.0986663,-0.700197,0.360238,0.349281,0.15597,-0.108633,-0.228136,-0.048469,0.214512,0.427427,0.2821,-0.684055,0.383656,0.427113,-0.0620816,-0.195901,-0.11893,0.104341,0.358888,-0.15964,1.22982,-0.255747,0.249254,-0.0217136,-0.614088,0.340858,0.199654,0.181795,-0.82047,0.150375,0.196776,0.148042,-0.314899,-0.00669111,-0.120238,0.0884269,-0.355724,0.053926,-0.109268,0.207837,-0.906482,0.364218,0.260284,-0.577908,-0.120031,-0.094132,-0.285312,-0.339947,1.27307,0.294509,-0.00384591,-0.348241,0.551116,-0.784154,-0.0948125,0.512815,-0.37318,-0.38092,-0.112432,0.465593,0.389349,0.133693,-0.684009,0.638502,0.356611,0.56058,0.260496,0.367068,-1.28583,0.334951,0.159589,-0.51122,-0.0679224,0.576871,-0.708413,-1.0832,-0.589194,-0.257759,-0.448041,0.736606,0.832719,-0.536226,-0.251498,-0.98643,0.635678,-1.14461,-0.368807,-0.51769,-0.0569276,0.929326,-0.498849,-0.940283,0.203802,-1.3338,-0.00542138,-0.152888,0.0282931,1.02254,0.851761,-0.532256,0.107037,0.118122,-0.209684,-0.583892,0.80609,1.0443,0.464696,1.03809,-0.514505,0.959436,0.29879,-0.387016,0.708197,-0.610542,-0.351674,0.205642,1.13697,-0.882316,0.613923,-0.270193,-0.246431,-0.0614945,0.736913,0.339677,1.04287,0.78674,0.018271,-0.00995488,-1.03366,-0.135572,-0.823545,-0.123123,-0.311222,-0.215416,0.751444,-1.0584,-0.902722,0.486677,0.780371,-0.486953,-0.128487,0.103217,0.923267,-1.24133,0.428363,0.920921,-0.0131705,0.311047,0.619886,-0.265248,0.365766,0.112536,0.595981,-0.133268,0.332569,-0.419504,-0.324558,1.7337,-0.182848,0.406721,-0.701996,0.288063,0.162574,-0.14771,-0.528046,-0.164717,0.785846,-0.0123549,-0.17973,0.232914,0.43036,-0.391968,-0.251977,0.0627688,0.519382,-0.900228,0.492544,-0.438414,-0.149553,-1.04235,-1.4045,-0.214199,-0.508725,-0.12242,-0.0109258,0.310979,0.20546,0.578391,-0.0694157,-0.807374,0.945214,0.34221,0.505877,-0.253203,-0.0819427,-0.734193,-0.444597,0.397783,-0.513311,-0.617922,0.00396891,-0.181737,0.427493,0.240842,0.398511,0.578195,0.243063,-0.261925,0.0125631,0.361585,0.717551,-0.188384,-0.740852,-0.165579,-0.18313,-0.938223,-0.439064,-0.136153,-0.440522,0.364623,0.836176,-0.379407,0.238206,0.353852,-0.360853,0.12546,0.0646317,-0.505935,-0.490696,0.399151,-0.0910695,-0.477878,-0.181941,0.363588,0.618824,-0.979332,0.437225,0.170343,-0.818607,0.251491,-0.328529,-0.584148,-0.2316,-0.247349,0.92055,0.140478,0.628783,1.07551,0.893157,0.721375,-0.0353093,-0.340923,0.12305,-0.84289,-0.400457,0.568162,0.580287,-0.895974,-0.780249,1.04867,0.454371,-0.169696,-0.218367,-0.758819,-0.253337,0.577566,0.396427,-0.585831,-0.245606,-0.221516,0.5598,0.597365,0.750762,0.75068,0.599581,-0.873788,-0.567791,-0.0185255,-0.352702,-0.684202,-0.148188,0.71331,-0.0118063,-0.0515547,0.649917,0.33901,0.200844,-0.131685,0.272181,1.3466,0.888185,0.323117,-0.472346,0.135513,-0.709208,1.21564,-0.601772,-0.0610708,0.367697,-0.487798,-0.969991,-0.105548,-0.276752,-0.869049,-0.208666,0.0691182,-0.767982,0.256702,-0.385798,-0.732062,0.627118,-0.454819,0.375754,-0.352239,-0.158004,-0.19334,-0.319376,-0.547041,0.963084,0.0351479,0.0525136,-1.2069,-0.187701,1.88186,0.415533,0.153784,-0.636695,-0.778003,-0.602296,0.514935,0.198476,0.792695,-0.100723,0.606018,-0.623481,-0.445672,1.15654,-0.809444,-1.17529,-0.0412328,0.374901,0.540781,-0.317889,0.0845804,0.334331,0.917187,0.132828,-0.588919,-0.929704,-0.400197,0.654117,0.160497,0.225809,-0.525106,-0.342707,0.182946,0.508521,0.185192,0.170404,-0.423682,-0.243503,1.30843,-0.130422,-0.219082,0.321299,0.63317,0.839044,-0.435592,0.555366,0.208848,-0.789131,0.392454,0.109959,-0.46354,-0.324804,-0.29657,0.90323,-0.342288,0.194913,-1.04619,-0.147755,0.148599,-0.42074,-0.465735,-0.366684,-0.197043,1.14615,-0.653455,-0.20252,0.382908,-0.317715,-0.038391,0.714756,-0.199149,0.0795652,0.460666,0.604346,-0.0228708,0.657458,0.161981,-0.505507,-0.169274,-0.0840654,0.445459,-0.791922,-0.408289,-0.976359,-0.792391,0.607802,-0.532975,-0.205672,0.479372,0.554588,0.289207,-0.482809,0.759198,0.438317,-0.251993,0.338583,-0.53113,-0.582448,0.343004,0.335711,0.821997,-0.7932,0.431796,-0.200079,0.441637,-0.75135,-0.783136,-0.324164,-1.21089,-0.688589,0.165281,0.295923,0.292413,-0.616053,-0.720542,0.386499,-0.285145,-0.290421,0.0445776,-0.836933,0.968262,-0.342963,0.0697188,-0.444236,0.274635,0.27196,0.70598,-0.324931,-0.122424,0.15482,-0.501204,0.0166697,0.458949,0.134675,-0.291458,0.500205,0.947893,-0.233523,-0.0288408,0.333021,-0.804,0.496705,-0.277758,-0.106411,1.08589,0.39505,-0.51511,-0.255479,-0.619681,0.374556,-1.02242,-0.552168,-0.780104,-0.117329,0.779009,-0.431723,-0.791788,-0.498671,0.232343,0.730073,0.511698,0.0208518,-0.164528,0.191685,0.70926,-0.202113,-0.237822,0.676002,-0.346155,0.735126,-1.0486,-0.169001,1.41946,-0.810592,0.307643,1.28189,0.167724,0.114806,-0.442532,0.241223,-0.092805,0.562187,0.747574,-0.777424,-0.14602,0.0777968,0.533117,0.0568878,-0.00105794,0.582518,-0.412493,-0.724902,1.17312,0.139434,-0.0598894,0.730766,1.1113,-0.648235,-0.167887,-0.302423,-0.226669,-1.01508,0.52101,0.836006,0.643608,0.675123,0.335715,0.177999,-0.433139,0.324602,-0.232004,0.275768,0.400319,-0.218867,-1.24166,0.0350885,-0.149283,0.185412,0.552257,0.50568,-0.836899,1.1339,0.256346,0.639007,-0.758285,-0.684845,-0.400877,-0.111003,0.377564,0.21113,0.358645,0.749237,-0.659133,-0.445796,-0.54023,-0.399253,-0.158178,-0.525372,-0.237702,0.521956,0.930758,-0.46771,-0.0436886,-0.656946,-0.990012,-0.375401,0.212325,-0.917359,-0.276482,0.359018,-0.0785653,0.0217488,0.16577,0.49254,-0.159492,0.420157,0.588264,0.159096,-0.914316,-0.545731,-0.43652,0.209594,0.484815,-0.604689,0.175292,-0.374273,0.4588,-0.200427,0.699895,0.635036,0.613589,-1.02287,0.493346,-0.0779836,0.0468434,-0.494329,0.0890777,0.309656,0.785844,-0.0101653,-0.126102,0.721377,0.275005,-0.252035,0.521663,-0.392987,0.0347737,0.0928427,-0.96978,-0.13289,0.844271,-0.217639,-0.381523,-0.38615,-0.013272,-0.922811,0.519299,-0.0604691,-0.616078,-0.521309,-0.903796,-0.243723,-0.16431,-0.0622384,-0.543322,-0.274513,0.199233,-0.0801696,0.93711,-0.625821,-0.0106244,-0.304565,0.827375,1.17412,0.177539,-0.0677209,-0.295046,-1.444,-0.127458,0.21015,0.195071,-0.264165,-0.549055,0.237065,-0.512877,0.510689,-0.440058,1.18362,-0.00993124,0.599553,0.174831,-0.501851,-1.22208,0.352653,-0.00806428,0.15784,-0.62756,-0.117971,-1.11471,0.315567,-0.582873,0.257392,-1.03463,-0.616838,-1.11248,0.0979655,-1.0425,-1.40688,-0.531901,-0.229181,0.620217,0.523453,-0.255543,-0.0254716,0.244145,0.459121,0.2928,0.634745,-0.966825,-0.906559,0.169454,0.272036,0.0347459,0.492081,0.582793,0.727801,-0.877213,-0.304842,1.28404,-0.223214,0.569952,-0.34053,-0.281422,-0.288283,-1.08624,-1.12194,-0.310448,0.222756,0.0388645,0.929622,-0.37464,0.675453,0.321093,0.403345,-0.570572,-0.166894,0.218757,-0.0227873,0.273783,-0.23865,2.55205,-0.34226,-0.0679112,0.222253,0.186327,-0.810696,1.03546,0.149689,-0.0978296,-0.20339,-0.12797,-0.133745,0.0363324,-0.551318,0.301505,0.0503876,-0.503776,0.564191,0.280652,-0.101802,-0.22913,0.487776,-0.489577,-0.26996,0.137517,0.379948,-0.0275676,-0.116447,0.423865,-0.33846,-0.0626783,-0.462003,0.122751,-1.13058,0.042972,0.773212,0.503246,0.0800499,-0.753079,-1.16793,0.146094,-0.843927,1.09341,0.141953,-0.332732,0.978525,-1.00359,-0.225164,-0.298276,-0.897142,-0.948198,0.212852,-0.638489,0.144835,-0.840322,-1.21147,0.48274,0.252064,0.198802,0.423298,0.649695,0.0491029,-0.201524,0.832041,0.620587,-0.150813,0.113479,0.116197,0.366432,0.492478,-0.93095,-0.533537,0.326566,-0.293687,-0.475892,0.531358,0.229193,-0.401239,-0.424285,0.468803,1.11693,0.33481,0.177704,0.0711367,0.153411,-0.889291,-0.158396,0.0205159,0.43174,-0.333931,0.349304,1.22296,-0.664462,0.550583,0.15148,0.662069,0.610983,-0.26281,0.285444,-0.52327,-0.104956,-0.194095,0.850076,1.26536,0.0638043,-0.557809,-0.192721,0.578016,0.898687,0.728437,-0.361451,0.177352,-0.152576,0.0756253,-0.0545339,-0.0417536,0.667808,0.561345,-0.295551,-0.0641548,-0.095745,0.910231,-0.728481,-0.416152,-0.379904,1.17849,0.368053,0.541191,-0.094359,-0.496486,0.708623,-0.156517,0.121966,-0.8627,-0.0173463,-0.228928,-0.633756,0.524452,0.366075,-0.463233,-0.168293,-0.176604,-0.382234,0.929479,0.775609,-0.0540352,0.362032,-0.661126,-0.0466954,0.63306,0.857093,-0.0188205,-1.06888,-0.259702,-0.504928,0.117102,0.321121,0.431564,0.28985,0.403585,0.275316,0.394878,0.0548895,0.996959,0.403235,0.576569,-1.51058,-0.13738,0.179947,-0.507897,0.0832234,0.0334986,0.245005,-0.144379,0.174603,-0.688866,-0.290568,0.498786,-1.86192,-0.993221,0.392895,-0.0539705,-1.3336,-0.321681,-0.473543,-0.23892,0.383174,0.411787,-0.629267,-0.420251,-0.275918,0.575586,-0.270117,-0.245559,-0.103089,-0.0956782,0.210365,-0.55437,0.796365,-0.243704,0.185665,0.0925564,-0.305821,0.252603,-0.0148898,0.3019,-0.442249,-0.584932,-0.775153,-0.0465679,-0.174149,-0.201946,-0.117545,0.155191,0.397346,0.243593,0.656169,-0.0298705,0.0632156,-0.751005,0.31159,-0.590548,0.676141,-0.855309,-0.449572,0.957382,-0.240613,0.441648,0.472496,0.0586841,-0.0954605,0.378832,-0.902721,0.326784,-1.28615,0.501172,0.41053,1.46688,-0.0535067,0.647349,0.650309,-0.478768,-0.807824,-0.183803,0.542406,-0.0934407,-0.274642,0.655867,-0.792104,0.228109,-0.0799086,-0.678706,1.05754,0.263958,0.190096,0.0361496,0.80327,-0.194145,-0.220317,0.08511,-1.02844,1.25574,0.207543,0.120907,0.37004,0.80223,-0.062862,-0.22263,-0.0780485,-0.235825,0.656258,0.524205,-0.4468,0.513439,0.382354,-1.36128,0.0918356,0.172097,1.05599,0.00570473,-0.74315,-0.122711,-0.654686,-0.305017,-0.0651869,0.184871,-0.167748,0.295454,0.624292,0.297317,0.151343,-1.07674,0.120566,0.244782,0.612984,-0.0357329,-0.874602,-0.267929,1.42811,-0.0605013,0.243999,0.799766,0.659729,0.221956,-0.677206,-0.838543,-0.490708,-0.0379979,-0.159044,-0.0790284,-0.241443,-0.268313,0.458181,0.313766,-0.356347,-0.073578,-0.610126,-0.222771,-0.409469,-1.22072,-0.227619,0.740281,-0.107968,0.261958,-0.595341,0.773155,-0.871335,-0.0813923,0.947668,-0.361852,1.0614,-0.170184,1.02967,0.254889,-1.01594,1.08536,1.53059,-0.320788,-1.16739,-0.145687,-0.164386,-0.855388,0.527814,0.0171836,0.721363,0.518065,1.96033,0.702555,-0.65542,-0.741237,0.730337,-0.306434,-0.603069,-0.208701,0.858882,-0.422328,0.245247,0.404182,-0.541755,-0.629649,-0.0552554,0.30798,0.473081,-0.574432,-0.664662,0.0113451,0.179255,-0.224567,0.739477,0.0414308,0.552549,-1.22579,-0.577835,0.00991069,0.356708,0.172942,0.678498,-0.037495,-0.645919,-0.669349,0.490746,0.100553,0.232325,-0.112122,0.136388,0.00153831,-0.45254,0.155634,-0.491046,-0.0471612,-0.836955,0.700297,0.602564,0.452665,0.16315,0.419246,0.593305,1.05292,-0.406419,-0.475577,0.452968,-0.0143135,-0.211789,-0.924007,0.299261,0.736493,-0.310418,-0.337088,-0.731189,0.508765,-0.372839,0.0438773,-0.141703,-0.572043,-0.850875,0.219419,-0.0859863,0.529539,0.330318,-0.67564,-0.647653,-0.664291,-0.0138942,0.818942,0.860016,-0.286705,-0.869451,-0.234206,-1.27704,0.311765,-0.594407,-0.514722,-0.535619,-0.229559,-0.686305,-0.615207,-0.652653,0.118707,-0.250351,-0.15283,0.231112,-0.425458,-0.0253908,-0.248523,0.298506,0.0834552,0.173662,-0.436661,-0.0767456,0.297152,1.21816,0.615706,-0.539988,-0.421438,-0.7573,0.0922141,0.0606671,-1.0038,-0.739723,0.635029,0.0080492,0.0546702,-0.0916776,0.73753,-0.448791,-0.753801,-0.206239,-0.26167,-0.118338,-0.432427,-0.0750686,0.0784796,0.214794,0.296067,-1.59322,-0.378745,-0.154886,0.0164071,-0.130021,1.06053,-0.134716,-0.561376,-1.46069,0.0259556,0.184943,-0.348981,-0.654313,-0.563817,0.214089,-0.240425,-0.422573,-1.32812,-0.192209,-0.438141,-0.00152884,0.505818,-0.153775,0.467744,-0.235442,-0.152623,-0.474228,0.51742,0.331756,-0.508062,-0.139763,-0.380427,-0.886327,0.21064,0.157148,0.10448,0.0624314,0.161344,-0.552971,-0.233592,-0.118745,-0.59509,-0.990735,-0.270926,0.550377,-0.816681,0.422013,-1.57098,-1.04161,-0.567352,0.196857,0.20684,1.249,0.401362,-0.728801,-0.332929,-0.167038,0.0233869,0.170827,-0.344209,-0.375849,-0.731417,0.0427195,-0.465868,0.207876,-0.0538864,-0.00116577,0.342695,0.991776,0.120762,0.0742714,-0.440857,0.146958,-0.506456,-0.132313,0.507611,-0.431595,-0.278762,-0.0632692,0.787501,1.09977,-0.129026,-0.551714,-0.0650193,0.000131696,-0.431562,0.015952,-0.795561,0.630708,-0.164307,-1.46322,0.0298264,0.48035,0.626435,0.337101,0.61965,-0.0408557,-0.00927218,0.869193,-0.694932,0.444923,0.468161,1.23171,-0.210401,0.0146983,0.242008,-0.207832,-0.365409,0.129462,-0.0260792,0.998766,-0.248518,-0.146583,0.413336,0.0535579,1.1018,0.787303,-0.260846,-0.816067,0.513839,-0.175816,-1.25838,0.892057,0.708631,0.0761136,0.051005,-0.316556,0.36285,-0.438131,1.18527,0.414644,0.173817,-0.267239,-0.425202,0.21633,-0.138895,0.492032,0.718512,-0.371594,-0.18792,1.1618,-0.627854,-0.653655,0.684976,0.224141,0.716088,0.424338,-1.08542,-0.290882,0.767825,0.285897,-0.514817,0.484401,-0.689218,0.960495,-1.26982,1.36442,0.677109,-0.403185,0.840874,0.244856,0.280431,0.473506,1.06193,0.270509,0.279502,0.0274046,0.381044,1.41876,-0.372265,-1.14997,0.261273,0.254483,-0.0855801,-0.149169,0.889257,-0.139126,0.730324,-0.0725316,-0.309401,0.17169,0.197571,-0.0507594,-0.449359,-0.160066,0.490426,-0.171874,-0.297395,0.152483,0.0175963,0.0713848,-0.68916,-0.957742,0.386026,0.881404,-2.03136,-0.0441251,-0.394502,-0.873505,-0.332602,-0.134498,0.232245,0.991385,0.0594769,0.000787571,-0.29961,-0.181947,0.907605,0.733607,-0.528923,0.14998,-0.299305,-0.958137,0.0971134,0.387073,0.222701,0.78878,0.340695,-0.0225016,0.231535,-0.114502,-0.585618,0.128057,0.35195,-0.346718,-1.00035,-1.01611,-0.203157,-0.650645,-0.331179,-0.378245,-0.0422389,-0.159241,0.166934,0.583029,-0.107643,-0.466983,-1.14553,0.220314,-0.176832,-0.237985,-0.376701,0.825168,-0.535489,-0.159069,0.564625,0.0223801,0.462799,-1.18162,0.728617,0.726897,0.148276,-0.129295,-1.21756,1.10217,0.898161,0.0437285,0.250037,0.129097,0.427464,0.746439,0.435047,-0.447478,-0.395824,-0.188805,0.611288,-0.427069,0.550138,0.395974,-0.701009,0.785601,-0.581027,-0.470685,-0.531987,-0.391879,-0.30065,-0.181634,-0.261572,-0.0175567,1.16939,0.654884,1.22005,0.214632,0.447754,-0.899728,0.678237,0.113207,0.385805,0.487116,-1.02238,0.423609,-0.472587,-0.149462,0.471977,-0.824267,-0.776016,-0.303441,-0.30192,0.989466,0.107759,-0.235874,-0.366344,1.13773,0.486578,0.769612,0.93632,0.547722,-0.18646,0.416239,-0.0692619,0.857682,-0.202004,0.0100883,-0.772517,0.268951,-0.586803,0.324126,-0.296208,0.521752,-0.206741,-0.130341,-1.37149,0.178975,0.189046,-0.5585,-0.120356,0.258638,-0.360571,0.111669,0.583063,0.266274,0.418837,0.492851,0.310635,-0.33228,0.0170192,0.447143,0.342382,0.633953,-0.0232331,-1.04436,0.296993,-0.183628,0.0197584,0.634988,-0.336507,0.807347,0.0110445,0.472442,0.220355,-0.413792,0.93284,0.136959,-0.523173,0.574521,-0.0819064,-0.11263,1.61555,0.310657,-0.136347,0.334746,0.219694,-0.0449986,1.32688,-0.190229,0.274767,-0.00313854,-0.045725,0.390084,0.0978243,-1.17307,1.70537,0.3104,-0.262511,0.181147,-0.0102767,-0.0208998,0.610949,-0.306687,0.888349,-0.396992,0.0685409,0.953009,-0.209828,0.68841,-0.044092,-0.410751,-1.01233,0.0680455,-0.717405,0.0719172,-0.310545,0.275261,0.836309,-0.460683,0.104752,-0.931343,-1.30012,-1.19778,-0.528747,-0.321465,0.522427,0.544087,0.685507,0.188913,-0.159308,-0.0199295,0.637452,-0.632792,-0.157446,0.762061,-0.774458,0.116678,0.271404,0.424458,0.0596984,0.138932,0.173648,-1.27141,-0.53277,0.560392,-0.317995,-1.00634,-0.576906,0.0408277,-1.45165,-0.149341,-0.572471,0.297076,-0.495694,1.13587,0.0643668,-0.109642,0.135571,0.937119,0.0248281,-0.29883,-0.504882,-0.250635,-0.972708,-0.290745,1.23087,-0.678569,0.233397,0.746303,0.723628,-0.203923,-0.183687,0.583867,0.0540868,-0.800719,-0.657819,1.05933,-0.131396,1.02923,-1.07532,0.360409,0.119706,-0.113055,-0.374218,0.660599,0.525152,0.884048,-0.261307,-0.571932,-0.804131,0.247236,0.341796,0.114852,-0.05216,0.15291,1.34853,0.164718,0.0566742,-0.604432,0.274732,0.0904853,0.750625,0.261146,-0.448531,0.393278,0.370338,0.476784,0.165872,0.720567,-0.331492,0.564612,-0.413862,0.475766,0.414222,-0.396332,-0.306117,0.0515036,1.13604,-0.00540759,0.363161,0.58056,0.231728,0.786345,0.9055,0.173511,-0.467244,-0.0156947,-0.174497,-0.31668,-0.744136,-0.650443,0.250539,0.511826,0.92267,-0.843501,0.295188,-0.638094,0.657295,0.384908,-0.379222,0.119189,0.440776,-1.14789,0.49317,-0.243827,0.0563484,-0.363752,-0.302364,-0.150443,-0.305419,-0.307313,0.0107056,-0.38958,0.282097,-0.839599,-0.202532,-0.228408,-0.710649,-0.846838,0.771435,-0.511472,0.174839,-0.111196,0.268304,0.202939,-0.399416,0.141649,0.772457,-0.31996,0.768636,0.0296564,-0.0965997,0.0274832,0.0939534,0.0032362,-0.193276,0.557325,0.66691,0.210261,0.245564,-0.103308,-0.156376,-0.283058,-0.846414,0.661643,-0.243877,-1.06367,-0.440831,-0.145631,-0.145263,0.800477,0.216458,-0.11994,0.72972,-1.54869,0.38388,-0.0286443,-0.15243,0.59756,0.133135,0.801953,-0.230641,0.531813,-0.249485,-0.0820895,-0.487311,0.488538,-0.133918,0.474198,0.646405,0.0447407,0.830716,0.0885281,1.18895,-0.0292032,-0.0951405,-0.489293,0.572851,0.35317,0.0511212,-0.506425,-0.390122,-0.102221,-0.563181,0.715763,-0.631257,-0.207367,-0.560561,-0.547539,-0.370908,0.513038,-0.133333,-0.605504,-0.642561,-0.308056,0.157795,-0.216463,1.05892,-1.20451,0.484133,0.0349578,-0.437739,-0.717082,-0.469088,0.089111,0.511476,-0.544711,0.786958,-0.215809,0.837399,0.777727,-0.476983,0.664316,0.2132,0.7264,-0.0585311,0.764637,-0.392624,-0.935177,-0.703731,-0.460734,0.195599,-0.756149,0.493559,0.247296,-0.592854,-0.512088,-0.0342749,0.0758185,-0.61838,0.659437,0.0735322,-0.0539586,-0.980807,-0.366446,0.311089,0.869018,-0.116171,-0.147266,-1.31221,0.444823,0.254491,0.261862,0.364979,0.492906,0.644373,-0.0952951,0.278049,0.28889,1.27338,-0.254536,1.12579,0.486716,-0.765963,-0.264386,-0.02186,0.24312,1.23163,-1.02547,1.17291,-0.0595272,0.199809,0.000719145,-0.0100012,-0.194055,-0.257695,-1.14493,0.00369314,1.55636,-0.0710778,-0.635522,-0.690772,-0.599721,1.26509,-0.016584,-0.937802,-0.483415,0.553381,-0.124202,0.453245,-0.163821,0.0856684,0.353333,-0.809859,-0.161036,0.903868,0.34095,-0.0267406,-0.0476448,0.345604,-0.158838,-0.370703,-0.303654,0.480759,0.325584,0.0154224,-0.483304,-0.738797,0.305363,-1.36777,-0.00158951,-0.596608,-0.49112,0.137865,0.586125,0.295484,-0.035328,-0.119901,-0.397139,0.0404161,-0.781121,0.418363,0.326465,-0.516953,0.738688,-0.0176319,0.644507,-0.0882789,0.664927,0.0701916,-0.21495,-0.0803551,-0.565393,-0.983199,0.136897,0.22663,-0.285184,0.50032,-0.705977,-0.135077,-0.395773,-0.720095,-1.67102,-0.522187,0.439928,-0.0365518,-0.348865,-1.32196,-0.336699,-0.177293,0.0803396,0.0598518,-0.0178111,-0.813003,0.491961,-0.896481,-0.602013,-0.207709,0.136511,0.119447,-0.191466,0.51435,0.264813,0.113827,0.488848,-0.496352,0.656907,-1.39329,-1.33207,-0.101833,-0.684174,-0.88202,-0.307068,-0.590875,0.162293,-0.062396,0.547536,0.0999142,-0.390213,0.477853,0.399038,-0.749531,-1.06097,-0.188331,-0.544618,1.13295,0.23788,-0.579064,-0.456388,-0.486031,0.0967248,0.396739,-0.53026,0.257638,-0.156469,-0.182872,0.11972,0.290373,0.582292,-1.15541,-0.144423,0.906425,-0.56199,0.268527,-1.44976,-0.328355,-1.10281,-0.308517,0.128216,-0.347548,-0.0713741,-1.06774,0.748756,-0.408197,0.182639,-0.180292,-0.857068,-1.0763,0.412398,0.407596,-0.940093,1.12424,0.259267,0.812317,0.534054,-0.601425,-0.227538,-0.158773,-0.246814,0.0113461,-0.285401,0.105876,-0.567916,-0.596365,0.294143,0.878093,1.03173,-0.117752,1.01535,-0.0645847,-0.48387,-0.313282,0.726916,-0.0875278,-0.668635,0.0350088,0.885051,0.144505,-0.490368,0.698924,0.198846,0.551425,-0.76189,0.015139,1.26125,0.633482,-1.10912,0.748069,-0.357063,0.454733,-0.434376,0.164471,-0.178549,0.336437,1.61519,-0.221029,-0.271028,-0.778993,0.500401,0.124993,-0.831371,-1.01111,0.68036,0.197401,-0.07325,-0.126334,0.943192,-0.128768,-0.0116966,0.166128,-0.0341039,0.273739,-0.265569,-0.922869,-1.07023,-0.102836,0.809691,0.230672,0.561097,-0.866642,-0.435056,0.497993,-0.441279,-0.544619,-0.662074,-0.0772985,-0.647835,-0.434456,0.793585,-0.608794,1.05483,-0.00412326,0.52606,-0.434635,-0.312561,0.808231,-1.24809,1.03491,-0.192032,0.308904,0.0727854,-0.0880024,0.330682,-0.253803,-0.696801,0.260738,-0.560774,0.263476,0.629485,0.316919,0.135267,0.383269,0.565955,-0.236069,0.469502,-0.749661,-0.407271,-0.364694,-0.421825,-0.556696,-0.100791,0.489312,-0.549609,0.623415,0.185189,0.274693,0.613965,0.0251047,-0.355231,-1.47035,0.424015,0.323407,0.423528,-0.571262,-0.120645,-0.267618,-1.09024,0.855989,0.0635699,0.0603553,-0.170197,-1.10185,0.354402,-0.350421,-0.231708,-0.445754,-0.402883,0.0652825,0.357011,0.200028,-0.314136,-0.405096,0.562575,-0.364486,0.565976,0.5051,-0.20759,0.607702,-0.307007,-0.679761,-0.173875,-0.313701,-0.362217,-0.594829,-0.375041,-0.359001,0.74706,-0.236928,-0.31487,-0.145707,0.51914,0.102859,-0.20857,-1.12857,0.499302,0.295698,0.427487,-0.213899,0.125782,0.307864,0.00818551,-0.323554,0.672531,0.370122,0.240454,0.752655,-0.0541817,0.428687,-0.239188,0.0476351,-1.0958,-0.384833,-0.957749,-0.786362,0.586195,0.692603,0.319692,-0.36557,0.599092,0.00108215,-0.045417,0.943398,-0.25241,0.936314,-0.505099,-0.640128,-0.0627875,-0.153564,-0.348604,0.32528,0.943508,0.698433,-0.792671,-0.256585,0.433833,-0.498685,0.481195,-0.498151,-0.943281,-1.11592,0.00770992,-0.189621,0.164473,0.0257979,0.910688,0.0387268,0.477985,-0.354475,-0.677645,-0.587793,-0.497487,0.533724,-0.206678,-0.011892,0.357029,1.24692,0.150622,0.0776397,0.134681,0.797633,-0.381312,0.770223,0.447137,-0.697186,0.491976,0.203274,0.0687055,-0.175107,-0.41731,-0.893154,-0.360892,-0.39448,0.0885283,-0.377479,1.43753,-0.173668,0.75705,-0.161166,0.515311,0.609395,0.895078,-0.532906,0.541645,0.338518,-0.576528,-0.0745166,0.0293203,0.560042,0.402474,-0.0360285,-0.00826932,0.114804,-0.34118,0.628585,0.694795,0.219172,-0.716279,0.264951,-0.434506,-0.629534,0.0449597,-0.0987652,-0.0204809,0.519606,-1.42008,0.737665,-0.134309,1.30695,0.156842,0.340537,-0.408255,-0.0410924,0.563784,-0.0577457,-0.57516,0.582003,-0.125252,0.358576,0.436484,0.289171,-0.0496922,-0.109141,0.0505634,0.00043872,1.25028,0.434761,-0.696577,0.120016,-0.813334,-0.863809,-0.097781,0.00533864,-0.519159,-0.048989,-0.986287,-0.348887,-0.270502,-0.413281,-0.0106462,-0.102129,-0.898292,-0.229367,0.583336,-0.319456,-0.669176,0.74063,0.310262,-0.0848578,-0.268534,-0.295292,-0.625935,0.301072,-0.8807,0.064173,-0.963941,-0.0340662,-0.302449,0.46759,0.320961,0.15519,-0.692637,0.0956191,0.108362,1.22027,-0.0348081,0.199446,-0.100051,0.00804614,0.0698644,-0.303759,-0.26711,-0.533692,-0.545025,-0.248355,0.228086,0.913253,-0.497925,-0.599521,0.228782,1.1038,0.0325591,-0.29049,0.331088,0.418136,0.285725,-0.910484,-0.904458,-0.041588,0.858655,-0.905284,-0.465448,0.667631,-0.275579,-0.0889278,-0.0804925,-0.134508,1.1108,-0.75195,0.737347,-0.41867,-0.713738,0.0450523,-0.458659,-0.434136,0.371033,0.50125,-0.194721,-0.0601168,-0.531182,0.0155285,-0.493505,-0.310396,-0.957729,0.37556,-1.07075,0.558414,-0.281762,-0.613337,-0.692639,-0.344421,-0.143369,-0.399177,0.858109,-0.794563,0.874512,-0.673282,0.189426,-0.0609001,0.314761,-0.301933,0.475865,0.466679,0.576475,-0.251096,-0.153713,0.0488701,0.698193,0.00193368,-0.844502,0.184356,1.15277,0.714298,-0.735496,0.263251,-0.543157,0.568312,-0.263229,-0.264722,0.494657,0.605096,0.0483294,-0.401469,0.513353,0.272414,-0.21745,0.00952014,-0.411893,-0.230082,-0.215329,0.184743,-0.283807,-0.10539,0.459249,0.400585,0.359393,0.420335,-0.169837,-0.484841,0.11373,-0.609054,-0.242789,0.105381,-0.376371,-0.252122,0.0302338,-0.451748,0.0741905,-0.0207263,0.112482,-0.458634,0.153217,-0.259647,0.290845,-0.482037,1.03587,-0.0487857,-0.199747,0.710848,0.807059,-0.389019,0.479502,-1.22754,-0.263374,0.827581,0.415416,0.063065,0.775711,0.236296,0.336318,-0.125535,0.216986,0.444751,-0.2174,-0.0114494,0.108977,-0.263721,0.0668692,0.33304,-0.0827164,1.24762,0.748398,-0.288866,0.310066,1.34887,0.748498,-0.421346,-0.397733,-0.642388,-0.405137,0.542671,0.0739321,-0.881122,0.488167,0.16039,-0.0759308,-0.430147,-0.183216,-0.630583,-0.482051,-0.0196448,-0.678384,0.554876,0.346207,-0.351696,0.756436,0.073757,0.848582,-0.565556,-0.314246,-0.356641,-0.488437,-0.595057,-0.748152,-0.683358,1.01997,-0.401944,1.57345,-0.356014,0.667563,0.415284,0.321213,-0.398869,0.71486,0.155335,0.0853296,-0.0297392,0.0431459,-0.161656,0.00864553,-0.459612,-0.508669,-0.160476,0.169467,0.972867,0.390833,0.915597,0.0679109,-1.03737,0.20785,0.455124,-0.235255,-1.35202,-0.332743,-0.56868,0.142228,0.430949,-0.138822,-0.23475,-0.479169,0.343826,0.121634,0.176301,0.327927,0.00200707,-0.253683,0.8716,0.5607,0.0738753,-0.28127,-0.054928,0.609915,-0.237764,0.16315,-0.159541,0.318898,0.160031,0.058169,1.1686,-0.429289,0.33815,-0.496344,-0.788785,0.903551,0.384516,0.0944114,-0.732006,0.0787899,0.158621,-0.18836,0.215244,-0.0677387,0.148857,0.391747,-0.430588,0.204463,0.00388443,0.342365,-0.752975,0.635982,0.373038,-0.88906,-0.195758,-0.502304,-0.396978,-0.124123,0.741066,0.204412,-0.21895,-0.18715,0.344838,-1.32687,-0.240999,0.057228,-0.089778,-0.148847,-0.187235,0.436086,0.361142,0.42599,-0.706064,0.866244,0.838222,0.232905,0.120365,0.277795,-1.29938,-0.155129,-0.184648,-0.424787,-0.183398,0.656804,-0.957344,-1.12318,-0.458297,-0.22978,-0.558496,0.728848,0.907671,-0.525064,-0.0263412,-0.615363,0.147783,-0.75775,0.0487487,-0.63157,-0.0796584,0.649993,-0.176623,-0.561076,0.0374788,-1.34616,-0.0979867,0.0572786,0.35265,0.94884,0.690017,-0.0778978,0.48267,0.24339,-0.168046,-0.0613442,0.965948,0.813707,0.207571,1.33879,-0.255362,1.05121,-0.199508,-0.545821,0.765981,-0.549601,-0.174282,0.285993,0.920239,-0.836119,0.509216,0.711754,-0.319142,0.0835717,0.678467,0.481795,0.576132,0.343862,0.0684333,-0.14261,-0.777024,0.225217,-1.07622,-0.0849271,-0.336072,0.160927,0.371647,-0.664856,-0.592568,0.551468,-0.030663,-0.411944,0.0779565,0.459679,0.661746,-1.10293,0.341083,0.577895,0.28398,0.229601,0.473527,0.121903,0.423214,-0.046274,0.485611,-0.11311,0.780003,-0.617815,-0.512756,1.59352,0.0296613,0.641456,-0.503159,0.148885,0.442136,0.208723,-0.553464,-0.277569,0.842899,-0.332474,-0.182907,-0.0133198,0.583436,-0.0357766,-0.51509,0.0369797,0.411983,-0.90797,0.950615,-0.0134397,0.0873894,-1.02187,-1.29262,-0.587295,-0.381302,-0.222915,-0.123537,-0.354897,0.0118829,0.840028,0.209229,-0.216915,0.837352,0.0111517,0.734935,0.0761078,0.193372,-0.962298,-0.494704,0.700834,-0.530864,-0.531154,0.159897,-0.39611,0.945151,0.366179,0.508669,0.556993,0.437943,-0.539248,-0.421371,0.923632,0.602279,-0.0605114,-0.724745,0.50168,-0.277382,-0.618216,-0.197792,0.0247194,-0.603809,0.32029,0.540219,-0.585561,-0.245876,0.0558584,-0.280796,0.24251,0.298439,-0.668999,-0.183185,0.674717,0.174294,-0.551297,-0.428035,0.277904,0.571665,-1.03249,0.564865,0.610251,-0.562877,0.180006,0.372473,-0.337132,-0.369038,-0.281214,0.730397,-0.00363808,0.654024,0.426788,0.625969,0.533545,-0.0878333,-0.366458,0.234718,-0.490505,0.0396468,0.572305,0.477986,-0.404544,-0.141458,1.17722,0.450009,-0.299187,-0.341084,-0.752797,-0.117692,0.605713,0.373467,-0.570801,-0.249986,-0.654786,0.786964,0.493787,0.355953,0.813815,0.868425,-0.517607,-0.240451,0.139612,-0.236726,-0.835517,-0.0632634,0.655009,0.0509982,-0.202161,0.508968,0.177264,0.50114,-0.187907,0.360837,1.27911,0.835263,0.299496,-0.236252,0.729657,-0.769474,1.70882,-0.342773,-0.0289795,0.210152,-0.244332,-0.630266,-0.387364,-0.112916,-0.697316,-0.207143,-0.105066,-0.0916044,0.201377,0.0612196,-0.352466,0.0748398,-0.273623,0.216036,-0.159212,-0.51394,-0.396601,-0.277841,-0.411444,0.95046,0.15043,-0.110363,-0.713118,-0.0310156,1.59705,0.6217,0.130702,-0.550418,-0.305152,-0.686307,0.389236,1.11134,0.818684,-0.297213,0.694681,-0.762212,-0.747736,1.05563,-0.345449,-1.24761,-0.00656337,0.199699,0.290138,-0.393772,0.101006,0.096474,0.311064,-0.135405,-0.670323,-0.755973,-0.142081,1.00327,0.472671,0.589621,-0.284839,-0.236683,-0.115329,0.287036,0.333311,0.197353,-0.36323,-0.0979948,1.02086,-0.512301,-0.237802,0.553774,0.140583,0.885486,-0.275598,0.768393,0.357372,-0.479086,0.692466,0.318602,-0.444143,-0.691252,-0.30865,0.701059,-0.26454,0.165177,-0.590559,-0.524791,0.0975669,-0.294851,-0.493557,0.297147,-0.0552291,0.776124,-0.30466,0.135172,0.853612,0.0933621,0.0545804,1.16952,-0.400711,-0.0787329,0.78473,0.285841,0.453237,0.393353,0.253532,-0.88029,-0.136602,-0.206412,0.189613,-0.43563,-0.487015,-1.04528,-0.829552,0.854016,-0.412437,-0.121865,0.441203,0.15516,0.0542976,-0.165777,0.656597,0.525981,0.259711,0.436888,-0.494176,-0.486542,0.0530142,0.0733854,0.826336,-0.865168,0.580099,0.258666,0.540963,-1.05411,-0.618423,-0.380511,-1.22756,-0.684486,0.320168,0.367869,0.16485,-0.317457,-0.368497,0.130331,-0.147607,-0.545136,-0.205756,-0.985408,1.27244,-0.186533,-0.534962,-0.0651973,-0.241019,0.174643,0.671708,0.195493,0.244783,0.154198,-0.38634,0.0810739,0.373117,0.173421,-0.382163,0.746338,0.297465,-0.435718,0.120994,0.313328,-1.20068,0.496414,-0.269393,-0.189734,0.93283,0.524228,-0.329695,-0.17692,-0.625469,-0.164384,-0.775202,-0.572104,-0.339952,0.375759,0.594295,-0.409628,-0.233957,-0.158335,-0.158551,0.0311874,0.584155,-0.0927278,-0.515734,0.363147,0.253618,-0.523464,-0.469479,0.705566,-0.550888,0.707526,-0.78708,-0.233305,1.40207,-1.49813,0.10418,1.04792,0.302226,-0.146128,-0.399964,0.268831,-0.291239,0.460861,0.550253,-0.969463,0.146868,0.289333,0.93233,0.156699,-0.617176,0.110821,-0.53509,-0.98239,0.451028,0.233673,0.507772,0.833283,1.36933,-0.208579,-0.191664,-0.419133,-0.386881,-1.06574,-0.00838405,1.23039,0.858231,0.406024,0.845767,0.422963,-0.819118,0.0170911,-0.452041,0.166167,-0.0100805,-0.192568,-0.992837,0.104202,0.178061,0.0517265,0.407563,0.453442,-0.907155,1.0069,0.138982,0.402196,-0.573957,-0.707459,-0.647653,-0.498893,0.458283,-0.100704,0.137808,0.539935,-0.211906,-0.561073,-0.111528,-1.10735,-0.0619874,-0.369926,-0.485339,0.646595,0.853204,-0.625267,0.335843,-0.713466,-0.637463,-0.270794,0.576393,-1.01774,-0.565899,0.249197,-0.979194,0.229832,0.545554,0.314844,-0.451916,0.698161,0.572568,0.424972,-1.20413,-0.517379,-0.428354,0.403765,0.73598,-0.638632,-0.0401699,-0.572567,0.445863,0.572223,0.11957,0.471241,0.456519,-0.879607,0.0790128,-0.268964,-0.0570624,0.128147,-0.356803,0.080935,1.21376,-0.289005,-0.435634,0.403776,0.397377,-0.150061,0.361452,-0.456477,0.158181,0.571096,-1.2289,-0.443888,0.697088,-0.215066,-0.0381665,-0.27333,-0.246665,-1.04438,0.464437,-0.592247,0.144294,-0.110833,-0.863719,0.122962,-0.0985845,-0.381719,-0.0588394,-0.813986,0.378515,0.671787,0.682191,-0.49388,-0.0852091,-0.898164,1.36634,1.17745,0.230735,0.257873,-0.548272,-1.52989,0.0428004,0.166346,0.368317,-0.815372,-0.606656,0.485624,-0.526607,0.0263141,-0.622303,1.08751,-0.0437986,0.399898,-0.0287875,-0.761478,-0.964698,0.130499,-0.0395709,-0.366939,-0.354524,0.0565641,-0.570053,0.00181591,-0.420041,-0.0332665,-0.87215,-0.48335,-1.12589,0.159764,-0.905547,-1.13109,-0.195945,-0.0396273,0.0257052,0.478416,-0.0652279,0.17515,0.452547,0.544231,0.415336,0.604385,-1.14737,-0.655567,0.284293,0.16547,0.393021,0.115715,0.524535,0.947606,-0.613865,-0.354469,1.39518,0.054761,1.02758,-0.422223,-0.483872,-0.00632877,-0.277009,-0.913961,-0.251539,0.447309,0.191092,1.21054,-0.306897,0.734109,0.747,0.418031,-0.226471,-0.326716,0.543083,-0.667487,0.40701,0.151397,1.90055,-0.624509,-0.208451,0.0321572,0.687628,-0.664746,0.752643,-0.0140978,-0.27249,-0.0273735,-0.251715,-0.158728,0.107148,-0.571495,0.401413,0.257693,-0.15838,0.495571,0.358238,0.13539,-0.404635,0.477522,0.198223,-0.377421,0.172297,0.288272,-0.0787057,-0.506296,0.611887,-0.0671027,-0.0268544,-0.752971,0.683571,-0.995963,0.304295,0.693001,0.241646,-0.00583738,-0.320828,-0.935662,0.164389,-0.247246,0.692275,-0.273011,0.00304342,0.737035,-1.48167,-0.342028,-0.0779636,-1.34159,-1.20171,0.386325,-0.60345,-0.376887,-0.713911,-1.54383,-0.0119462,0.0057699,-0.0897679,0.40764,0.409349,-0.0721641,-0.346133,0.375381,0.73358,-0.40621,0.819451,0.0801483,0.39371,0.599946,-1.23102,-0.384317,0.161073,-0.157266,0.165181,0.353169,0.0434129,-0.127762,-0.379062,0.482501,0.875946,0.318367,-0.766841,0.121258,-0.287758,-0.218055,-0.238613,-0.535497,0.171745,-0.348165,0.260699,1.00017,-0.433258,0.820724,0.131251,0.428259,0.592851,0.0602391,0.519624,-0.456872,-0.185826,-0.193839,0.303459,0.950872,0.0875292,-0.579347,-0.18909,0.744555,1.51705,0.844552,-0.643502,0.174647,-0.195941,-0.194147,0.0669564,-0.100504,0.0652676,0.109984,-0.503412,-0.49813,0.0233454,0.7158,-0.336524,-0.18104,-0.479922,0.854561,0.193343,0.424266,-0.109246,-0.617022,0.358431,0.126665,-0.0246225,-0.651953,0.0877902,-0.155354,0.0224002,0.488439,-0.0318435,-0.73745,-0.216317,0.150531,-0.312607,1.08207,0.949578,0.0485939,0.140593,-0.794024,0.0772499,0.602247,0.866765,0.308235,-0.916264,-0.613187,-0.28035,-0.0418653,0.725155,0.413796,0.554667,0.296917,-0.207758,0.786057,-0.181517,0.278706,0.252681,0.906654,-1.50674,0.218529,-0.0650573,-0.697082,0.0935505,0.195711,0.28309,-0.243042,0.328992,-0.734901,-0.628438,0.569916,-1.68546,-0.8811,0.199836,-0.168868,-1.25012,-0.321669,-0.309486,0.0422804,0.181385,0.344858,-0.539009,-0.196928,-0.0868258,0.87236,-0.446812,-0.474784,-0.000231229,0.0153591,0.54976,-0.271023,0.801718,-0.393575,0.00170191,0.280522,-0.204761,-0.0236546,-0.465553,1.09804,-0.369958,-0.30895,-0.776867,-0.0272937,-0.560451,-0.0101336,-0.355871,-0.49127,0.349158,0.486115,0.133291,0.0867305,0.295153,-0.858732,0.445013,-0.586472,0.927287,-0.680988,-0.550508,0.90223,-0.0883922,0.206697,0.554416,-0.0939183,-0.0169437,0.22372,-0.4393,0.207821,-1.41444,0.0664624,0.41011,0.862686,-0.228476,0.653938,0.514706,-0.573093,-0.738432,0.0958683,0.616851,-0.0969387,-0.333994,0.243443,-1.10446,0.104479,-0.102989,-0.837085,1.44034,0.735326,0.00937546,0.104272,1.03265,-0.172846,-0.256858,-0.0129356,-1.24093,1.56652,0.349081,0.101891,0.674746,0.748102,0.0440012,0.104147,-0.237892,-0.201978,0.2426,0.636784,-0.207997,0.351863,0.617537,-1.54638,-0.0992277,0.169355,0.260996,0.175457,-0.941475,0.257069,-0.492366,0.289727,-0.333773,0.181839,-0.444279,0.581958,0.384353,0.358884,0.143028,-1.24046,-0.25751,0.0356891,0.36413,0.119974,-1.00799,-0.0853459,1.59564,-0.243914,-0.0855704,1.00258,0.226664,0.556699,-0.343162,-0.747283,-0.245185,0.0897202,-0.25539,-0.313757,-0.144054,0.0294261,0.366683,0.377392,0.351447,0.25642,-0.672637,-0.0948239,0.0587112,-1.306,0.0459322,0.447408,0.123478,0.485642,0.0812152,0.692217,-0.365196,-0.0538871,0.766036,0.0684959,0.919857,-0.256682,0.915295,0.600799,-1.06418,0.896986,1.52307,-0.365377,-0.876741,-0.1994,-0.509251,-0.563073,0.324876,0.0409148,0.950387,0.833916,1.72335,0.325005,-0.569595,-0.769699,0.589441,-0.134144,-0.363975,-0.481235,0.744703,-0.428201,0.513673,0.585485,-0.30874,-0.478458,0.0403954,0.661886,-0.00905637,-0.57998,-0.62727,-0.422138,0.212176,-0.281115,0.897689,0.110282,0.230529,-1.23159,-0.281446,-0.261138,-0.344821,0.863187,0.329906,0.60617,-0.504201,-0.726346,0.25428,0.378711,0.0617846,0.0640767,0.170658,0.0619638,-0.555492,-0.135362,-0.46083,0.667044,-0.664878,0.537529,0.553363,0.82318,0.483872,0.878581,0.358929,0.537458,-0.374077,-0.752725,0.37332,0.29688,-0.224997,-0.733699,0.377662,0.613739,-0.434659,-0.0825457,-0.33964,0.398367,-0.205237,0.0369652,-0.648503,-0.692152,-1.06594,0.178722,-0.665947,0.266086,0.719015,-0.772543,-0.747588,-0.61645,0.117961,1.02834,0.389883,0.193914,-1.56088,-0.0833985,-1.3698,0.488502,-0.509792,-0.495393,-0.54717,0.324196,-0.723799,-0.21208,-1.17905,-0.00374195,0.0532666,-0.15943,0.018513,-0.20835,0.357318,-0.340051,0.20237,0.0690549,-0.370108,-0.318545,0.579004,-0.278533,0.851884,0.63233,-0.436269,-0.54859,-0.863811,-0.0161669,0.389138,-0.479678,-0.996923,0.400247,-0.0475496,0.231122,-0.229451,0.701342,-0.65576,-0.75364,-0.0223147,0.199106,-0.116562,0.17503,0.199378,0.422178,0.345274,-0.0952118,-1.36089,-0.235986,-0.26191,-0.0490762,-0.0326537,1.26835,-0.700442,-0.494616,-1.55264,-0.269033,-0.133675,-0.424325,-0.219044,-0.496682,-0.0452726,-0.425234,-0.381348,-1.51932,-0.333306,0.227523,0.0806939,0.584041,-0.0678284,0.812135,-0.319698,0.0366119,-0.582308,0.39763,-0.303606,-0.404534,0.0244216,0.286787,-0.744195,0.231482,-0.181954,0.0732879,-0.262928,0.0758058,-0.557078,-0.139252,-0.0178941,-0.951701,-0.712711,-0.227138,0.572953,-0.792769,0.191531,-1.34252,-1.59618,-0.504591,0.287148,0.585434,1.12938,0.258516,-0.334956,-0.65262,-0.560504,0.585439,-0.0343665,-0.123215,-0.395925,-0.572543,0.0135071,-0.449859,-0.00729322,0.128626,0.188904,-0.0772615,0.553732,0.263276,-0.625914,0.0638199,0.347694,-0.105221,0.269031,0.412318,-0.434693,0.194908,-0.0976063,0.665507,0.741351,-0.0269559,-0.361969,0.148528,-0.0539479,-0.343957,-0.0331233,-0.687471,0.472309,-0.0550566,-1.39328,0.11122,1.04548,0.275672,0.0813057,0.183946,-0.232636,0.168908,0.814068,-0.556324,0.246655,0.511519,0.984946,-0.440618,0.040079,0.775804,-0.211305,-0.252065,-0.23311,-0.362556,0.915461,0.275464,0.16542,0.47068,-0.275601,1.1328,1.02379,-0.360824,-0.925456,0.587679,-0.435657,-0.84296,0.960367,1.10537,-0.00985218,0.0589136,-0.223282,0.950386,-0.322418,1.07493,0.487122,0.000195898,-0.330602,-0.377957,0.0513142,0.250287,-0.0480072,1.05804,-0.0396087,-0.179973,0.550971,-0.937899,-0.586691,0.718028,0.547635,0.120809,0.915237,-1.33717,0.148279,1.29144,-0.344288,-0.476131,0.728219,-0.831689,0.983844,-0.979846,1.59351,0.666623,-0.468208,1.17224,0.241597,0.116063,0.31062,0.70799,0.272592,-0.190794,0.114184,0.222522,1.35999,-0.320352,-1.2991,0.195263,-0.100211,0.00389843,-0.386073,1.15509,0.294927,0.823965,-0.202243,-0.683142,-0.0501511,-0.255164,0.20255,-0.483024,0.023206,0.428313,-0.283967,0.226689,0.271599,0.0473272,0.503854,-1.14861,-1.12719,0.599211,0.505671,-1.77591,0.204292,-0.502333,-0.59703,-0.582452,-0.0754685,-0.301311,1.29903,0.0137132,-0.0328142,-0.697346,-0.468995,0.998269,0.919683,-0.252363,0.17933,-0.162102,-0.666501,-0.186542,0.867937,0.436573,0.738475,0.243888,0.150533,-0.422026,0.15433,-1.21848,0.0808782,0.166077,0.109631,-1.06385,-1.13608,-0.152912,-0.0675465,-0.452182,-0.197518,0.019431,0.37974,0.212857,0.707436,-0.483284,0.00867134,-0.999342,0.585262,-0.178385,-0.417925,-0.0926715,0.36777,-0.350788,0.0284632,0.508629,0.346509,0.822457,-1.02703,0.307209,0.651806,0.442655,-0.575108,-0.958157,0.919478,0.822555,-0.320184,0.150846,-0.036296,0.0953321,0.040491,0.0510064,-0.856932,-0.346528,-0.377308,0.433087,-0.186725,0.362921,-0.0872516,-0.777526,0.189176,-0.231213,-0.255435,-0.15617,-0.633165,-0.651225,-0.488294,-0.427783,-0.381587,1.01501,-0.19517,0.894383,0.601293,0.17112,-0.919932,0.720931,0.209102,0.426182,0.218088,-1.07317,0.43875,-0.386674,-0.112777,0.0700969,-0.694991,-0.291142,0.109548,-0.672441,1.22802,-0.130964,-0.53712,-0.979704,0.673905,0.297495,0.514573,0.40053,0.0310976,-0.0593893,0.31408,-0.540205,0.603652,0.18159,0.142232,-0.74127,-0.0320179,-0.0657711,0.197243,-0.311353,0.214336,-0.355022,-0.691191,-1.68809,-0.112954,0.562221,-0.519947,-0.117505,0.378821,-0.0564471,-0.203932,0.563011,0.466811,0.41501,0.0793708,0.406591,-0.346948,0.169651,0.454585,0.0414166,0.675036,0.154106,-0.567854,0.211917,-0.107236,0.169449,1.03378,0.0749005,0.744527,0.177089,0.529553,0.0756228,-0.396516,0.597505,-0.194597,-0.472592,0.254728,-0.342148,0.184834,1.69383,0.205062,-0.0225364,0.372122,0.248154,0.3763,1.01673,-0.404146,0.10809,0.000952244,0.252504,0.220961,0.326767,-1.18356,1.8026,-0.209203,0.12668,-0.0703837,-0.20992,0.467564,0.699339,-0.271788,1.03819,-0.381449,-0.286098,0.604046,0.108935,0.352621,-0.0981971,-0.421007,-1.07545,-0.172822,-0.668686,-0.0987589,-0.285323,0.425478,0.893117,-0.75871,-0.00277157,-0.779658,-1.04961,-0.988819,-0.0381252,-0.481613,0.774162,0.508138,0.969107,0.389183,-0.781156,-0.0472107,0.459212,-0.42521,-0.0688996,0.701712,-0.845172,0.153466,0.317949,0.501817,0.205823,-0.0153002,0.422891,-1.1084,-0.410253,0.482829,-0.293677,-0.72943,-0.730938,-0.0339997,-1.37007,-0.297669,-0.582572,0.13355,-0.229321,1.41804,0.205805,-0.214927,0.151327,0.861528,-0.0532989,0.251083,-0.225885,-0.174102,-1.20946,-0.12284,1.17142,-0.656624,0.373919,0.372622,0.900323,-0.160085,0.323271,0.484797,-0.294762,-1.18798,-0.464757,0.915655,-0.0653516,1.52565,-1.20158,0.701626,-0.320964,-0.342284,0.00320972,0.61545,0.749264,0.439887,-0.403475,-0.686882,-0.748847,0.347046,0.457309,-0.256275,0.37516,0.00196485,1.38123,-0.223807,0.23726,-0.619696,0.277478,-0.174995,0.362606,0.485703,-0.498147,0.0118797,0.29766,0.388654,0.324748,0.502088,-0.311099,-0.310686,-0.452534,0.0578907,-0.21085,0.143134,0.200464,-0.514378,0.725741,-0.0200608,0.565429,0.881163,-0.167938,-0.184153,0.993833,0.386064,-0.424375,-0.0393634,0.780361,-0.760242,0.217107,-1.0488,0.950972,-0.0996207,0.367817,-0.13636,0.346569,0.929375,0.0544418,-0.136882,0.440345,-0.371295,0.716998,0.818265,-0.1106,0.145684,-0.537319,-0.880425,0.484502,-0.594167,0.378502,0.0959921,-0.550566,-0.0623199,-0.177407,0.633333,-0.807379,0.0180027,-0.0123093,0.187552,-0.0833497,0.0917454,0.169348,-0.346341,0.211972,0.469593,0.34408,0.683755,0.609911,0.278656,0.727119,0.0141496,0.000976324,0.17839,-0.0981845,-0.215112,-0.309384,-0.153592,-0.404018,0.0407612,0.928992,0.0248897,-0.230344,-0.108793,-0.837259,0.550075,-0.81784,-0.573646,-0.694863,-0.780821,-0.50263,-0.118047,-0.0787692,-0.0820375,0.387024,0.149732,0.444486,-1.0114,0.10977,0.489069,-0.269833,0.778926,0.286196,0.315239,-0.143001,0.305303,-0.53319,-0.454268,0.484142,0.643699,0.753741,0.588206,0.13688,0.129846,-0.784291,-0.41342,-0.533362,0.0128024,-0.584453,-0.773912,0.171393,0.0237789,-0.437728,0.275615,0.643119,0.634029,-0.760266,0.182922,-1.28989,-0.732435,0.0559424,-0.00108162,0.323141,0.115673,-0.81996,-0.250087,-0.161944,-0.443345,0.162637,0.137756,0.308455,0.0521688,1.45125,-0.427082,-0.512622,-0.319172,0.409,0.313948,0.610985,-0.205249,-0.285263,0.0500431,-0.227072,0.471529,-0.304137,0.37043,-0.0453106,0.373398,0.3266,-0.0239523,-0.216087,-0.491494,-0.264848,-0.244581,-0.0530122,-0.396069,-0.700912,-0.997443,0.855533,0.13431,-0.363787,0.70136,-0.262438,0.0258583,0.309794,-0.459197,-0.084116,-0.283647,-0.173629,0.115928,0.404836,-0.156147,-0.606452,0.227078,0.487008,0.262056,0.146524,-0.472837,1.11743,0.12897,0.673853,-0.641062,0.0994768,0.116137,-0.318677,-0.209276,0.202269,-0.680811,0.855219,-0.137753,0.264989,0.112734,-0.122453,0.688038,0.816438,-0.539813,0.711401,-0.433832,-0.353056,1.67421,0.654279,0.328851,0.017591,-0.00669844,0.857786,0.236733,-1.08339,-0.514853,0.0840369,-0.651591,1.55361,-0.33197,-0.776052,0.110326,-0.231227,-0.683362,0.280856,-0.112906,-0.341115,-0.6034,0.132133,0.537428,-0.264715,-0.696667,-0.122617,0.26918,0.746549,0.03019,-0.276542,0.779174,-0.706134,-1.02069,-0.453898,-0.414687,-0.268027,0.0914471,0.813578,-0.782817,-0.885172,-0.325478,0.344821,-0.745125,0.407866,-0.511202,-0.851666,0.0692573,0.738304,0.217817,-0.312402,0.751954,1.43147,0.328354,0.0216177,-0.155456,-0.382012,-0.4563,-0.48374,0.0285538,-0.969696,-0.00975472,0.263749,0.579455,0.115888,0.0174665,-0.313415,-0.282546,-0.591637,0.0185191,-0.550013,0.0292373,-0.319292,0.0718769,-0.0836247,0.769048,0.07099,-0.118054,-1.25873,-0.491793,-0.144988,0.512199,0.151009,0.0643747,-0.30187,-0.763117,-0.932216,-0.352953,-0.0667973,-0.080446,-0.772435,-0.499609,-0.225341,-0.164103,0.665145,0.302409,0.438301,0.189007,-0.013955,-0.237087,0.702747,0.088611,-0.276295,-0.0810983,0.686644,-1.02589,-0.172092,0.231395,0.224515,1.08336,-0.479688,-0.375199,-1.07609,0.528089,-1.04464,-0.437253,-0.486384,-0.117476,0.648585,1.3046,-0.108755,-0.174139,-0.0542062,0.289776,0.0884001,0.152356,0.0955261,-0.311868,0.141233,-0.239769,0.355907,-0.75517,-0.317569,-0.31555,-0.968929,0.902388,-0.135639,-0.5809,0.228988,0.390429,-0.153255,-0.163834,0.856274,-1.14996,0.685764,-0.852352,-0.0674881,1.33197,-0.0982035,-0.0773749,-0.434501,-0.251895,-0.367831,-0.410697,-0.329328,0.0508231,-0.240234,-0.217503,-0.40525,0.00418128,-0.0102031,-0.233218,-0.302497,-0.0363094,-0.260985,1.11925,-0.22413,-0.268188,-0.294654,-0.355207,0.233687,-0.846356,0.0510922,-0.348669,0.959127,-0.677877,0.266213,0.162727,0.603594,-0.249482,1.0097,-0.602506,0.371541,0.766077,0.370368,-0.256857,0.915805,0.819144,0.251809,0.363893,0.200247,0.861826,-0.0132829,-0.254459,-0.00912559,0.813041,-0.258944,-0.776265,-0.107373,0.3203,-0.35847,-0.492252,0.0758295,-0.339354,-0.731449,0.219244,-0.0147683,-0.668376,-0.753885,0.378422,1.05678,-0.517059,-0.559534,-1.02194,0.006028,-0.496686,0.0783973,0.000954326,-0.0262882,-0.455795,0.126516,0.48313,0.264162,0.684294,-0.0388208,-0.12427,-0.514644,1.2691,0.562136,-0.362271,-0.224221,0.186597,0.510771,-0.898452,0.0826419,-0.720261,-0.559906,0.398533,0.244319,-0.463827,-0.346079,-0.0456188,0.24539,0.185895,0.760966,1.06183,0.109889,-0.537537,-0.580213,-0.0227363,-1.22146,0.533471,-0.649524,0.440738,-0.589545,0.0780569,0.693963,-0.0825022,1.22446,-0.314562,-0.25366,0.0511744,-1.08498,0.196129,-0.268187,-0.242561,0.17434,-0.390309,0.556165,-1.10352,0.833992,-0.49944,0.598349,-0.983707,-0.624832,0.487028,-0.821104,0.085239,0.365971,0.301468,0.0225088,-0.350218,-0.0911107,0.148814,-0.437848,-0.290148,-0.103008,0.946654,-0.963558,-0.533385,-0.0820744,0.191246,0.577811,-0.222248,-0.32001,0.214049,-0.971645,-0.645894,-0.653086,-0.0564106,0.108242,-0.317772,0.351359,1.46745,0.411649,-0.863476,-0.670315,-0.157625,0.1831,-0.061819,-0.511174,1.55302,0.0308677,0.00811595,0.461905,0.914294,0.482696,0.351804,-0.307956,0.00345289,0.0822538,0.465224,0.474886,-0.35982,-0.150976,-0.51522,0.196991,-0.137481,0.454462,0.485188,-0.428664,0.391733,-0.181179,0.780528,0.629617,0.484673,0.62213,-0.264687,0.590316,0.71007,-0.868768,0.355807,-0.493818,1.18406,0.408569,0.109899,-0.567224,-0.455777,-1.02718,0.0834839,-0.153887,-0.0244039,0.38393,0.316649,0.221155,0.0114411,-0.299408,-0.128124,0.0201335,0.212998,-0.737075,0.651367,-0.984982,-0.738419,0.936217,-1.0082,0.384496,0.726728,1.12509,-0.402909,0.542858,-0.144687,0.424125,0.847668,0.216239,0.76668,-0.467674,1.45162,-0.616064,-0.039365,-0.794722,-0.261321,-0.356384,0.728722,0.135167,-0.396461,0.955269,1.30969,0.0610273,0.663346,0.215759,0.475612,0.591173,-0.771108,-0.792743,1.03027,0.198956,-0.428089,0.216225,-0.613213,0.140865,0.453748,0.131334,0.46787,0.766185,-0.522384,0.639267,0.657633,0.798864,-0.423811,0.23327,-0.261846,0.393903,-0.000329532,0.875899,-0.100578,-0.0341331,-0.918812,0.349525,-1.67541,0.739834,1.0401,0.759616,-0.584781,0.0745274,-0.0869452,-0.348226,1.21129,0.0228709,0.287938,0.413141,-0.280325,0.287266,-0.231825,0.744556,0.209419,0.939125,0.751285,0.767294,-0.25779,-0.139886,0.26261,-0.495597,-0.658935,-0.192105,-0.832901,0.245062,-0.333572,-0.0982364,0.265399,-0.465724,0.477099,-0.459469,-0.539394,-0.0840015,0.450335,-0.858636,-0.434424,-0.131712,0.780532,-0.44357,-0.127957,-0.400619,-0.716922,-0.161154,-0.453243,1.35957,-0.299107,0.586016,0.182231,-0.564898,0.870796,-0.514273,0.349919,0.673895,0.0839976,1.32237,0.1805,-1.42247,-1.12636,-1.00143,-0.332532,-0.0462648,0.701009,0.458928,-0.503912,-0.0413842,0.235193,0.129079,0.146416,0.238294,0.0665992,0.161315,-0.305285,0.615048,0.609431,0.297919,-0.127307,-0.438827,-1.25337,0.423026,0.263939,-0.586971,0.244487,-0.0995255,0.653358,0.269246,-0.825818,0.478596,0.938575,-0.244322,0.534582,-0.236743,0.000179045,0.293477,-0.331103,-0.726129,-0.794418,-0.215314,0.672299,-0.493189,-0.488534,0.501338,0.707054,-0.105395,-0.121743,0.74609,0.0443352,-0.115715,-0.201912,0.783528,-0.173547,-0.680043,-0.461367,-0.0820208,0.62302,-0.0261513,1.1939,-0.665903,0.183601,0.526711,0.46783,-0.160793,-0.605551,0.0676996,0.184187,0.098567,0.318781,1.31704,0.405428,-0.691353,-0.261436,0.63633,0.934629,-0.207452,-0.0864541,-0.662897,0.0221565,0.663079,0.354786,0.374258,0.223311,0.239736,-0.232484,-0.134678,0.492571,0.0321783,-0.0456741,-0.524533,-0.385482,-0.0529654,0.888574,-0.145496,-0.192675,-0.22051,0.785676,0.269737,-0.178523,-0.551529,0.451583,-0.58579,-0.482594,-0.421342,-0.606911,-0.139241,0.202886,0.258059,0.270286,0.556966,-0.318612,0.863393,0.155737,0.378308,0.88001,-0.18107,-0.103194,-0.926557,0.672746,0.524076,0.673543,0.811178,0.800451,-0.224905,0.273794,-0.911654,-0.22254,0.910258,0.278258,0.826924,0.670296,-0.226419,0.399329,-0.48778,-0.392618,-0.0527545,0.618059,0.740859,0.541087,0.0303163,0.732623,0.223612,-0.519672,-0.204916,0.976466,0.752311,-0.22574,0.604136,0.0120913,0.00633474,-0.237649,-1.46068,0.347886,0.556228,1.53075,0.00569269,1.39733,0.832801,-0.729098,0.41852,-0.752031,0.349726,0.348034,0.334903,-0.380934,0.0870396,0.554078,-0.482584,0.534873,0.0715458,0.0861066,-0.609477,-0.869164,0.581453,-1.01689,-0.334743,-0.438035,-0.0368352,0.419188,-0.650796,-0.0754489,0.703714,-0.0623649,0.250163,-0.135893,-1.14038,-0.242807,-0.326841,1.06786,-0.187166,0.445036,-0.014381,-0.108287,-0.488474,-0.611989,1.00624,0.137579,-0.379092,-0.596593,0.550277,0.107485,-0.195379,0.379173,-0.661086,-0.0907869,-1.91147,-0.2155,-0.194004,-0.4952,0.279231,0.453438,0.468084,0.7634,0.595466,1.00819,-0.272354,0.505118,0.237843,-0.990725,0.429651,-0.291083,0.808038,0.471295,-0.515707,0.132788,-0.0101213,0.0161271,-0.650967,0.612331,-1.05975,0.219469,0.370883,0.491295,0.420996,0.023125,-0.872164,0.235591,-0.0858181,1.00433,-1.22652,-0.324557,0.301474,0.0253713,-0.368871,0.0135458,0.680357,-0.546113,-0.52325,0.0481612,0.385086,-0.642622,0.394321,0.394321,0.560218,-0.214567,-0.171682,-0.14306,-0.139206,-0.748212,0.317407,0.520456,0.768181,0.315833,-0.837933,-0.723504,0.17559,-0.383218,-0.510261,-0.0522072,0.0342164,0.711216,-0.446003,0.522831,-0.3403,0.0147843,1.4296,-0.499056,0.13983,0.503448,0.211173,0.362579,-0.365323,0.169306,-0.0441442,0.293057,-1.30235,-0.119056,-0.865711,-0.0860126,-0.377963,-0.274036,1.34081,-0.189861,-0.575342,-0.247754,-0.195061,0.102999,-0.260053,-0.922344,-0.551967,0.730226,-0.174208,0.80245,-0.032127,-0.54183,-0.157239,0.503822,0.357428,-0.0360396,0.380773,0.133294,-0.20738,-0.064111,0.148138,-0.0684268,0.00446583,0.0119361,-1.05505,0.664809,-0.812382,0.237009,-0.0843397,-0.173048,-0.467201,-0.33222,-0.28969,0.433016,-0.352982,0.408806,0.204285,0.710795,0.317999,0.183119,0.314843,0.412035,0.365937,0.706136,0.332023,-0.100186,-0.0867006,0.02676,0.0895079,0.170229,0.120219,-0.051578,0.307268,0.447026,-0.0851009,0.0606591,-0.41672,-0.498089,0.502773,0.307167,1.29794,0.135321,-0.675061,0.29459,-0.375911,-0.0195236,1.35022,0.292574,-0.618913,-0.642486,-0.452398,-0.118327,0.207203,0.0470537,-0.460699,0.468646,-0.474792,0.182377,-0.695294,-0.110579,-0.00929545,-0.235587,-0.591974,0.286744,-0.710244,0.312762,0.0638759,0.343587,0.609898,-0.0963821,-0.56298,-0.0501978,0.228215,-0.703235,0.322029,0.219409,-0.660938,-0.660403,-0.521173,-1.37645,-0.513349,0.176789,0.117654,-0.597491,0.58744,0.635476,0.327631,0.0589061,-0.0548522,-0.0927112,-0.0891359,0.73632,0.0479922,0.701395,-0.0187774,-0.432337,-0.187225,-0.453178,-0.242609,-0.0860673,1.74343,0.455596,0.57695,-0.259829,-0.36751,-0.870799,-0.58122,0.634439,-0.208893,-0.449473,0.0689184,0.52633,0.11522,-1.64866,-0.147007,-0.481252,0.173076,0.055889,-0.395941,-0.590647,0.233136,0.0488531,-0.529897,0.0401785,0.269106,-0.656727,-0.540149,0.199983,0.369973,0.422384,0.51706,0.0982674,-0.501472,-0.853787,0.644534,0.748512,0.889507,0.0540884,-0.360261,0.0890182,0.156057,0.17507,0.478275,0.350199,0.110398,0.881626,-0.491626,-0.540837,-1.03351,-0.382832,0.875103,-0.706497,-0.564913,1.03506,-0.316804,-0.302045,0.0287097,0.240031,0.254885,-0.557514,-0.650158,-0.161247,0.604972,-0.0854648,-0.70623,-0.800927,-0.729725,-0.369404,0.0929068,-0.271463,-0.173991,0.811875,0.61672,-0.223314,-0.0694141,0.410147,-0.541989,0.499298,-0.717618,0.603811,0.542388,0.119369,0.115461,-0.0483226,-0.0166802,-0.742125,-0.832917,0.852301,-0.516118,-0.459404,0.308547,0.715786,0.297886,0.589862,-0.127292,-0.121417,-0.607231,-0.0348284,-0.897629,-0.199484,-0.400939,0.202065,0.623226,-0.509861,-0.217211,0.371991,-0.0425335,-0.394653,-0.172516,-0.668898,0.568106,-0.569343,-0.23011,0.169401,-0.152242,0.337729,0.0554772,0.127506,0.00246197,-0.442578,0.743903,0.543338,0.47439,-0.355244,-0.227886,0.123292,-0.512043,0.489303,2.2973,-0.396928,-0.409653,0.337147,-0.760848,-0.428666,0.528899,-0.772243,-0.632503,0.491171,0.695479,-0.767848,0.368534,-0.834592,-0.0325526,-0.531523,-0.614657,-0.999518,-0.276538,0.0534764,-0.370899,1.24257,0.38884,0.351959,-0.42232,-0.545469,1.22517,0.262953,-0.190017,-0.497459,-0.301806,-0.325785,-0.290348,0.324523,-0.737725,-0.568065,-1.00806,-0.51302,0.38626,1.28862,0.135715,0.571526,0.313212,0.135267,0.791864,-0.0453434,-0.11801,0.199099,-0.159211,0.214907,0.00183582,0.609952,-0.27271,0.133053,-0.322498,0.0316367,-0.300593,-0.804797,0.687823,0.668072,1.39871,-0.744663,0.875203,0.357781,0.884736,0.895312,-0.829825,-0.266421,0.452968,0.396497,-0.365139,0.420111,0.735488,0.270711,-0.674389,0.253744,-0.580894,-0.56608,-0.105912,-0.174527,0.0133869,0.915353,0.0970232,-0.665408,0.845729,0.692462,0.937951,0.313793,-0.129039,-1.02942,-0.539661,0.21243,-0.0562736,0.166907,-0.444572,0.456437,-0.0615431,-0.450712,-0.603422,0.235041,-0.358332,-0.447349,0.0361468,-0.510227,-0.67765,-0.41807,0.765951,0.786437,-0.724536,0.131386,-0.649463,-0.800751,-0.916881,0.689458,-0.214555,-0.303087,-0.626676,0.177515,-0.574393,0.46151,0.750502,-0.0526985,-0.0148996,0.102418,-0.837877,0.293153,-0.484954,0.760429,0.500801,-0.382815,-0.958072,-0.300143,0.271008,-0.465423,0.196642,-0.548898,-0.409497,-0.852232,-0.811699,-1.03481,0.196452,-0.882772,-1.07902,-0.781231,-0.0390325,-0.713494,0.692803,-0.589854,-0.364559,-0.98058,0.0963221,0.201691,-0.26617,0.281083,0.959231,0.313279,-0.0825215,0.340473,-0.372152,-0.190747,0.471208,-0.189583,0.30777,0.129088,-0.122903,-0.0170935,-1.34051,0.117358,0.573207,-0.00107345,-0.00424021,-0.987153,0.477889,0.0957828,-0.330806,-0.836098,-0.00080169,0.201429,-0.668833,0.692646,-0.479392,-0.714315,-0.159946,0.143003,-0.367304,0.140104,-0.150907,-0.0751825,-0.448257,1.02207,-0.801753,-0.725209,-0.120356,-1.10488,-0.974558,0.117357,0.206099,0.278599,-0.727443,0.41212,-0.315601,-0.10983,0.510469,-0.617393,0.102254,-0.114127,-0.607891,-0.356942,0.620199,0.771198,1.04994,0.892419,0.983004,-0.669794,-0.487155,-0.422532,-0.131028,-0.244893,-1.00042,-0.461698,0.0029064,0.562576,-0.293133,-0.219094,0.316202,-0.0395441,-0.244595,-0.312565,-0.547389,0.768661,0.262719,-0.264886,0.89085,0.922543,0.790489,-0.723035,-0.269571,-0.205704,0.758536,0.858251,-0.159148,-0.247644,-0.656444,-1.04221,-0.231531,0.1559,0.398666,0.0674898,-0.316976,0.218141,-0.0813746,0.355536,-0.252491,0.171913,0.895834,0.333774,-0.290655,0.00148168,-0.370905,0.00198574,0.935707,-0.175352,0.628953,0.677762,-0.152587,-0.250499,0.124931,0.750515,0.568068,-0.136577,0.13212,0.424205,-0.315777,-0.192849,0.270701,0.0268756,0.162636,-0.959963,-0.0142599,-0.0535515,0.172737,-0.191033,-0.00236683,-0.019259,0.389354,-1.16825,0.658607,-0.0943645,-0.0552721,0.280569,-0.847556,-0.108977,0.195335,-0.416172,0.534879,0.519953,-0.568142,-0.41775,-0.588827,-0.271781,0.428638,0.607014,0.505232,-0.0974696,-0.894711,1.43758,0.220409,0.740825,0.210127,-0.597436,0.0391972,-0.0103038,0.353174,-0.569204,-0.834199,0.304535,-0.705552,-0.292469,-0.838292,0.358221,1.47066,0.150911,0.506617,0.10549,0.398444,-1.2277,-0.608344,-0.400585,-0.000525162,-0.198664,-0.287603,0.130761,-0.828712,0.462441,0.507355,-1.02551,-0.55067,-0.571964,0.00151721,0.234993,0.0345144,0.209474,1.18487,0.121479,1.1781,0.594899,-0.00435364,0.891848,-0.598437,0.746263,0.519429,-1.83867,-0.706243,-0.168002,0.418013,0.104759,0.158929,0.0244082,0.50737,-0.687782,0.236393,1.00268,-0.258204,1.35871,0.352943,0.0795271,0.520465,0.463639,0.0762479,0.343255,0.196442,0.437905,0.930187,0.797692,0.605819,-0.081354,0.255874,0.367099,-0.812041,0.531418,0.0925603,0.0536448,0.751334,0.0726079,0.0893242,-0.692655,-0.338745,0.743417,0.0053424,-0.338249,-1.1075,-0.25017,-0.0160194,-0.378082,-0.791727,-0.187588,0.101449,-0.511513,0.555209,-0.0656996,0.486303,0.602618,-0.236703,0.367381,0.245464,0.0311917,-1.0229,-0.429521,0.273415,0.197133,-0.353782,0.771297,0.417914,-0.0703228,-0.0370971,0.0727212,-0.341647,0.032539,0.0898278,-0.173355,-0.0204466,-0.361051,0.0874283,0.313458,0.557295,0.130781,0.408605,0.39953,0.235152,-0.324165,-0.00337687,0.741776,-1.23235,-0.519889,0.313611,0.0934273,-1.19736,0.226863,-0.721554,0.21198,-0.497826,0.52658,-0.023519,0.964605,-0.231404,-0.888328,-0.43095,0.673443,0.157624,-0.119104,0.558369,0.0824221,0.707119,-0.730933,0.408961,0.192686,0.296108,-0.0761615,-0.0221176,-0.144088,0.811509,-0.000885025,0.891141,0.0513335,-0.241554,-0.454309,-0.093351,-0.705253,0.365692,0.279793,-0.23024,0.0998615,0.0931633,-0.150458,1.00481,-0.188196,1.3918,-0.114705,0.523982,0.273513,0.112928,0.179006,0.664273,-0.221715,0.0690566,-0.405832,0.253629,-0.106122,0.824946,0.359851,0.567454,0.422404,1.66504,-0.549884,1.04166,-0.129156,-0.187746,-0.423325,-0.990018,0.627906,0.528241,0.0177586,-0.637234,-0.584786,0.0578857,0.222289,-0.58353,0.811634,-0.131338,0.322968,-0.448015,-0.443016,-1.08762,1.11387,0.354926,-0.641681,0.774709,-0.0687284,-0.339467,-0.427649,-0.742571,-0.778309,0.0798299,-0.0463373,-0.115801,-0.599296,0.760568,-0.728746,0.506634,-0.232778,-0.147282,0.121269,-0.586908,1.18378,-0.326964,0.256968,-0.928519,-0.58783,0.608285,-0.038202,-0.60823,1.03669,-0.366047,0.437614,1.20425,-0.280997,-0.0456602,-0.028603,-0.166647,-0.591702,-0.160638,-0.451304,-0.150794,-0.389231,0.421441,0.953195,-0.790483,-0.352488,-1.37753,-0.158297,-0.135578,0.222082,-0.465596,0.00193518,0.700682,-0.381128,-0.689385,0.36565,0.446136,-0.376506,-0.145396,0.331251,0.726558,0.572376,1.11435,0.191309,-0.187102,-0.182914,0.558774,0.534573,-0.287967,-0.00486308,-0.211278,-0.0347465,0.444009,-0.30748,0.344322,0.0358913,-0.0410083,-0.41224,0.254963,-0.666105,0.231734,-0.652546,-0.765348,-0.0359842,-0.262086,0.59382,1.00104,-0.662414,0.337995,0.222925,-0.778734,0.769841,-0.167123,0.268988,0.502608,-0.247158,1.09806,-0.172334,0.434584,-0.523748,0.812261,-0.139035,-0.359005,0.558018,0.35955,0.0497755,-0.632571,-0.612425,-0.0715001,0.227543,0.912045,-0.319348,-0.21076,0.260818,-0.298544,-0.0134997,0.0876083,-1.00731,0.23182,-1.2884,-0.370839,-0.0162417,-0.151322,0.533036,0.677623,0.474073,0.622932,0.673364,-0.130343,-0.659868,-0.122291,-0.771216,0.975764,-0.0195502,-0.110417,0.40677,-0.203335,0.324891,-0.394356,0.51206,-0.273448,-0.223716,-0.390767,0.000637054,-0.829783,0.247573,-0.0986591,-0.338298,0.181227,-0.665055,0.56949,-0.685661,0.287513,0.329923,0.17659,-0.736384,0.317544,0.21774,0.381718,-0.200858,0.422736,-0.187737,-0.675972,-0.0563677,-0.28837,0.247315,-0.231822,-0.149408,-0.538517,1.04862,-0.914127,-0.144326,0.726453,-0.598283,-0.0205222,-0.54171,-0.754226,-0.0870764,-1.03183,0.434507,-0.700172,0.372415,-0.246297,-0.345713,-0.382898,0.410301,-0.49739,0.167642,-0.23557,0.509119,-0.520123,-0.0922239,0.388001,0.3458,0.0632756,0.882953,-0.400163,-0.0534434,0.506332,1.56363,-0.41212,0.603409,-0.52894,1.06204,-0.205791,-0.383859,0.592651,1.03509,0.261574,0.12685,0.147499,-0.266444,0.0304382,-0.0241,-0.0733422,0.548439,0.425486,0.305331,0.293133,-0.835899,-0.418307,0.333606,0.965578,0.513357,-0.125266,0.60901,-0.493621,0.317339,0.133313,-0.893427,-0.319814,0.581938,1.20146,-0.93355,-0.463125,-0.318353,-0.608132,0.683256,-0.614012,-0.550973,-0.570778,0.170064,-0.516792,-0.131282,-0.134019,-0.524429,0.192854,-0.525011,0.00326247,-0.204153,0.368149,1.29088,-0.274325,0.820532,0.352199,0.00254955,-0.200792,0.276409,-0.0607239,0.106566,-0.0779908,-0.774203,0.765336,-0.0870586,-0.00847559,-0.257081,1.1348,0.13104,-0.280925,-0.773073,-0.25326,0.11779,0.687596,-0.629095,-0.170014,-0.338217,0.186634,-0.263855,0.105717,0.748391,-0.0356628,-0.674914,0.617055,-1.40769,-1.33646,0.393117,-0.179001,-0.523051,-0.793845,0.164191,-0.608017,-0.125619,-0.204735,-0.144455,0.763225,0.438625,0.722612,-1.39726,0.134816,-0.353403,0.630025,-0.342801,-0.842331,0.0175992,-0.391488,-0.28998,0.127449,-0.225396,-0.164574,0.327879,-0.0722727,-0.159643,1.03877,-0.0761475,-0.490657,0.300567,0.462077,-1.16921,0.7041,-0.507934,0.289823,0.443719,0.602762,-0.784958,0.0120089,-0.263845,-0.316686,-0.276512,-0.295089,0.217078,0.387185,0.0392658,-0.256,-1.0785,0.489525,-0.344769,0.0988524,0.372056,0.415119,-0.248411,0.02856,-0.112025,1.20859,-0.76224,-0.911628,0.172131,0.310662,-0.448377,1.04523,0.338841,0.357136,-0.555188,0.439276,-0.0932957,-0.707382,0.310803,-1.06839,-0.527634,0.108007,0.302738,-0.302721,-0.0250854,-0.0247145,0.608795,0.979878,-0.271193,0.299323,0.258851,0.570274,-0.22647,0.0147873,-0.733322,0.668592,0.0790469,0.328341,-1.00742,0.200159,-0.191197,-0.154826,0.249292,-0.103897,-0.268963,-1.19113,-0.0392385,-0.0119205,-0.15753,0.0121004,0.456328,0.486012,-0.410291,0.795784,-0.0931688,-0.682709,-1.0548,-0.676895,1.26304,-0.00702046,0.183394,-0.0900598,-0.600194,-0.996724,0.0566726,1.40317,-0.838074,0.0341908,-0.300683,0.417812,0.130835,-0.51862,-0.145365,0.283203,0.264917,-0.0322984,0.072117,0.604388,-0.189404,0.574547,-0.0712523,0.253169,-0.0164455,0.0195229,-0.0224119,-0.0158093,-0.15897,0.52513,0.581999,0.34956,-0.978124,0.384114,-0.240788,-0.720442,1.22643,-0.128515,-0.560882,0.475198,0.0979643,0.764533,0.656533,-0.646196,-0.517745,0.172561,-0.915995,0.138703,0.463714,-0.703641,-0.141293,0.771398,0.270987,-0.377809,-0.279586,0.458914,-0.531611,0.295456,0.0105647,-0.696484,0.20603,1.64562,0.696127,0.517064,0.411702,0.650758,-0.184992,-0.331253,-0.135027,-0.0532849,0.378269,0.565881,0.0249078,0.377229,0.442817,0.162805,0.259786,1.17283,-0.745547,0.275545,0.145044,0.118724,0.305793,0.36664,0.00239517,0.373009,0.0556994,0.365801,0.214806,0.091516,-0.694415,-0.497425,-0.589954,-0.326988,0.803955,-0.0556251,0.366538,-0.319554,0.355941,0.632177,-0.308557,0.336792,0.0542502,-0.172833,0.0652199,-0.507259,0.354596,-0.88824,0.73418,0.342502,0.826872,0.192392,-0.0737481,0.775891,0.0712303,-0.484467,0.639219,-0.414461,1.24836,0.55634,0.273987,0.197123,-1.05445,-0.579826,0.0208392,0.314745,-0.391582,-0.21023,-0.391012,-0.326608,0.768063,-0.617274,0.51659,0.0200035,-0.449096,0.34335,0.609625,0.445607,-0.326382,0.0502203,0.459761,-0.13438,-0.150994,0.197009,0.104177,-0.197668,0.297431,0.263229,-0.522274,-0.229313,0.331639,0.355216,1.25598,-1.13007,-0.278574,-0.844625,-0.0047368,-0.182925,-0.20419,-0.226147,0.222787,-0.39612,-0.0341062,0.195235,0.0330092,-0.141138,0.835497,-0.383957,0.10561,-0.431623,0.835869,-0.98731,-0.186234,-0.121982,0.368677,-0.297034,0.846034,-0.117807,-0.478673,-0.463766,-0.110507,-0.376494,0.224318,0.786673,0.708814,0.559509,0.535133,-0.114616,-0.959803,-0.425846,0.7313,0.619943,0.479694,0.338049,0.0259726,-0.4523,-0.16819,0.525881,0.0428214,-0.141993,-0.539044,-0.279126,-1.06651,0.8688,-0.332087,0.263711,-0.132947,0.616271,0.369002,-0.254013,0.554095,0.0961839,-0.542275,0.499324,-0.401666,0.383082,-0.0704716,0.360651,-0.194304,-0.71484,0.339788,-0.197492,-0.0779911,-0.591267,-0.0384481,-0.740803,-0.845656,-0.175221,0.193234,-0.108728,-0.509071,1.3453,0.340795,-0.000833251,0.0971418,-0.171905,0.153056,0.309161,-0.00664168,-0.707841,0.188156,0.594209,0.148257,-0.726811,0.759814,0.114432,0.535687,-0.347451,0.66326,0.2394,-0.161185,0.0211947,0.180474,-0.0749462,0.340756,-0.821803,-0.0865922,-0.00181009,-0.275961,-0.910806,-0.0673951,0.752471,-0.264885,0.762736,-0.183816,1.02178,0.230849,-0.275481,0.0608047,-0.295673,-0.375436,-0.956427,-0.151302,1.04485,0.223608,-0.792159,0.247485,-0.0354502,-0.279189,0.438647,0.0465184,0.100638,-0.102922,0.302362,0.101362,-0.402225,0.106483,-0.25492,0.701366,0.085723,0.144837,-0.254449,0.444549,-0.0473999,0.0939762,-0.164447,0.20593,0.310829,0.257114,0.268069,-0.0166834,-0.232849,-0.810066,-0.287147,-0.559024,-0.179923,0.734793,1.19211,0.036844,-1.05905,-0.11674,0.83459,-0.003775,0.971913,0.452212,0.340691,0.0407846,0.67051,0.0172249,0.552698,0.089661,0.487664,-0.575252,0.478431,-0.273799,0.343373,-0.293253,0.111083,-0.178305,-0.176729,-0.42393,0.46235,-0.308082,0.291666,-0.289265,-0.0288523,-0.545446,-0.212054,1.08496,-0.551815,-0.398172,0.0538641,-0.16208,0.659422,-0.519735,-0.281653,-0.17074,-0.480294,-0.844829,0.192416,-0.820205,0.28111,0.896546,0.276071,0.593469,0.324681,0.529176,0.290783,-0.479731,-0.00215964,0.333815,-1.11498,0.252273,0.516796,-0.615867,0.156483,-0.520439,0.800481,0.596848,-0.46854,-0.38947,0.456938,0.155554,-1.37419,-0.933159,-0.511854,-0.531059,0.290579,0.205241,0.0143449,0.498164,0.0242786,0.400638,0.652052,0.0802373,-0.479702,0.196521,-0.262104,-0.00454675,-0.698708,-0.142956,-0.13437,-0.589332,0.0174049,-0.197726,-0.135634,0.166292,0.471336,0.854231,-0.780857,-1.00904,0.808837,-0.262243,0.0357126,0.452296,-0.394317,1.3686,-0.143553,0.0218865,0.567796,0.12394,0.182161,-0.343537,-0.832214,-0.472224,-0.0255424,0.069372,0.626487,-0.24478,0.867299,0.222041,0.964583,-0.540782,0.775384,-1.43066,-0.450349,-0.3576,0.00982229,0.79507,0.604536,-0.722295,-0.112766,0.791446,-0.539725,0.717042,0.260718,-0.180506,0.1964,-0.460926,-0.269934,0.687594,-0.218567,-0.0583539,0.621196,-0.41537,1.14005,0.141411,-0.527057,-0.260298,1.01728,-0.127941,-0.288892,-0.311059,0.435439,0.0848364,0.538856,-0.761613,0.678099,0.13962,-0.0361819,-0.0695588,0.0780776,0.157609,0.267503,-0.371679,-0.490635,0.28622,-0.402579,0.131216,0.770804,0.21956,-0.480293,0.0300611,0.0243362,0.00220674,-0.467337,-0.0264987,-0.411363,0.481204,-0.187086,-0.0138981,-0.660429,-0.103699,-0.331181,0.234449,0.249149,-0.791141,0.0820208,-0.258486,0.0207891,0.350879,-0.829107,0.363149,-0.00981193,0.0062944,0.59357,-0.562178,-0.583601,-0.33324,-0.443963,0.160384,-0.313201,-0.00911022,0.100948,-0.186398,0.748026,-0.103068,-0.537756,0.0420453,-0.200897,0.424257,-0.851065,-0.339422,-0.181261,-0.589268,-0.558433,-0.104946,0.257864,-0.320083,-0.0100557,-0.327381,-0.247684,-0.632939,0.457714,0.88843,0.0190611,0.726837,-0.307633,1.45987,-0.70423,0.321162,-0.401895,-0.43349,0.320264,0.164488,-0.0884577,0.730513,0.354998,0.586213,0.260809,0.0994762,-0.44938,0.491696,-0.713957,-0.545011,0.430153,0.451322,-0.0172382,0.0460672,0.200373,0.826196,-0.942282,-0.498392,-1.88439,-0.81668,0.518252,-0.0445205,0.346609,-0.610728,-0.186775,-0.475761,-0.538762,0.616101,-0.200043,0.661194,0.0340567,0.185602,1.16185,0.155483,0.682449,-0.545518,-0.13876,-0.15849,0.291923,-0.165455,-0.0227575,-0.922851,-0.255524,0.302089,0.0449842,0.304453,-0.388693,0.211082,0.193332,-0.337333,0.0426027,-0.234878,-0.383056,-0.604502,-0.440086,0.421283,-0.701438,-0.207053,0.535465,-0.158267,0.505761,0.561335,-0.81077,0.253152,0.826396,0.375173,-0.174399,0.363699,0.223364,-0.181099,-0.326217,0.0193776,-0.0143028,0.295991,0.451814,-0.458498,-0.1125,0.193425,0.622683,-0.32701,0.291594,-0.204112,-0.25787,-0.207288,0.304168,-0.197421,0.589256,0.279715,0.732177,-0.531677,0.0339486,0.0624793,0.450862,0.703364,0.143704,0.169402,0.576101,-0.0971768,0.0808843,1.84066,-0.19564,-0.00964877,0.681107,0.263404,-0.106002,0.801843,-0.473305,0.348675,-0.307807,-0.897329,0.108048,-0.474107,-0.700808,0.405559,-0.169602,-0.751247,0.466305,0.418201,-0.610091,-0.250827,0.201949,-0.288336,-0.775088,-0.801955,-0.316497,0.662118,0.69364,0.298778,-0.562573,0.0642584,-0.614937,-0.643485,-0.687884,0.0901873,-0.0519734,-0.109034,0.683679,-0.0697836,-0.588709,-0.314077,0.655425,-0.641442,0.694133,-0.559265,-0.916284,-0.330689,0.182281,0.832793,0.887154,0.604326,1.5372,0.16824,-0.188054,-0.183072,-1.0446,0.999248,-0.667779,0.256224,-0.47488,-0.219742,-0.348108,0.26463,0.0606652,-0.177426,-0.748264,0.579146,-0.0953972,-0.239301,-0.947511,0.568588,-0.103554,0.493401,0.0470977,-0.424602,-0.189581,-0.490237,-0.446629,-0.999809,-1.19538,0.0624225,-0.252528,-0.125235,-0.201422,-0.363845,-0.261153,0.110362,0.277696,0.210809,-0.959179,-0.0555364,-0.493131,0.00283876,-0.497983,0.222596,-0.06528,-0.238154,-0.576954,0.366944,-0.572547,0.498587,-0.194655,0.267975,0.91007,-0.430928,0.0255992,0.853074,0.187285,0.853052,-0.384249,-0.287136,-0.178876,0.297786,-0.819696,-0.515073,-0.518129,-0.313884,0.189558,0.295783,0.304137,-0.184804,0.121648,-0.0706886,0.433538,0.0849831,-0.248306,-0.0310494,-0.342139,0.00487255,1.20887,-0.852786,-0.0168872,-0.325558,-0.825103,0.15305,-0.0311403,0.0816643,0.441683,0.283265,0.309529,-0.174072,0.913257,-0.972635,0.454524,0.0941962,0.0341328,0.576025,0.0510801,-0.314245,0.635472,0.31432,0.26559,0.168216,-0.235503,-0.792975,-0.781689,-0.591692,-0.67772,0.160768,-0.0376148,0.145882,-0.440651,-0.197812,-0.285487,0.362956,-0.0773562,-0.0628111,0.336058,0.735737,-0.0819845,0.301368,-0.528997,-0.427502,0.0450994,-0.90799,0.349778,0.443152,-0.024064,-0.147599,0.484079,-0.0462884,0.651503,0.557179,0.188208,-0.242004,0.481074,1.10823,-0.33429,-0.327939,0.142034,1.08782,-0.0288426,-0.148514,0.09086,0.206982,0.574056,-0.220321,0.224362,0.597176,-0.361242,-0.0455894,0.3145,0.0795538,0.112812,1.36543,-0.493433,-0.112985,-1.17727,0.463566,1.15736,0.415596,-0.0108329,-0.752669,0.0820265,-0.312975,0.0491052,-0.279968,-0.0996967,0.604736,0.556913,1.20267,-0.611459,-0.0627691,0.442708,0.246066,-0.509777,1.04612,0.835123,-0.471551,0.900413,-0.107264,-0.124657,0.49458,-0.109388,-0.306495,0.802985,0.735986,0.615532,0.0620279,-0.403574,-0.510283,-0.646813,0.0393697,0.588535,1.07323,-0.60443,-0.306222,-0.279936,-0.524758,-0.240499,-0.0160665,-0.377234,-0.967811,-0.423018,0.161637,0.214913,0.940736,0.512729,-0.0860539,0.623757,-0.0623669,-0.0827828,0.106653,-0.298836,-0.32091,0.372474,-0.573116,-0.54048,-0.410459,0.0935319,-0.974969,-0.173899,-0.295729,-0.907372,0.444129,-0.533782,-0.143814,0.0660207,-0.0790205,-0.049735,0.156738,0.479143,-0.455221,0.00908135,0.225701,0.539942,0.907705,-0.150683,-0.835441,0.369351,-1.05386,0.137133,-0.58641,-0.161584,-0.534081,-1.00893,0.171691,-0.293141,-0.260961,-0.043006,0.39004,0.229756,0.930637,0.37118,-0.445602,-0.385789,-0.0466356,0.0486234,0.84216,-0.489606,1.0827,0.109548,0.352812,0.568656,0.799789,-0.315734,0.313006,-0.916193,-0.195255,-0.0418887,-0.124162,0.235821,-0.647529,-0.0606425,-1.0741,0.78464,0.0909646,0.893397,0.526062,-0.659162,-0.443157,-0.986488,0.85844,1.46778,1.41125,0.96018,0.325101,-0.22572,1.01502,-0.164622,0.17158,-0.571793,-0.121566,-0.431581,-0.375448,-0.0943235,-0.279981,-0.987568,0.44821,0.553491,-0.347015,0.241023,0.209563,-0.196036,-0.247539,0.606041,-0.484342,-0.273154,0.803585,0.0390775,0.0315596,-0.28869,-0.4471,0.505043,-1.47544,0.530078,0.074418,0.511896,0.106347,0.81815,0.238296,0.5632,0.766619,-0.46015,0.21093,-0.280475,0.84517,0.0414575,0.839143,-0.587727,0.209477,-0.397508,0.0984368,-0.0395778,0.247017,0.617033,0.457664,0.195145,0.693054,0.930147,0.421239,0.341059,0.118585,-0.0833681,0.798929,-0.0485885,-0.701486,0.531052,-0.360006,-0.0811507,1.14128,0.0442284,0.554408,0.0417431,-0.229576,0.166969,0.240281,-0.184919,0.195319,-0.161957,0.651017,-0.302429,-0.626933,0.925466,-0.0533739,-0.189977,-0.564982,0.320864,-0.0588593,0.882644,-0.582158,-0.253212,-0.0400664,0.747372,0.10292,-0.655928,0.672948,0.193384,0.0196396,-0.132959,-0.836502,0.0487573,-0.69452,0.400118,0.192768,-0.323044,0.254004,0.747164,0.306065,-0.321004,0.0943569,0.112717,0.114153,-0.470544,-0.53389,0.886455,-0.4861,-0.350865,0.230106,-0.371996,-0.202731,0.469146,0.0353203,-0.136939,0.0517866,-1.02606,0.0912537,-0.129489,0.418653,0.0848547,-0.168115,0.0676677,-0.740588,0.527381,-0.691584,0.645902,0.661018,0.857713,0.0646093,-0.545082,0.96071,-0.125631,0.388571,0.313928,-0.259781,0.846959,0.347356,-0.547655,-0.714838,0.193725,-0.327126,-0.108526,0.251267,-0.525292,0.111559,-0.102599,0.0949366,0.00761264,0.224458,-0.215686,0.597041,0.26613,0.0363701,0.898916,-0.177814,-0.25339,-0.265836,0.0913727,-1.56845,-0.506986,0.120097,-0.615855,-0.777756,-0.544347,0.843402,0.410543,-0.0118957,-0.346398,0.964632,-0.529046,0.13813,0.169481,-0.477919,0.353803,-0.767875,-0.84602,0.416888,-0.315793,0.316344,-0.933753,-0.156287,0.291112,0.0580971,0.795036,0.22575,1.31764,0.130926,0.386932,-0.301144,-0.294159,-0.438043,-0.746539,0.23863,0.351547,0.642672,-0.0373412,0.179363,-0.80284,-0.171915,1.15296,-0.232203,-0.120598,-0.178929,0.608776,0.0690161,0.41478,0.110825,-0.793929,0.676964,-0.0542964,-0.293335,0.29134,0.580587,-0.0371264,-0.796529,-0.624857,-0.453484,-0.213141,-0.113579,1.03696,0.633936,-0.0456927,0.167508,0.197087,-0.0562882,-0.0536518,-0.474552,-1.62768,-0.753925,0.0633227,0.346377,0.707069,0.0752635,0.11826,-0.314467,-0.21804,-0.0829807,-0.582262,1.18388,-0.669316,-0.169923,0.303637,-0.0148111,-0.0321338,-0.346309,0.563843,1.36465,0.156193,-0.489496,0.518748,-0.503577,0.171164,1.02318,0.48106,0.24477,-0.888786,0.885849,0.196388,1.00493,0.870666,-0.0770873,0.982219,0.129271,-0.32457,-0.489566,0.532382,0.476522,-0.636438,0.630206,0.225861,0.327317,0.55403,-0.199508,0.40051,0.627741,0.227097,0.5291,0.693838,0.519097,0.927796,-0.589725,-0.303973,0.179015,0.686591,0.00463413,0.297618,0.0313626,0.0887762,0.0220361,-1.06641,0.494094,0.0517566,0.844231,-0.464199,0.597066,0.358725,-0.151739,0.709944,-0.607931,0.395776,0.101268,-0.0363808,0.383177,0.202719,-0.206957,0.00836624,0.492154,0.277699,0.923593,0.126813,-0.689553,0.470947,-0.520043,-0.677269,-0.257885,-0.168717,-0.449286,0.491346,-0.230334,0.40053,-0.316932,-0.638257,0.0355662,-1.12342,-0.366757,0.0709215,-0.692792,-0.104765,-0.480749,0.448045,-1.14494,-0.282424,0.196641,0.940416,0.521804,0.164097,-0.302762,0.192155,-0.420759,-0.433763,0.911328,-0.102501,0.469531,-1.44892,-0.385011,0.118112,-0.302831,0.254164,0.496228,0.109696,0.371752,-0.0836067,-0.162096,-0.500411,0.244407,0.403532,0.13097,0.993686,-0.155442,0.816733,0.78534,-0.516092,0.523088,-0.241941,-0.632189,-0.123587,0.280623,-0.757928,-0.571484,0.624283,-0.256074,1.11979,0.349128,-0.571201,-0.504792,-0.141071,0.759526,-1.04248,0.350576,0.0064519,-0.221181,0.165645,-0.458962,0.897743,-0.0360538,-0.841667,-0.540173,0.523172,-0.250488,0.936495,0.282651,0.424236,0.118708,0.392264,-0.150003,-0.52877,-0.224794,-0.452329,-0.164423,1.12137,0.696326,0.225096,-0.557167,-0.15657,-0.0857091,0.3571,0.587377,-0.275677,-0.375939,0.0199068,0.0618691,0.0522774,-0.0205808,0.951626,-0.248708,-0.441193,0.178175,-0.900446,-0.193892,0.0567814,-0.758603,-0.0744165,0.794409,-0.264839,0.344054,-0.682473,-0.451599,-0.301369,-0.38247,0.410901,-0.536317,0.242303,-0.258367,0.105487,0.139027,0.331514,-1.10001,-0.769832,1.04559,-0.404512,0.0017381,-0.447347,-0.240684,0.425369,-0.111057,0.44931,-0.191201,-0.11363,0.709489,-0.609798,0.299451,0.0943654,0.00695188,0.268436,0.279318,-0.832602,-0.121124,-1.04111,-0.398312,-0.224989,-0.840625,0.0364152,0.0381714,0.00856662,0.668889,0.0589525,-0.0657243,0.0951732,0.444637,-0.0540091,0.0380077,0.657833,-0.178104,-0.155918,0.0853783,-0.0065541,0.164289,0.39432,-0.00651985,-0.330146,0.0415346,0.650303,-0.162864,-0.620462,-0.168725,0.803871,-0.528723,-0.270019,0.162764,-0.048926,0.125845,0.803173,-0.0912659,-0.372897,-0.0605491,0.233799,0.131512,1.30663,-0.29389,-0.569029,-0.89256,-0.210927,0.162732,-0.289428,-0.248726,-0.291518,1.13125,-0.278475,-0.136405,-0.70631,0.254333,0.2658,-0.00115456,-0.795572,0.495885,-0.222172,0.379909,0.422134,0.22973,0.857465,-0.426956,-0.820138,0.00694721,-0.075774,-0.901092,0.739086,0.087924,-0.947189,0.162361,-0.876616,-0.78128,-0.505129,0.834327,0.596251,-0.986377,0.4366,0.66554,0.0182586,0.273347,0.148762,-0.97465,0.382623,0.79408,-0.0633203,0.948162,0.303521,-0.123999,-0.839439,-0.0118672,0.259045,-0.38332,0.821141,0.781913,0.0190845,-0.90483,-0.243254,-0.78589,-0.10917,0.688237,0.467344,-0.748432,-0.291383,0.242863,0.255993,-0.856907,-0.0701306,0.218912,0.849492,0.550016,-0.580538,0.528922,0.45023,0.0335118,-0.120083,0.527905,-0.0317695,-0.147044,-0.086046,-0.0560742,1.21205,0.568584,0.80399,-0.500179,0.00560704,-0.619895,0.385358,0.0556439,1.07048,-0.0117908,0.0082491,0.724796,-0.189966,0.442549,0.585498,0.805681,0.399228,0.245428,-0.171878,-0.54314,0.498039,-0.284291,0.835769,-0.209396,-0.124018,-0.23871,0.0475407,-0.0823507,-0.643381,-0.000734836,-0.0793896,-0.550434,0.131778,-0.392604,0.140999,-0.200454,-0.686187,-0.522036,-0.712128,-0.300127,0.439201,-0.57593,-0.0388522,0.687871,-0.0859002,0.56889,-0.704677,0.310233,-0.335745,0.643879,-0.414645,0.056821,-0.347427,0.289057,0.00635335,0.235386,0.349967,-0.519826,0.00872186,-0.0140318,-0.271152,0.149108,0.910655,-0.117698,-0.579347,0.0348549,0.327825,0.213337,-0.354893,0.585736,-0.0573695,-0.267752,0.012777,0.55053,0.458507,-0.665819,-0.869143,0.244769,0.014782,0.0688916,-0.767083,-0.0010654,0.799159,0.0448692,-0.727546,0.0360046,-0.437461,-0.469202,-0.155066,0.50623,1.1104,-0.944749,1.28431,1.26973,0.247636,0.201898,0.0748403,0.188188,-0.290425,0.0980531,2.62142,-0.466597,-0.123068,-0.589093,-0.277954,-0.682362,0.131068,-0.487332,-0.839874,0.181653,-0.280558,-0.305897,0.496017,-1.07074,-0.261154,-0.303066,-0.478266,-0.151731,-0.178979,0.0422692,-0.0513648,0.538729,0.0269535,0.0579795,0.239129,-1.14212,0.191618,0.0588171,0.379976,-0.573847,-0.880981,0.479953,-0.36729,-0.0366662,-0.713488,0.0381601,-0.574225,-0.301432,-0.366937,0.923725,-0.344206,0.427359,0.525917,0.498781,1.32312,0.0425169,0.174574,-0.207597,0.37489,0.692449,-0.082629,-0.270527,-0.35307,-0.0973622,0.40257,-0.286054,-0.173541,-0.33295,0.48573,0.726269,0.72154,0.80096,-0.148733,-0.368481,0.759201,0.234842,0.195924,-0.422337,-0.396895,-0.0405878,-0.973028,-0.342405,0.0962776,-0.726136,0.176402,0.512192,0.247601,-0.188985,-0.0255108,-0.13143,-0.0427597,0.792471,0.23976,-0.0550439,1.25045,0.123562,0.137944,0.845101,-0.328603,-0.700271,0.0440672,0.654246,0.478821,0.326772,0.501843,0.789314,0.223061,-0.22441,0.180071,-0.0805936,-0.512937,-0.429928,0.0960523,-0.306611,0.0653602,-0.876767,0.193871,0.562979,-0.496068,-0.461301,-0.888247,-1.25197,-0.532962,0.837335,0.0844539,-0.647558,-0.7685,0.539421,0.201196,-0.256574,0.389335,-0.320059,-0.819598,-0.217317,-0.145175,-0.360009,-0.0327068,0.0543459,1.19243,0.17507,-0.490538,-0.0871097,0.063719,-0.158346,0.204432,-0.132397,-0.841631,-0.746689,-0.112453,-0.301807,0.322595,-0.970602,-0.788418,-0.520111,-0.503003,0.0141103,0.489816,0.308414,0.377842,-1.21385,0.268586,-0.0432797,-0.540807,-0.274356,0.291642,0.498768,-0.287584,0.817412,-0.35182,-0.54852,0.134779,0.0165935,0.305264,0.767488,-0.0743569,0.669018,-0.159671,0.416022,-0.96378,-0.0862126,-0.0638705,-0.584913,-0.0783188,-0.418131,-0.0761769,-0.76296,-0.22591,0.0449868,-0.339935,0.104732,-0.503943,0.151503,0.159067,0.43143,-0.123214,-0.494184,0.0452667,-0.0497036,-0.137542,0.0711102,0.0347249,-0.158831,-0.669266,-0.617421,-0.300254,-0.690517,-0.206824,-0.354209,-0.490695,0.605351,-0.585138,-0.315449,0.488645,-0.473092,-0.375062,-0.852625,-0.0581668,0.25769,0.18905,-0.39159,0.0331708,0.274127,0.646145,-0.336655,0.407859,-0.449292,-0.914298,-0.49527,-0.325159,-0.70788,-0.396135,-0.258137,-0.219836,0.00441097,-0.0532173,-0.244987,0.36861,-0.172842,-0.547975,0.437175,-0.385557,-0.138518,0.658736,0.0617631,0.780564,-0.798558,0.351035,0.403005,0.283134,0.274746,-0.511271,0.137769,-0.347313,-0.242956,-0.46628,1.0038,0.133269,0.0588059,-0.462921,-0.330443,-0.0479766,0.33799,1.02677,0.104232,0.758476,0.416657,-0.618001,-0.830865,-0.384899,-1.20588,0.651272,-0.907142,0.975518,0.569862,0.419767,-0.124207,0.0517156,0.90125,0.162306,0.0684445,-0.60516,-0.319562,-0.15966,-0.644244,0.436426,-0.310283,0.575757,-0.350064,0.058513,-0.105769,0.896616,0.262995,-0.297806,-0.523531,0.998663,0.565171,-0.683271,-0.477351,0.117049,0.222547,-0.490076,0.00519036,0.378615,-0.131915,-0.537748,0.475336,0.103256,-0.228735,-0.0717593,0.0267356,0.651558,0.54588,-0.289092,-0.250951,-0.536815,0.565321,0.503363,0.732844,-0.845253,0.245798,0.179426,-0.536509,-0.208603,-0.20208,-0.912253,-0.150047,0.133553,-0.0544136,-0.439736,0.425588,0.600114,-0.297712,0.439191,-0.997548,0.724987,-0.734401,-0.028809,0.381279,-0.0244349,0.681263,-0.6725,-0.52135,-0.593122,0.0543706,0.234101,-0.191526,-0.340985,-0.190955,-0.106869,0.978582,0.10081,0.911377,0.480099,-0.751001,0.470638,0.0942865,0.339258,0.859416,-0.505608,0.522896,0.302442,-0.290583,-0.536542,-1.34432,0.162347,0.441199,0.0835096,0.204472,0.412277,0.319943,-0.213521,0.453049,-0.216052,0.764219,-0.0896344,0.546465,-0.241773,0.0879608,0.750888,0.373409,-0.697721,0.274754,0.440859,0.85599,-0.182202,0.32458,0.790272,0.375973,-0.798344,0.0918864,0.428245,0.452586,-0.0211794,0.0532621,0.0704129,-0.478477,-0.0892101,0.168748,0.576879,-0.1378,-0.66733,0.174239,-0.5647,-0.425005,-0.538319,-0.385975,0.200723,-0.0998095,0.407852,-0.806905,0.146072,-0.303901,-0.424365,-0.235055,-0.0181756,0.0125446,0.239306,-0.470812,1.70954,-0.0183352,-0.0666155,0.463352,0.0732531,-0.167828,-0.212224,-0.0304896,-0.386638,-0.37052,0.165164,-0.514123,0.357735,0.147055,-0.500491,0.853963,-0.00564995,0.135802,-0.205917,0.278606,0.128599,-0.405848,-0.30442,0.592649,-0.857143,-0.624918,0.477623,0.335707,-1.05606,0.557725,-0.296236,0.0617023,-0.732457,-0.0763363,0.209615,0.543217,-0.574883,-0.449503,-0.409992,0.460269,0.195232,0.219924,0.943111,-0.0651542,0.443615,-0.721399,0.0266584,0.205551,1.01813,0.103257,-0.80287,0.0515523,0.885157,0.109931,0.593742,0.525094,0.257455,0.00146864,-0.215013,-0.205477,-0.153323,0.524775,-0.60322,-0.511915,0.0693546,-0.461464,0.219549,-0.125957,0.883487,-0.547618,0.178901,-0.262356,-0.700423,0.688515,0.681314,0.602592,0.667275,-0.130903,0.255938,-0.210842,0.915362,0.660698,0.512601,0.360235,1.58013,-0.396158,0.183281,0.300906,0.0415015,0.217516,-0.789107,-0.125439,0.031843,0.135136,0.0199759,0.0110515,-0.470442,-0.564185,0.573729,0.588856,0.40251,-0.0128546,-0.399428,-0.0701349,-1.02726,0.176377,0.718114,-1.02137,-0.411887,0.142706,-0.799797,-0.285545,-0.882548,-0.541877,-0.198329,0.0693143,0.501992,0.227215,0.0762689,-0.467963,0.468485,0.0481516,-0.0429787,-0.577946,-0.788524,0.835651,-0.296207,0.291379,0.309686,-0.0239059,0.340146,0.0342017,0.630728,0.071133,0.00531985,0.537099,0.314835,-0.114769,0.406507,0.0546664,-0.411832,-0.0557367,-0.0781581,0.205923,0.340076,-0.0594818,-0.0395886,0.67001,-1.391,-0.269745,-0.262763,0.01619,0.319503,-0.133989,-0.646172,-0.0196404,1.15654,-0.85288,-0.189547,0.424313,-0.348014,0.163195,-0.847342,0.261468,-0.233927,-0.105725,0.484896,-1.00682,-0.201789,0.313782,0.194297,0.653541,0.227815,0.0602194,-0.505233,-0.130362,0.390033,-0.702594,0.178445,0.579264,-0.323929,-0.912388,-0.840804,-0.116237,0.157532,0.106525,-0.43008,-0.434045,0.0974811,0.160557,0.965997,-0.9781,0.300066,-0.0648958,-1.21496,0.222348,0.249279,0.35718,-0.193248,0.687414,-0.134841,-0.297363,0.574928,-0.201458,0.524747,-0.716843,-0.197402,0.888749,0.136494,0.191768,-0.396251,-0.327892,-0.246543,0.324796,0.520743,0.539125,-0.720046,-0.0990575,-1.04879,-0.110931,0.418661,-0.662771,-0.226563,-0.537973,1.01716,-0.104197,0.243987,1.32409,0.151266,0.79403,0.00243044,0.686215,0.317405,-0.160605,-0.320983,-0.0634665,0.480628,0.0118843,0.235288,-0.245304,-0.126268,-0.0572824,-0.0575861,0.231281,0.341431,0.50631,0.368357,-0.133653,-0.747936,0.522125,-0.403581,-0.0298338,0.709827,-0.227432,0.289636,0.152282,0.610288,0.246054,-0.399946,-0.871137,0.244584,-0.289208,0.886991,-0.270027,-0.0961928,-0.317535,-0.346895,-0.271006,-0.0458152,-0.463659,0.0840273,0.182493,-0.28032,0.601152,-1.13962,0.6828,-0.161999,-0.287351,1.00978,-0.0831292,-0.867131,0.736706,-0.81553,0.753003,-0.656594,0.211396,-0.383944,-0.0633319,0.450335,0.631532,-0.23752,0.00740076,-0.0232504,0.717858,0.0724281,-0.519654,0.22317,-0.152656,0.106306,0.409431,-0.399367,0.938866,0.609243,0.27576,0.0959587,0.6386,-0.494565,0.3163,-0.374716,0.0389213,0.279687,0.723482,-0.673105,0.329582,-0.0308762,-0.653025,-0.897886,0.198765,-0.2961,1.05993,0.446476,0.424674,-0.135271,-0.0225606,-0.0838216,0.364968,0.684698,0.260647,0.427498,0.63816,-0.176247,0.404088,-0.106655,-0.975086,-0.469837,0.0955401,0.672527,-0.344157,-0.333578,-0.424546,-1.18909,-0.247202,0.138477,0.576064,-0.306296,0.09553,-1.54119,0.419042,-0.544652,-0.133423,-0.402991,-0.332569,-0.811655,-0.149873,0.188685,-0.020298,0.286408,0.569334,0.717899,0.143075,-0.462992,0.00369716,0.886748,-0.354711,-0.375263,-0.464039,0.42975,-0.247703,0.574901,0.60012,0.746156,0.459728,-0.590176,0.118776,-0.0620102,0.113117,0.38113,0.0408992,-0.224784,0.445079,0.107601,0.487307,0.205107,0.767141,-0.0812013,-0.869698,0.87776,-0.407758,-1.01038,0.10567,0.206762,-0.428962,-0.70276,0.35646,-1.00643,0.0458787,-0.141873,-0.314553,0.314931,0.21154,0.424786,-0.314947,-0.426664,-1.33566,0.406292,-0.511178,0.0106203,0.0415641,-0.117971,0.0260709,0.516043,-0.982985,0.101955,0.767061,0.463739,0.0728671,1.08007,-0.84278,-0.888748,-0.216218,-0.00178716,-0.169378,0.185048,-0.829207,0.465915,0.322782,0.694597,0.0165269,0.20235,-0.487915,0.271373,-0.0189914,0.232527,0.464994,-0.30139,0.0449829,-0.674677,-0.137669,0.202145,-0.467991,-0.636909,0.61684,-0.555521,0.207982,-0.654877,0.539724,0.514556,-0.227661,-0.799947,-0.858365,0.0938744,-0.03124,0.497379,-0.185125,0.853732,-0.468743,0.407765,0.662957,0.345066,-0.139819,-0.808967,0.161505,-1.22529,-0.133641,0.0084154,0.400181,0.640843,0.337006,0.914132,0.346741,0.54454,-0.577899,0.926535,-0.321002,-0.255415,-0.696577,0.481581,0.0132525,0.61001,-1.20829,0.51868,0.285325,-0.17881,-0.586349,-0.301086,-0.635596,-0.606073,-0.0329838,0.257317,-0.77553,0.437154,1.5519,0.402832,0.195544,1.35828,0.661465,-0.791864,-0.908113,-0.495395,0.35272,0.557255,0.220114,0.123316,-0.824308,-1.31839,0.0689094,1.39723,-0.191885,0.595138,0.852191,0.0478597,0.0484032,-0.567744,-0.14927,0.500847,0.0866073,-0.0746965,-0.41227,0.822536,0.171621,0.106564,-0.661151,-0.103074,-0.237618,-0.721385,0.408477,0.824957,0.878077,0.426657,-0.279256,-0.515037,-0.77064,0.281591,-0.707085,-0.270545,0.71015,0.330949,0.737018,0.226829,0.234621,0.581085,0.996911,-0.275823,0.0993525,0.326935,-0.102561,0.500978,0.523915,-0.805934,-0.0370942,0.212708,-0.156274,-0.506723,0.0742915,0.37032,-0.664553,-0.17543,-0.000448629,-0.693425,0.169508,0.688676,0.329488,0.500013,0.587497,0.544194,0.227209,-0.448051,0.728261,-0.476082,-1.07957,-0.0261913,0.77686,1.0849,0.146201,-0.174441,0.100091,0.988241,-0.290342,0.945235,0.107534,0.510064,0.511099,0.486274,-0.408329,-0.692132,-0.313116,0.107877,0.419975,-0.371581,-0.0222514,-0.159228,-0.45498,-0.428209,0.637055,-0.212074,-0.0130176,-0.535059,0.834421,0.179299,-0.300625,0.565015,-0.0556305,-0.765918,0.0641884,-0.087049,0.687983,-0.833155,0.786637,0.383731,-0.176587,0.0298538,0.0119297,0.383079,0.851749,-0.382177,0.558062,0.134741,0.176413,1.27261,-0.378618,-0.557372,-0.527187,-0.615447,0.054223,-0.0675109,1.00011,-0.815468,-0.24972,0.500351,0.990828,-0.267457,0.469154,-0.20094,0.492207,-0.736814,0.301467,-0.049972,-0.374243,0.167683,0.251153,0.422388,0.419093,0.170876,0.209453,0.242982,0.0794337,0.137344,-0.304657,0.0325642,0.187567,0.49291,0.403079,-0.874466,0.185582,0.39414,-0.509151,-0.9285,-0.0729482,-0.160389,0.0507896,-0.448678,0.0162857,0.158997,0.661162,0.284465,0.216866,0.333643,0.0304735,-1.18847,0.575464,-0.434078,0.0481659,0.128245,-0.0300799,0.0113053,-0.189874,-0.76416,0.331737,-0.44024,0.151751,-0.721161,-0.113617,0.246174,0.241128,0.25756,0.197164,-0.804916,-0.586946,0.199336,0.435447,-0.18486,0.591154,-0.906808,0.331441,-0.344133,-0.210622,-0.0944286,-0.106967,-0.847825,-0.652441,-0.572296,-0.947232,0.363932,-0.175817,-0.123313,0.534549,0.00496392,0.447453,-0.306173,0.18863,0.278644,-0.596848,-0.0752221,-0.0244139,-0.127333,-0.520012,-0.33818,-0.102538,0.0759366,0.224021,0.323153,0.132709,0.797554,0.70098,-1.06083,0.605754,-0.992105,0.158125,0.457399,-0.45798,1.10977,-0.581565,0.307767,-0.273269,0.0202266,-0.365677,-0.456543,-0.516134,-0.982278,0.474589,0.612288,0.336813,-0.509321,0.43265,0.218801,-0.370472,-0.400226,0.26673,-0.221098,0.265853,0.322267,-0.83083,0.16076,0.477148,-0.446596,-0.0580539,0.393707,-0.121189,-0.395522,0.565527,0.594287,-0.195863,0.365903,-0.0730719,0.76379,-0.668953,-0.244479,0.133213,-0.0239304,-0.259175,0.0256426,0.370079,0.522251,-0.200873,0.150386,0.0536725,-0.366882,-0.325462,0.106038,-0.549045,0.247164,-0.316127,1.4925,0.314846,-0.938591,0.91494,-0.404163,0.416618,-0.389275,-0.798798,-0.416395,0.209606,0.159859,0.450416,-0.138977,0.138974,0.08579,0.174687,0.32232,0.140121,0.647888,-0.270013,0.50417,-0.644529,0.16089,0.618553,1.10798,-0.120742,-0.56462,0.229676,0.331348,0.130355,0.706497,0.448958,-0.310383,0.384043,0.258241,0.947423,0.0787379,0.646767,1.21423,-0.0779517,0.716452,-0.862884,-0.346246,0.305641,0.293223,-0.259881,0.0890049,-0.143362,0.300152,0.0844133,-0.141395,0.221867,0.212846,-0.150023,-0.0231106,0.0396053,-0.17855,-0.407709,-0.270923,0.295689,0.476424,-0.441844,-0.620076,0.32197,-0.315351,-0.217394,-0.30335,-0.378508,0.834584,0.21611,0.25646,0.35076,0.199973,1.22287,-0.00219866,-0.256853,0.797234,-0.292891,0.156747,-0.273338,-0.106149,0.605241,-0.0971849,-0.333561,0.759499,0.395077,-0.782431,0.0431659,0.375269,0.52028,-0.042178,0.166781,0.443162,0.0901519,-0.058365,-0.0113951,-0.300766,0.00319835,0.328612,0.145322,0.35732,0.243017,0.516881,0.137757,-1.14172,0.0371644,-0.886803,-0.436843,0.304171,-1.04775,-0.155272,0.434483,-0.05406,-0.0868561,-0.0102485,1.20775,-0.405132,-0.564496,0.256843,-0.337848,0.166891,0.158813,-0.398529,0.375766,-0.468408,0.276567,0.188218,-0.214809,-0.220992,0.168665,-0.628915,0.198293,-0.21947,0.0682597,1.00588,-0.352025,0.565272,0.488792,0.836469,0.493008,0.682235,-0.79534,-0.301783,-0.330254,-0.420032,1.31727,0.614489,-0.699459,0.367454,0.912112,-0.375394,-0.00996836,-0.152538,-0.397351,-0.370739,-0.138239,-0.171989,0.391587,-0.055286,0.0548798,0.68829,0.198504,1.0452,0.528703,-0.521963,-0.263011,0.378719,-0.487693,-0.467021,-0.204003,-0.0503979,-0.463046,0.290907,-0.978519,0.587999,-0.319971,0.438977,0.325788,-0.175164,-0.363036,0.116135,-0.697836,-0.531105,0.537091,-0.0952855,0.434287,1.13878,-0.013648,-0.326552,0.0456007,-0.121666,0.21773,0.619307,0.212255,0.585848,0.630546,0.260255,-0.596436,-1.18867,-0.199408,-0.435892,-0.0699119,-0.392924,-0.585022,0.111355,-0.419261,0.0579644,0.400648,-0.541026,0.578031,-0.366672,0.0651077,0.0894841,-0.518495,-0.490081,-0.257126,-0.606047,1.21904,-0.302153,-0.638504,-0.354443,-0.650324,0.454842,0.151986,-0.26811,-0.641734,-0.129473,0.513698,0.107138,-0.126855,-0.38958,-0.521486,-0.193866,0.469242,0.265707,0.366254,0.068119,-0.736892,0.105203,0.296185,0.434938,0.66093,0.177597,0.836528,-0.0976563,0.68601,-0.258878,0.0556235,-0.148281,-1.23223,0.607008,0.402272,-0.178292,1.23108,0.247114,0.458516,0.319349,0.0259045,-0.456021,0.947262,-0.249615,0.433655,0.201115,0.397868,-0.0683847,0.45066,-0.596679,0.0329703,-0.462687,0.320858,-1.66964,-0.103397,0.206216,0.111119,-0.23029,-0.0457423,-0.365346,-0.677869,-0.41232,0.936095,0.0183287,0.489024,0.228658,-0.0491401,0.959865,0.316236,-0.151939,-0.538404,0.353617,-0.478051,0.254682,-0.32867,-0.196597,-0.590186,0.234544,0.0821263,-0.141525,0.567748,-0.0281885,-0.207066,-0.305505,-0.259193,-0.860039,-0.786829,0.245252,-0.530484,-0.62617,0.395497,-0.809739,-0.679213,1.39695,-0.850835,1.03273,0.445782,-0.922926,0.107237,0.685612,0.314944,-0.479258,0.0291898,-0.24885,-0.833955,-0.328254,-0.00486667,0.227804,0.920483,0.654582,-0.118993,-0.42788,0.704808,-0.169526,-0.0856662,0.6621,0.163372,-0.535014,-0.232343,-0.289218,-0.21264,-0.101583,0.180072,0.637338,0.329863,0.393551,0.14306,0.745001,0.699459,0.130893,0.206853,0.634191,-1.13932,0.516853,1.24219,-0.295046,-0.303764,0.390267,-0.148005,-0.471498,1.11043,-0.0720017,0.953245,-0.348649,-0.76653,0.0429822,-0.404658,-0.51952,0.00711793,-0.304179,-0.194098,0.124439,0.798865,-0.774165,0.17461,0.12099,-0.519916,-0.985511,-0.554623,-0.574175,0.852976,0.733957,-0.0905317,0.403973,-0.27492,-0.186424,-0.359633,-0.0877491,-0.807668,0.601651,-0.400293,0.673515,-0.0949182,-0.0850763,0.512344,-0.264334,0.05277,0.770825,-0.323809,-0.469098,-0.278351,0.26423,0.657718,1.32072,0.364287,0.773619,0.928506,-0.246264,-0.314191,-0.731586,0.860385,-0.485779,0.139783,0.149457,0.0536601,-0.547749,0.657538,0.530683,-0.489531,-0.52915,0.3724,0.376991,-0.00540297,-1.07543,0.566571,-0.372012,1.24626,-0.484158,-0.753246,-0.12678,-0.0636127,0.0635016,-0.448835,-0.805112,0.299931,-0.718647,0.176158,-0.325361,0.344345,0.261375,-0.14331,-0.0529789,-0.0204293,-0.428159,0.147998,-0.0791089,0.0448586,-0.595766,0.191173,-0.434669,-0.11339,-0.539057,0.593817,-0.478017,-0.0559108,-0.2183,0.269735,0.706823,0.70827,-0.774415,0.907752,0.32798,0.156033,-0.574319,-0.262002,-0.107671,-0.0907543,-0.528917,0.327633,-0.313751,-0.226067,-0.196057,-0.480344,-0.364858,-0.13226,1.0045,0.0292023,0.617497,-0.446446,0.280142,-0.125813,-0.763731,-0.0395323,0.501921,-0.250663,0.578808,-0.456256,0.0682077,0.255656,0.332646,-0.405644,0.685399,0.117123,0.690567,-0.402692,0.380991,-0.153467,0.365727,-0.256656,0.216136,0.164072,0.263927,-0.213741,0.62117,0.827788,-0.0142569,0.430388,-0.598491,-0.625009,-0.345036,-0.679702,-0.024593,-0.0791694,0.0425526,0.825241,-0.624821,0.421753,-0.38104,0.0865701,-0.22272,-0.0509188,0.672509,0.630341,-0.378978,-0.198298,-0.403504,0.123212,0.228317,-1.08375,0.304755,1.15764,-0.0667311,-0.61951,0.454757,0.420844,-0.0231819,0.347932,0.527942,-0.411531,0.796117,1.57645,-0.526042,0.219413,-0.0183907,0.893354,-0.357379,-0.404227,-0.0123834,-0.380721,0.300054,-0.639708,0.260073,0.680572,0.105779,0.0641116,-0.252536,-0.316321,0.00492641,1.25408,-0.34488,-0.0323138,-0.490303,0.357168,0.476065,0.304846,-0.241176,-0.555775,0.133947,-0.293896,-0.530299,-0.148455,-0.213868,0.165628,-0.44188,0.44473,-1.28409,0.311345,0.135981,0.206397,-0.0070754,0.506332,-0.0855219,-0.511981,1.43619,0.272671,-0.468208,0.879294,0.148295,0.754073,-0.186049,0.4618,0.521384,0.0930658,-0.058889,-0.177905,-0.349486,0.0489453,0.165733,0.164965,-0.654939,0.0317698,0.0732937,-0.250722,0.57091,-0.146114,-0.514991,-1.89692,-0.0556451,-0.271105,0.195045,0.265691,0.529957,-0.0110486,0.0117648,-0.301396,-0.108568,-0.800107,-0.433181,-0.243623,0.0386169,0.103159,-0.85057,-1.23095,0.560242,-1.42068,-0.200208,-0.430874,-0.721275,0.044173,0.0104167,0.0147793,0.278932,-0.865529,-0.242659,0.160846,-0.60678,-0.616701,0.387686,-0.499654,-0.514455,0.908803,-0.266202,0.410547,0.223001,-1.26627,0.181403,-0.267533,-0.242573,-0.0273353,-1.22831,0.505099,-0.136869,-0.0650355,-0.537375,0.343597,-0.031062,0.928225,0.376078,-0.203545,-0.218142,0.530386,-0.0838496,1.03286,-0.939934,0.458359,-0.565733,-0.201794,0.0394735,0.675877,-0.0793331,0.22024,-0.453508,-0.829432,0.404223,-0.298236,0.0397029,-1.0213,-0.0507919,-1.05892,0.185445,0.653498,0.942984,0.597528,0.493762,-0.765527,-0.876152,0.776047,0.77968,0.648009,0.42344,0.403632,-0.373091,1.39281,-0.247102,0.503948,-0.115575,-0.364594,-0.24983,-0.0290891,-0.142742,0.157482,-1.034,0.358566,0.843675,-0.265335,0.463078,0.120646,0.274824,-0.241377,0.5826,-0.661238,-0.360247,-0.0467221,0.374249,-0.423598,-0.0238655,-0.383909,0.540766,-1.06625,0.826132,0.0543284,0.113516,0.560106,0.510125,0.242176,0.0131164,0.536201,-0.849541,0.32062,-0.335764,0.135017,0.524057,0.93828,-0.229448,0.416093,-0.423344,-0.158616,-0.26645,0.769606,-0.0960635,0.54174,0.0380661,1.14417,1.56975,0.408928,0.348173,0.472505,-0.246203,0.496874,0.374394,-0.408736,0.421557,-0.148431,-0.209555,0.632505,0.234106,0.289629,0.381383,0.412666,0.182098,0.0277019,-0.929467,0.00986226,-0.55819,0.775601,-0.744414,-0.452183,1.14777,0.274896,-0.149412,0.253068,0.292202,-0.337513,0.292598,-1.53397,-0.206318,0.0421527,0.679355,0.0697252,0.319817,0.361194,0.611554,-0.249974,0.481722,-0.860309,-0.125022,-0.547018,-0.165271,0.236539,-0.662633,0.593141,0.84303,0.678592,-0.241461,-0.281814,-0.509154,-0.57243,-0.256825,-0.328588,-0.137396,-0.503597,-0.158361,0.590714,0.149619,-0.399032,0.0290666,0.159634,0.0584114,0.0500646,-0.634403,0.838887,0.0330829,0.331109,0.0647335,-0.619351,0.347202,-1.05049,0.635517,-1.29876,-0.521632,0.463761,1.04663,0.153738,0.0522252,0.493137,-0.547339,0.759183,0.0641246,-0.0942964,0.540469,0.241577,-0.197469,-0.651786,0.483615,0.801665,-0.217753,0.366227,-0.763075,0.767887,0.365183,-0.376702,0.1067,0.0586209,-0.0342901,0.152695,0.243078,-0.0983853,0.254657,0.0739806,0.169437,-0.380819,0.173368,-0.706238,0.297992,0.328556,-0.476243,-0.30282,0.104766,0.222224,0.275705,0.0599498,-0.451982,0.689337,-0.948782,-0.0659604,-0.415863,-0.491558,-0.110118,-0.179403,-0.674427,0.663507,0.303342,-1.0328,-0.534551,0.0845939,0.092427,0.0243376,0.855417,-0.0389564,1.23929,-0.348208,0.420669,0.310001,-0.368013,-0.186821,-0.993391,0.0293871,0.287627,-0.336236,-0.418527,0.407953,-0.0963089,0.00687604,1.01857,-0.630735,-0.0704087,-0.418489,0.863292,0.0369969,0.47507,0.0242107,-0.579863,0.647198,0.180267,-0.434256,0.425822,0.0599537,0.195474,0.100009,-0.367273,0.125077,-0.103622,0.108928,0.680221,0.710868,0.296269,-0.165842,0.397692,0.0191136,0.251778,-0.390141,-0.928432,0.21326,0.144199,-0.233117,0.868632,-0.361238,0.557183,-0.187851,-0.0260748,-0.0526246,-0.603444,0.9257,0.38222,-0.399357,0.169321,0.47626,-1.02268,-0.137593,0.593058,1.15434,0.315969,-0.255676,0.970957,-0.476453,-0.0842389,1.00753,0.728106,-0.434187,-0.700662,0.308051,-0.478946,0.735582,0.383285,0.0353741,0.948556,0.467833,-0.00532374,-0.529431,0.0602759,0.00397792,-0.293088,0.141444,0.228989,-0.119448,0.177231,-0.256147,0.344048,0.465172,0.407673,-0.167963,0.708142,1.00739,1.05804,-0.179648,-0.406656,-0.0251073,1.08156,0.463844,-0.315768,0.725939,0.100636,-0.207115,-1.36503,0.0870714,-0.0612398,0.710817,-0.608777,0.0183605,0.197222,-0.0984352,0.150318,-0.391427,0.125159,-0.384068,0.0316947,0.299308,-0.535136,0.0685182,0.278995,0.0734563,0.287391,0.428097,0.215499,-0.30055,0.0768878,0.152224,-1.33822,-0.274039,-0.539697,-0.295599,0.645175,0.00846799,-0.257734,0.112127,-0.959715,0.11063,-1.52184,-0.179975,-0.726755,-0.523663,-0.870732,-0.809458,0.291451,-0.342442,-0.538573,0.395234,-0.0273936,0.554639,0.609484,-0.379126,0.659941,-0.243726,-0.361926,0.40433,0.382119,0.819045,-0.680924,-0.345006,0.868663,0.089334,0.310973,-0.0962628,-0.0709903,0.138138,-0.469384,-0.350707,-0.744442,0.458232,0.903508,0.21145,0.704839,-0.0888165,0.826452,0.274485,-0.335001,0.392617,-0.534379,-0.498338,-0.688485,0.361905,-0.303896,-0.280766,0.502578,-0.674762,1.17927,1.0002,-0.038169,-0.243257,-0.0421406,-0.302655,-0.755022,0.0428066,-0.430472,-0.0211355,-0.137155,-0.43751,0.345295,0.580528,-0.617604,-0.285405,0.17565,-0.454451,0.617723,-0.307151,1.12885,1.22163,1.12139,-0.154557,-0.38008,-0.699183,-1.042,-0.575511,1.29395,0.305079,0.880186,0.228482,-0.412199,-0.313917,0.228036,0.175716,-0.648839,0.01858,0.310461,0.367079,0.0708463,-0.0209891,0.592892,-0.488114,-0.336968,0.179187,-1.29345,0.0863239,0.246423,-0.490421,-0.505144,0.58082,0.143676,-0.340409,-0.565022,-1.02789,0.322957,-0.10567,-0.186424,0.395002,0.110137,0.534792,0.310808,0.105389,0.465984,-0.378121,-0.679135,1.02736,-0.365168,-0.075563,-1.19722,-0.788218,0.876502,-0.199601,-0.33875,-0.455275,-0.641872,0.471383,-1.1071,0.830941,-0.365161,-0.0199472,0.108966,0.562632,-0.590462,-0.18483,-1.19762,-0.331875,-0.393363,-0.363908,0.320636,0.493308,0.260511,-0.0375045,-0.408297,0.0413093,-0.026802,0.109933,0.208124,0.179175,-0.00464445,0.363007,-0.677951,-0.358908,0.387676,-0.392552,0.126283,-0.316415,-0.924476,0.670296,0.710631,-0.151994,0.02255,-0.315053,0.65171,0.617346,0.396352,0.299091,-1.04987,0.116163,0.133785,0.452562,0.775704,0.0934764,0.16486,-0.479908,0.936088,-0.0343175,0.233905,-1.39987,-0.118627,0.215641,-0.212563,-0.569783,-0.375281,1.10781,0.533166,-0.616322,-0.645879,0.434031,0.865432,0.772635,-0.92217,0.0799375,0.40193,0.566753,0.723424,-0.0468879,0.169028,-0.0150162,-0.222223,-0.217952,-0.0111085,-0.402656,0.947303,0.117927,-0.975366,-0.207457,-0.672864,-0.472086,-0.0604671,0.37776,-0.00342646,-0.606852,-0.297312,0.490626,0.305172,-0.00108856,-0.187728,-0.761991,0.710787,0.59928,0.077951,0.568999,0.378956,0.405001,-0.0479694,-0.302932,0.422326,-0.319901,-0.408318,0.274551,-0.0724859,-0.222588,-0.177933,-1.10536,-0.113544,0.467797,0.203148,-0.27477,-0.509946,-0.154551,0.484764,-0.771254,0.490896,0.331918,1.09527,0.536632,-1.03576,-0.18508,0.0641614,0.0660016,-0.562017,0.51065,-0.114432,-0.0212193,-0.742762,-0.950603,1.05366,0.792565,0.354722,-0.227112,0.386328,-0.978531,0.276897,-0.438698,0.378141,0.130908,0.108029,0.767694,-0.987618,0.0843589,0.627335,0.500149,0.802317,0.396741,0.0664849,-0.454599,0.0330866,-0.861278,0.542585,-0.34739,0.216406,-0.444486,-0.0720325,0.23222,-0.702984,0.335227,-0.515029,-0.341087,0.414027,-0.529204,-0.271983,-0.420541,0.293881,-0.396803,-0.338888,-0.25389,0.32838,0.32511,0.336695,0.732493,-0.195636,0.380418,-0.489354,0.422971,-0.668893,0.172072,0.143624,0.441975,-1.00531,-0.568643,0.277813,-0.185518,0.268732,-0.283156,-0.172123,0.0222879,0.0466055,0.0388894,0.241298,-0.484433,0.319551,-0.34577,0.146961,0.113549,-0.453659,0.35136,0.0904413,0.596782,0.339673,0.243609,-0.284377,-0.736581,-1.04373,0.357567,0.0801716,0.675553,-0.0893887,0.737401,0.306408,-0.100871,-0.220966,0.0733005,-0.228107,-0.450118,-0.268727,0.931174,0.932023,-1.33183,0.333007,0.885632,-0.505555,0.32533,0.219162,-0.485872,-0.492926,0.348816,1.82131,-0.0301501,-0.537176,-0.851235,0.0764679,-0.413047,-0.353343,-0.0302957,-0.126116,-0.0487705,-0.577832,-0.727141,0.10097,-0.774404,-0.0228366,-0.320265,-0.384937,0.575674,0.739321,0.75235,-0.129621,0.482855,0.644765,-0.178421,-0.105377,-1.14634,0.539364,0.459068,0.330082,0.0316584,-0.412164,-0.112146,0.146651,0.356194,-0.69155,0.374171,-0.606114,-0.307174,-0.195851,1.40146,0.0232057,0.493688,0.62703,0.056931,0.769535,0.655141,0.888969,-0.857255,0.380028,0.268143,-0.193221,-0.268854,0.0505154,0.213433,0.804852,-0.827351,-0.229762,-0.103342,0.190407,0.535325,0.470603,1.20912,0.364613,-0.134096,0.392407,-0.139805,-0.296324,-0.826903,0.263908,-0.156666,-0.471095,-0.243261,0.229511,-0.873389,-0.0332815,0.754232,0.195904,-0.284893,0.127126,0.359789,0.317426,0.964399,-0.714565,0.483085,1.01443,0.329099,0.301828,0.95498,-0.256172,-0.705165,0.292536,0.279246,-0.301618,0.306244,0.59168,0.117735,-0.119631,0.321211,0.313126,0.0942878,0.170246,-0.645692,0.654642,-0.432793,0.185137,-0.971372,-0.462548,0.182804,-0.280706,-0.107638,-0.290781,-0.777198,-0.121033,0.0767857,-0.117318,-0.366131,-1.04314,0.743388,0.280007,0.004473,-0.134586,-0.299849,-0.195162,0.075356,0.525223,-1.22987,-0.347357,-0.200736,0.79451,0.0422014,-0.0481858,0.0807091,-0.452509,0.655159,-0.215174,-0.133926,-0.682436,-0.209038,0.25423,0.0728855,0.438301,-0.731246,-0.061843,-0.32516,-0.638933,-0.0444725,0.665568,-0.379907,0.425228,-0.540843,-0.349275,0.1062,-0.17396,-0.677112,0.0494713,-0.428185,-0.733997,0.708846,-0.825771,-0.634931,-0.342748,-0.25758,0.116372,1.18283,-0.0642238,-0.00984635,0.641134,0.516132,-1.69113,-0.078844,0.480748,-0.713985,-0.0266591,0.43286,-0.107304,-0.357556,-0.162548,-0.103948,0.108904,-0.061907,-0.955572,1.25301,0.0792369,0.2229,0.187231,0.435006,0.401723,-0.140365,-0.723251,-0.737508,0.239701,-0.0590967,-0.615605,-0.23455,0.251704,-0.139943,-0.537296,-0.739766,-0.460807,-0.0656321,-0.751144,-0.381914,0.0366653,-0.403539,-0.976272,-1.08807,0.153244,0.338357,0.514197,-0.895416,-0.104821,-0.653813,-0.00653036,0.00915718,0.175489,-0.915081,-0.842686,-0.795182,-0.201297,-0.756839,-0.43474,-0.810261,-0.312071,0.30315,0.507383,-0.0040135,0.457629,-0.334987,-0.231367,-0.18603,0.223569,0.276013,0.469572,-0.0930574,0.341046,-0.990501,0.177591,-0.285669,-0.141194,-0.484141,-0.796412,0.687487,0.165308,0.0134526,-0.533953,0.870303,-0.188116,0.198115,-0.296513,-0.771374,0.163931,-0.339017,1.13171,-0.449855,-0.0620676,0.23626,0.245789,0.153863,-0.318685,-0.661582,0.504965,-0.566504,1.02293,0.689818,-0.231888,-0.124889,-0.0933665,0.580003,-0.262046,-0.207061,-0.368636,-1.03755,-0.0514097,-0.867324,0.362844,0.159509,0.288654,0.567647,0.168029,-0.289176,0.730656,-0.177511,0.274486,-0.846568,0.344379,0.554337,-0.972951,-0.61363,-0.17249,0.284315,-0.178713,0.725104,0.510731,-0.389844,0.0515717,0.139381,0.107394,-0.216846,0.0459941,-0.178011,0.117586,0.518833,-0.336317,-0.19274,0.307981,0.548358,0.147251,0.196076,-0.788742,0.294743,-0.778987,-0.478724,-0.983354,-0.24817,-0.287544,-0.301669,0.506893,0.42542,-0.430876,-0.17869,0.329354,-0.551127,0.347772,-1.55263,0.89674,-0.47771,-0.0137086,0.630033,-0.0101268,0.115054,-0.720646,-0.232017,0.00613001,-0.131125,0.412625,0.690659,-0.255858,0.0445418,-0.550097,1.36777,-0.418919,0.867589,0.119599,-0.573252,0.482733,0.476378,-0.0119283,0.0969499,-0.513625,0.225678,0.0797242,0.134413,-0.428365,-0.861116,-0.0855311,0.598791,-0.46146,0.278465,0.490181,0.326683,0.502741,0.698885,-0.830562,0.110084,0.0855868,0.371813,-0.890494,-0.519663,0.022875,0.348961,-0.338606,0.91051,0.560999,0.313986,-0.726594,0.417473,0.407723,0.191541,0.0629807,-0.743945,1.04016,0.088558,-0.0888703,0.272246,-0.334542,-0.24685,-0.465156,-0.0446557,-0.0943082,0.216183,-0.774836,0.15977,-0.454738,-0.0115913,-0.157635,0.243439,0.0962159,0.0850727,-0.275872,-0.637547,-0.161157,0.00737257,-0.420686,-0.372859,-0.262328,-0.544018,1.13133,-0.16873,1.34644,0.354275,0.264981,0.212337,-0.338651,-0.513682,-0.199231,-0.221783,-0.164778,0.127469,0.269721,-0.537876,0.338313,-0.429055,-0.481735,1.15277,-0.467935,0.773904,0.0742877,0.441666,0.0190548,0.0434609,0.428072,0.341373,-1.06293,-0.314048,-0.0680066,0.175488,-0.613996,0.563339,-0.0295606,0.632122,-0.0255789,0.043664,0.00529325,-0.030882,-1.4647,-1.02198,0.219886,-0.0767433,0.861531,0.595637,0.576879,-0.110351,0.112166,-0.401049,-0.972022,-0.00998621,1.29222,-0.214425,-0.515497,0.0514365,0.124634,-0.214029,0.232431,0.411602,-0.0667849,-0.463753,0.366971,0.154467,-0.513455,-0.163539,-0.20039,-0.275783,0.470204,-0.287736,-0.246707,-0.184861,0.182005,-0.495421,0.549998,-0.224815,-0.150456,0.575587,-0.0259698,0.403736,0.378833,0.147202,0.462905,0.351371,0.237014,0.10745,-0.0144114,0.482283,1.58223,-0.103779,0.146014,-0.127565,0.396185,-0.132797,0.134624,0.121561,-0.263237,-0.132976,0.182,0.291206,0.179269,-0.567487,0.695539,0.273649,0.162183,-0.0261196,-0.109375,0.230098,-0.572555,-0.106534,0.277037,-0.372901,-0.272958,-0.635075,-0.540215,0.141215,-0.423855,-0.446345,-0.0530851,0.158249,0.929878,-0.276695,-0.562852,0.0151023,0.346253,-0.131147,-0.168479,-0.243375,-0.417486,0.438292,-0.676667,0.36232,0.818679,0.362272,0.166373,-0.502478,0.13829,-0.29086,-0.485791,0.758837,-0.604804,-0.203283,0.0360644,-0.0536361,-0.12566,-0.229209,-0.349837,0.749269,0.308471,0.0612153,0.595113,0.928203,-0.776443,0.297875,0.289961,0.201016,-0.139722,-0.861366,-0.727416,0.248137,0.637792,-0.279641,-0.214845,0.579796,-0.585741,0.0261511,-0.486462,0.633674,-0.306991,-0.471068,-0.332759,-0.439448,0.44518,-0.512995,0.787637,0.110848,0.530218,0.150284,0.00870577,0.232154,0.126828,-1.30081,0.328198,1.10437,-0.722882,-0.45034,-0.86817,-0.456439,0.0700245,0.63404,-0.784497,0.338277,-0.289295,0.239144,-0.117052,-1.0304,-0.456142,-0.183654,-1.29596,-0.215641,-0.143439,-0.0956728,-0.198061,1.01939,-0.574265,-0.714377,0.503448,0.106211,-0.51537,-0.734489,0.314248,1.38966,0.365965,0.164988,-0.699274,-0.469476,0.65739,0.484123,0.592319,0.627341,-0.229029,-0.699236,-1.22092,-0.253381,0.825515,0.242104,-0.363343,-0.41238,0.293044,0.235842,0.00249546,0.469724,0.0375856,0.497172,-0.128974,0.158506,0.789784,-0.121324,-0.508106,-0.0628732,-0.327333,0.374004,0.00875563,0.280881,-0.0743684,-0.0299995,-0.966374,-0.261728,0.0663699,1.00122,-0.273212,0.0947955,-0.0730267,0.923758,-0.237133,-0.401354,0.636676,1.33235,0.160283,0.638663,0.493457,0.504206,-0.569302,-0.952561,0.451543,-0.61961,0.525498,-0.228246,-0.613157,-0.0492962,0.353737,0.408712,-0.396493,-0.420634,-0.363888,0.0795082,-0.521306,0.460295,-0.635107,0.674517,-0.413282,0.354468,1.11652,-0.139185,-0.798175,0.647622,-0.0556401,0.617414,0.076595,-0.296522,-0.472451,0.788789,0.301293,-0.193316,-0.816423,0.113272,-0.125944,0.556774,-0.122669,0.111433,0.115541,-0.544918,0.765499,-0.729647,0.185838,0.390308,-0.418352,-0.426537,-0.319136,0.147841,0.0430317,0.482253,-0.435815,-0.0255938,-0.0113513,-0.0865882,-0.276793,0.441668,0.476031,-0.2216,-0.509013,-0.0999793,-0.786926,0.753301,0.132856,0.796886,-0.463539,-0.660589,0.17884,1.77798,0.486872,0.540823,-0.110076,0.342899,0.078201,0.210962,-0.12229,-0.250003,-0.276785,0.74071,0.912276,-0.223513,-0.0298888,-0.299825,-0.891762,-0.41676,0.53663,0.586098,0.586346,0.437191,-1.61197,0.656202,-0.563936,0.0614627,-0.259611,0.155641,-1.05135,0.261757,-0.174459,0.648839,0.840789,0.524104,0.200577,0.33627,-0.250132,-0.13553,1.32387,-0.678965,-1.14094,0.219582,0.39022,-0.345026,0.744279,0.484734,0.189182,0.618554,-0.563994,0.361316,0.37918,-0.210178,0.0935571,0.0323964,-0.668784,-0.233425,-0.111417,0.0541567,0.204094,0.438746,0.25886,-0.298842,0.831418,-0.0145385,-0.269718,0.166439,0.454764,0.454949,-0.712283,-0.332066,-0.769434,0.2634,-0.289807,-0.411147,-0.228941,0.565508,0.777885,0.395383,-0.499459,-1.2263,-0.203108,-0.304918,-0.0515148,0.0316141,-0.548819,-0.15566,0.700922,-1.31479,0.212854,0.376564,0.443441,-0.000345871,1.04044,-0.398855,-0.559728,-0.148324,0.198564,-0.0815874,-0.281947,-0.37664,-0.116304,0.196035,0.209694,-0.14847,-0.14456,-0.410421,0.664684,1.08247,0.205939,0.442466,-0.147194,1.18461,-0.612193,0.317066,0.376017,-0.251201,-0.542545,1.32565,-1.35297,0.661879,-0.773989,0.703155,0.63808,0.525446,0.0143591,-0.497307,-0.371694,0.402817,0.394535,-0.238498,0.0509444,-0.0262686,0.114437,0.673474,0.213421,-0.292918,-0.617005,0.693897,-0.572875,-0.205294,0.405685,0.111633,0.872965,0.154075,0.740277,-0.196078,0.161892,-0.46431,1.20698,0.213452,0.0588366,-0.881469,-0.283266,0.389807,0.621524,-1.48731,-0.118727,-0.622177,0.218455,-0.399031,0.313281,-0.641806,0.188297,0.057042,0.242125,-0.863006,0.477033,1.41772,0.937669,0.558105,0.729394,0.341725,-0.501406,-0.75313,-0.354626,-1.41739,-0.26454,0.874925,-0.101387,-0.627207,-0.634395,0.0287012,0.854454,-0.137537,0.518254,1.2464,-0.66791,-0.312357,-1.00382,-0.0998231,0.266867,0.158487,0.277994,0.0488234,0.642973,0.653808,-0.635989,-0.275985,0.127044,-0.426343,-0.784649,0.583949,0.792093,1.1675,0.645106,-0.125648,-0.602079,-0.687935,0.71573,-0.226978,-0.724558,-0.121478,0.254725,1.01848,0.551194,-0.612138,0.909559,0.998189,-0.113204,0.285694,0.0580315,0.129111,0.373839,0.300338,0.0580735,-0.709001,0.528039,0.0428852,-0.36682,0.07115,0.366794,-0.45285,-0.100428,-0.46648,-0.401951,0.650528,0.663696,-0.115276,0.304218,0.266251,0.0763397,0.401947,0.335576,0.960348,-0.47868,-0.853799,-0.250734,0.457287,0.0252326,-0.0912365,0.246286,0.491715,0.256628,-0.266104,0.664623,0.600263,0.397726,1.29631,0.726546,0.51551,-0.625864,-0.10784,0.329843,0.421925,-0.488253,-0.50245,-0.132976,0.291869,-0.261913,0.355114,0.375798,0.445571,-0.683117,1.25132,0.184825,-0.0514504,0.372882,0.0844756,-0.545619,0.972242,-0.713672,0.875955,-1.37922,0.512783,0.0160423,0.118132,0.448007,0.127329,0.493634,0.948116,0.0185386,0.396032,-0.128889,0.0494102,0.50252,-0.255816,0.242598,0.354754,-0.890476,0.215205,-0.528309,0.233246,-0.655476,0.351089,0.663503,0.32369,0.417719,-0.345877,-0.019872,0.420962,-1.65468,0.283795,-0.276341,-0.483142,0.265855,0.406498,0.108155,0.0426105,0.123159,0.283452,-0.477302,0.341997,-0.397098,0.359246,0.0254684,0.160392,0.262242,0.179117,-0.429882,-0.208413,0.0745799,-0.696811,-0.0237227,-0.351305,-0.121364,0.726972,-0.548456,-0.0702538,-0.122278,0.404981,-0.359279,-0.376633,0.307833,0.277131,-0.247867,0.827014,0.475462,0.0772061,-0.0727733,-0.513459,0.384122,0.451326,-0.56172,0.137984,-0.203247,0.405939,-0.142939,0.476026,0.0162069,0.386896,0.345074,0.16966,-0.112476,0.257905,0.255602,0.67039,-0.355107,-0.048127,-0.439447,0.425549,-0.159609,-0.514144,-0.0221806,0.140043,-0.681453,-0.66451,-0.245359,-0.0706799,0.202682,0.575371,-0.254635,1.0069,-0.116923,0.0894408,0.30136,0.380591,0.719295,-0.57038,-0.316337,0.310124,0.290654,-0.146782,-0.262777,-0.0165083,0.482509,0.543424,0.52642,-0.450385,0.497164,0.394219,-0.048144,0.624368,-0.654029,0.403428,0.163955,-0.248794,1.44181,-0.725643,0.49903,-0.192172,-0.0885884,0.206228,0.0992336,-0.8551,-1.12862,-0.322759,0.223743,0.296761,-0.112534,0.438938,-0.15442,0.159029,0.0582833,0.0524309,0.181286,0.181156,-0.15651,-0.727942,0.668127,0.671158,0.360581,0.577977,-0.092935,-0.556973,-0.551005,1.02399,0.984846,0.510758,0.224288,-0.167573,0.848774,-0.935451,0.19427,-0.522448,0.0210496,-0.241508,-0.40956,0.110722,0.678203,-0.206813,-0.330486,-0.267672,-0.280148,-0.380401,-0.6136,0.0669372,-0.0644792,-0.347575,0.786212,0.697063,-0.761139,0.227217,-0.395901,0.0574752,-0.0635629,-0.50539,-0.648859,0.476819,-0.475487,0.928854,0.0393513,0.0986519,-0.548182,-0.412571,-0.518417,-0.00699893,0.250699,0.0297377,0.581417,-0.469857,-0.234588,0.0570184,0.933113,0.773718,-0.524918,0.519997,-0.7196,0.014943,-0.0201361,0.485455,-0.319852,0.321988,0.051726,1.02303,0.228337,0.153592,1.98128,0.330893,0.551938,-0.253241,-0.508146,0.29403,0.460462,-0.0911473,-0.0887286,-0.291968,0.508031,0.34121,-0.778754,0.850068,-0.309039,0.526845,-0.352639,-0.153407,0.112785,-0.212381,-0.112322,0.0982139,0.42126,-0.70109,-0.476812,-0.245309,-0.350585,-0.446521,-0.622195,-0.260231,0.477409,-0.250216,0.361768,0.218349,0.741509,1.11903,0.037402,-0.28774,-0.385352,-0.168912,-0.0588359,-0.941023,0.244614,0.880445,-0.213807,-0.285451,1.00542,0.414045,-0.065555,-0.00799723,0.821463,0.299574,0.377035,-0.383224,-0.184015,-0.151082,-0.662663,-0.295344,-0.651131,-0.128288,0.412906,0.292507,0.172543,0.420391,0.28285,-0.280888,-0.758602,-0.275546,-0.603024,-0.0755255,0.0597716,-1.09043,-0.339286,0.0529989,-0.365928,0.0863216,-0.0918613,0.861904,-0.323135,0.235382,-0.68203,-0.0830578,0.559744,-0.210946,-0.412776,-0.222863,0.0460307,-0.0107184,0.26281,-0.182834,-0.650259,-0.545824,0.297223,0.33769,0.451558,0.341296,0.437274,-0.301663,0.483442,0.462266,1.06343,0.926821,0.38193,-0.98713,-0.317757,0.302169,0.0189266,0.618136,1.1898,-0.241385,0.508816,0.467586,-0.364085,0.653855,-0.338619,-0.892714,-0.449629,-0.15666,0.0412573,0.0532553,0.145257,0.0918004,0.807542,0.696807,0.804124,0.393434,-0.157923,-0.446681,0.265147,-0.524328,-0.437406,0.16214,-0.093191,-0.515288,0.200427,-0.400796,0.484516,-0.408345,0.525835,0.516235,-0.176939,-0.372834,-0.161807,-0.998982,-0.383472,0.438572,0.00318294,0.59856,0.779991,-0.120732,-0.248247,0.180022,0.111345,-0.164522,1.16987,0.562009,0.869433,0.512774,0.263321,-0.776402,-1.51372,-0.0845625,-0.584742,-0.294658,-0.404047,-0.234142,0.291262,-0.0875234,0.0423722,0.107668,-0.329172,0.536663,-0.839193,0.22019,-0.389499,-0.23939,-0.122571,-0.292119,-0.528531,0.879567,-0.262099,-0.669544,-0.507257,-1.02686,0.200366,0.192207,-0.239651,-0.693972,-0.300129,0.795138,0.372794,-0.281719,-0.476063,-0.538756,0.0173272,0.22611,0.140393,0.283748,0.228799,-0.560921,0.20305,0.688318,0.291813,0.568179,0.5012,0.656152,0.545581,-0.012476,0.122141,-0.338355,0.0883871,-1.38642,0.817423,0.934636,-0.085412,1.25271,0.0485951,0.497929,0.106996,0.0487849,-0.595124,0.741873,0.0479186,0.621622,0.117787,0.299902,-0.518683,0.892541,-0.786368,0.204077,-0.41966,0.629381,-1.46608,0.195053,0.2305,0.144914,-0.277873,0.572123,-0.331005,-0.735862,-0.107843,0.93511,0.0750779,0.292503,-0.0849447,0.317151,0.621341,0.240412,-0.307908,-0.230709,0.420207,-0.368048,0.271243,-0.21186,-0.333975,-0.626767,0.473613,0.0616879,0.0461966,0.436578,0.240543,-0.466172,-0.48524,-0.011094,-0.606233,-1.04801,0.477855,-0.40136,-0.241761,0.272714,-0.495375,-0.783083,1.09901,-0.730324,0.780465,-0.0455675,-0.302711,0.270044,0.420796,0.29285,-0.636095,-0.255152,-0.453628,-0.669614,0.222955,0.0307438,-0.0896209,0.976868,0.775637,-0.236671,-0.321055,0.468571,-0.617269,0.214873,0.765275,0.35206,0.128688,-0.25212,-0.285337,-0.071838,-0.295379,-0.0961346,0.347407,0.286194,0.373443,0.339268,0.160494,0.426226,0.1041,0.082825,0.427428,-0.912354,0.434887,0.857266,-0.525209,-0.404172,0.327689,-0.178511,-0.500861,0.938021,-0.00544372,0.532075,0.0873609,-0.221216,-0.136912,0.060021,-0.479223,-0.0498204,0.0881638,0.231365,0.152799,0.837499,-0.263517,0.141565,0.352004,-0.326296,-0.964797,-0.37606,-0.461906,0.779036,0.653075,-0.235494,0.32416,-0.0361959,0.301299,-0.311476,0.260157,-0.765327,0.996148,-0.90591,0.340144,-0.184158,0.194782,0.857187,-0.377318,0.10515,0.938936,0.189073,-0.0547171,-0.269143,0.0873379,0.456701,1.00573,-0.00741172,0.821844,1.27529,-0.2457,-0.355529,-0.265642,0.771661,-0.559065,-0.095858,-0.0597621,0.313039,-0.286103,0.447068,0.298723,0.0358718,-0.675619,0.167104,-0.0905418,0.229574,-0.796497,0.549588,-0.565501,0.922813,-0.611198,-0.689102,0.473087,-0.14102,-0.273984,0.00779686,-0.458871,0.423487,-0.589647,0.354177,-0.525311,0.272133,-0.0391619,0.0349735,-0.163371,0.0191273,-0.456952,0.241006,0.0741909,-0.0933197,-0.52074,0.0799446,-0.378379,-0.179606,-0.338194,0.366825,-0.417798,-0.301035,-0.0442015,0.0745863,0.746642,0.891886,-0.915376,0.3279,-0.112159,-0.227586,-0.544078,-0.188177,-0.299529,-0.0295647,-0.25774,0.729388,-0.758529,-0.309169,-0.243557,-0.991484,-0.329697,-0.299718,1.01176,-0.311506,0.633807,-0.52866,0.297017,-0.233261,-0.716779,-0.0664246,0.192058,-0.137325,0.841753,-0.688276,0.476333,0.377186,0.541703,-0.329238,0.674941,0.130358,0.654354,-0.536161,0.356989,-0.24246,0.504295,-0.226029,0.3582,0.0345046,0.254431,-0.177667,0.398296,0.643253,0.0708235,0.327399,-0.518231,0.0683772,-0.287576,-0.594419,0.335033,-0.179625,-0.23617,0.764547,-0.872317,0.545013,-0.1966,0.266321,-0.371386,-0.176341,0.313631,0.383148,-0.245282,-0.764238,0.112362,0.210439,0.444109,-1.14598,0.0412807,1.05993,-0.190081,-0.511747,0.293468,0.275561,-0.135218,0.460285,0.779741,-0.405756,0.624884,1.55573,-0.374104,0.650892,-0.0901383,0.980178,-0.32018,-0.188288,-0.719463,-0.592691,-0.143982,-1.16383,0.336914,0.507444,0.363715,0.104665,-0.454969,-0.0490591,0.0987193,0.695522,-0.0487,0.565283,-0.0826246,0.3159,0.133132,-0.038584,-0.511653,-0.381049,-0.0806193,-0.156857,-0.394123,-0.00966002,-0.0401827,-0.0713123,-0.56095,-0.159164,-0.954377,0.667316,-0.0341508,0.792802,0.0372338,0.626971,-0.459625,-0.313658,0.934652,0.080324,-0.497304,0.545778,0.0639023,0.739781,-0.629478,0.10136,0.363981,0.189395,0.203196,-0.437769,0.173003,0.403266,0.164246,-0.0680572,-0.414604,0.194922,0.187826,0.044509,0.490449,0.214898,-0.317662,-1.86819,0.0599373,-0.552212,0.171163,0.0265903,0.964533,-0.34454,-0.263407,-0.100028,-0.621988,-0.834044,-0.546737,0.153074,-0.321934,0.0892169,-0.69299,-1.28363,0.596897,-1.15156,-0.0559385,0.0507585,-0.547737,-0.40503,-0.0858433,-0.422615,0.242978,-0.621002,-0.354671,0.294483,-0.585855,-0.543024,0.537619,-0.597474,-0.933168,0.832297,-0.353306,0.719819,0.0381319,-1.02152,-0.0199206,0.172675,-0.155979,0.511584,-0.801292,0.295492,-0.391578,-0.149974,-0.416748,0.464443,-0.046126,0.866347,0.428191,-0.318742,-0.442764,0.516446,-0.241374,0.422302,-1.53732,0.588739,-0.315921,-0.610102,-0.237743,0.437897,-0.238735,0.076834,-0.238964,-0.76645,0.338276,-0.0333146,-0.253508,-0.663006,-0.338835,-0.87921,0.24698,0.920567,0.7038,0.407421,0.823987,-0.912019,-0.667922,0.444022,0.445969,0.350927,-0.0557008,0.122847,-0.201767,1.00881,-0.5376,0.43817,-0.00550864,0.0754408,-0.30466,0.0525181,0.356799,0.282553,-0.944947,0.170131,0.594972,0.0139558,0.272922,-0.19916,0.319181,-0.276728,0.198258,-0.432097,-0.343379,-0.514509,0.370328,-0.352542,0.309992,-0.570307,0.673832,-0.713369,0.669824,0.371204,-0.133393,0.111211,0.614017,0.114477,-0.118445,0.502551,-0.566337,0.688505,-0.0454364,0.70361,0.514936,0.80788,-0.0805319,-0.00870382,-0.509485,-0.230154,-0.305204,0.772064,-0.506565,0.571435,-0.418335,0.816967,1.55516,0.0371006,0.402703,0.434786,-0.362109,0.498902,0.616318,0.0579727,-0.016307,-0.0974825,-0.273666,0.469697,0.347283,0.409687,0.539538,0.691061,0.143711,0.240164,-0.566429,-0.166966,-0.491952,0.724517,-0.606055,-0.581573,0.790936,0.430081,0.135054,0.402519,-0.302547,-0.481918,0.385205,-1.18484,-0.0389615,0.0703364,0.297292,0.0420456,0.570322,0.211554,0.169402,-0.119214,0.3388,-1.01412,-0.190434,-0.381795,-0.0430373,0.313424,-0.265137,0.296817,0.796175,0.697729,-0.476344,-0.500699,-0.687612,-0.654693,0.0673828,-0.491613,0.0110656,-0.345867,-0.338563,0.797572,0.327038,-0.336655,-0.540487,-0.0875742,0.31635,0.1085,-0.459355,0.572481,0.586408,0.276354,-0.060229,-0.534757,0.402336,-0.984253,0.83513,-1.45147,-0.619151,0.165087,0.678104,0.284091,0.00609555,0.750885,-0.467966,0.626988,0.344528,-0.0343157,0.379096,0.483012,-0.0281262,-0.693808,0.342687,1.05768,-0.0423644,0.173527,-0.792783,0.578492,0.273947,-0.0661695,-0.0989484,0.0457925,-0.00863063,-0.116781,0.250727,-0.136309,-0.124592,0.406717,0.525746,-0.622922,-0.0175668,-0.351132,0.422536,-0.112516,-0.520078,-0.0512552,0.332759,0.258743,0.407427,0.348674,-0.640126,0.564637,-0.847723,-0.288559,-0.818749,-0.732585,0.159055,-0.248037,-0.171152,0.522308,0.47011,-1.42768,-0.489104,0.177047,0.137643,0.178768,0.882773,0.0833488,1.30069,-0.439413,0.286409,0.269767,0.0338287,-0.514352,-1.24992,0.20965,-0.0132226,-0.656033,-0.616999,0.241991,-0.414941,-0.149955,0.783842,-0.276297,0.14373,-0.11069,0.447168,-0.22247,0.577839,-0.116381,-0.154295,0.379818,0.211311,-0.504935,0.192298,0.247059,0.227432,0.277551,-0.398629,0.233158,0.189556,-0.0749141,0.57504,0.360379,0.139704,-0.498846,0.245623,-0.0933267,-0.0122387,0.03548,-0.623478,0.329668,0.431313,-0.051547,0.693735,-0.408383,0.339019,0.124225,0.0440399,-0.164861,-0.408659,0.574331,0.784614,-0.504504,0.165692,0.987763,-0.874652,0.0548394,0.346873,0.862528,0.0562088,-0.159015,0.865837,-0.133925,-0.156562,0.451634,0.839134,-0.293411,-0.40172,0.0856326,-0.962587,0.332159,-0.19041,-0.00748808,0.451419,0.468471,0.277058,-0.61859,0.0125189,-0.228599,0.303399,-0.0493071,0.381685,-0.473958,-0.115083,0.175631,0.384107,0.469062,0.433071,-0.0416695,0.588498,1.13517,0.59673,-0.379198,-0.0798725,-0.188605,0.859398,0.325617,-0.00931229,0.898552,0.139588,-0.0726286,-1.19323,0.0153217,-0.168364,0.755615,-0.788899,-0.0606053,0.208926,0.182653,-0.347487,-0.203283,-0.18901,-0.263235,0.656154,0.185861,-0.789597,0.508865,0.332662,-0.0483465,0.429795,0.604958,0.0980819,-0.0466568,-0.38419,-0.112941,-1.08762,-0.26228,-0.273353,-0.0922813,0.589402,-0.368695,-0.405652,0.00501332,-0.599688,0.109632,-1.2931,-0.410168,-0.899208,-0.465095,-1.00502,-0.391474,0.169197,-0.00393898,-0.241032,0.13212,-0.0598272,0.254677,0.537022,-0.172485,0.5084,-0.152515,-0.0557195,-0.0176559,0.568589,1.02658,-0.47582,-0.274481,0.879379,0.116298,0.428956,0.0107921,-0.163532,0.0180898,-0.614471,0.0557138,-0.744202,0.546097,1.12518,0.0470939,0.166304,0.121387,0.644771,0.282365,-0.115128,0.269217,-0.469702,-0.160039,-0.750529,0.30454,-0.197701,-0.301992,0.239595,-0.611291,1.25721,0.777299,0.319384,0.142415,-0.0178635,-0.671709,-0.648781,-0.00519384,-0.430591,-0.0915423,-0.5628,-0.452756,-0.122828,0.732737,-0.690347,-0.314043,-0.106427,-0.651242,0.313111,-0.808816,1.38172,0.873731,0.990887,-0.554701,-0.152987,-0.681358,-0.94541,-0.248756,1.24384,0.358743,0.91473,0.13439,-0.805921,-0.593186,-0.118085,-0.137343,-0.249175,0.212607,0.0172187,0.174041,-0.389038,-0.8239,0.587221,-0.295898,0.242617,0.00174426,-1.14538,0.645316,-0.153009,0.0927583,-0.225057,0.548036,0.36329,-0.40496,-0.326021,-0.85693,1.10199,0.143051,-0.138674,0.297835,0.355753,0.73185,0.108704,0.147501,0.350666,-0.367432,-0.0385815,0.67432,-0.473015,0.0972631,-1.28028,-0.812744,1.09938,-0.377085,-0.554496,-0.219248,-1.03681,0.311155,-1.19055,0.76311,-0.314099,-0.0613145,0.143972,0.588459,-0.61661,-0.501156,-1.14697,0.298359,-0.591491,-0.558117,0.55893,0.34565,0.0169835,0.0754758,-0.188269,0.23954,-0.43098,0.510794,0.385864,0.440652,-0.0219472,0.187103,-0.506213,-0.245307,0.200046,-0.552379,-0.429501,-0.256972,-1.1597,0.510475,0.336405,-0.256329,0.294396,-0.766792,0.385826,0.277385,0.423923,0.777479,-1.44518,0.104026,-0.018683,0.672946,0.756492,0.213822,0.00156755,-0.316535,0.963989,0.178526,0.452528,-1.43739,-0.679961,0.0775351,0.144804,-1.08064,-0.373424,0.978891,0.962476,-0.933901,-0.48747,0.265149,0.456236,0.785327,-0.737949,-0.18503,0.411191,0.361623,0.92595,0.137209,0.618523,0.0728964,-0.0573352,-0.344691,-0.278658,-0.401149,0.490182,0.59244,-0.698339,0.0785487,-0.251208,-0.302044,0.0614671,0.0417295,-0.0885264,-0.0726051,-0.596905,0.156062,0.112538,-0.12716,-0.27179,-0.707689,1.2229,0.744649,-0.138011,0.141198,0.388372,0.531976,-0.102733,-0.503035,0.257094,-0.126829,-0.10503,-0.0528207,-0.102874,0.0120125,-0.225728,-0.918316,-0.201791,0.500581,0.353116,-0.269038,-0.299459,-0.143949,0.451305,-0.917541,0.435588,0.170963,0.552402,0.151718,-1.0063,-0.337489,0.000255346,0.0216145,-0.856742,0.197631,-0.110832,-0.472635,-0.499621,-0.759359,1.0993,0.870962,-0.0484279,-0.404556,-0.161211,-0.994231,0.627514,-0.307522,-0.175958,-0.156935,0.419494,0.929715,-1.16318,-0.0824524,0.4771,0.607324,0.415076,0.48082,-0.0946532,-0.562549,-0.0470246,-0.677031,0.403643,-0.32816,-0.165538,-0.163744,0.0366075,0.55657,-0.247132,0.532844,-0.557229,-0.104425,-0.0924171,-0.282714,-0.475167,-0.0868748,0.605929,-0.318393,-0.358374,-0.671025,-0.0191036,0.655808,0.292854,0.665899,-0.562956,0.383484,0.240454,0.636594,-0.879355,-0.089022,0.0689602,0.882543,-0.779954,-0.739253,0.0463052,-0.0458707,0.305565,-0.105553,-0.0520004,0.52866,-0.0752381,0.119388,-0.393864,-0.228232,0.450751,-0.496675,0.288587,0.0955902,-0.567068,-0.185163,-0.271033,1.01907,0.124467,0.368587,-0.732032,-0.471713,-0.600575,-0.0882523,-0.195419,0.965576,0.199999,0.94778,0.292419,-0.0746965,-0.533043,-0.31792,-0.110522,-0.196803,-0.24775,0.827437,0.607689,-0.992891,0.252378,0.320789,-0.380654,0.192043,0.272711,-0.311226,-0.606631,0.253297,1.44267,-0.114541,-0.420229,-0.515566,0.248195,-0.0120822,-0.194822,-0.0457922,-0.337166,0.0366594,-0.421008,-0.658441,0.325404,-0.777174,0.304529,-0.028851,-0.221053,0.138288,1.17086,0.754964,-0.199239,0.217579,0.669563,-0.00920989,-0.237054,-0.830496,0.217261,0.393708,0.478046,-0.167164,0.325439,-0.157093,0.400024,0.406862,-0.182601,0.355961,-0.140297,-0.476149,-0.0313607,1.16123,-0.32108,0.957112,0.539039,-0.445643,0.492913,0.698335,0.960297,-1.38739,0.0870896,0.0169248,-0.08584,0.211949,-0.296144,0.491651,1.30053,-0.460361,-0.333222,0.0846966,-0.00994704,0.413049,0.705397,1.01009,0.281811,0.258582,-0.0361003,-0.410889,-0.336854,-0.936864,0.660511,-0.323947,-0.713034,0.121727,-0.00790444,-0.836722,-0.191311,0.590554,-0.330105,0.220563,0.403496,0.428802,0.204307,0.659121,-0.577154,0.567378,0.390089,0.250598,0.0676259,0.602738,-0.10314,-1.11499,-0.00850002,-0.107584,-0.253641,0.177088,0.615153,0.225482,-0.410382,-0.116114,0.193134,0.242387,0.490132,-0.524764,0.55954,-0.114579,0.373663,-0.760047,-0.534681,0.276099,0.0181799,0.261912,0.000609592,-0.161651,0.417007,0.277665,-0.110114,-0.0925648,-0.929662,0.514683,0.426401,0.564135,-0.550141,-0.403378,0.0800999,0.237257,0.904805,-1.02918,-0.794403,-0.570097,0.422482,-0.148909,-0.44975,0.17826,-0.487577,0.991685,-0.604821,-0.0864455,-0.62032,-0.17349,0.345517,-0.0754361,0.992089,-0.408381,0.0218335,-0.0435845,-0.700828,0.0950533,0.832156,-0.500871,0.0731587,-0.0493957,-0.530253,0.315507,0.00304195,-0.543464,-0.0845199,-0.637372,-0.682273,0.549173,-0.693597,-0.499286,-0.662922,-0.170192,-0.269777,1.20533,-0.0214842,-0.0580601,0.682875,0.252234,-0.85543,-0.390032,0.434734,-0.515218,0.148998,0.837675,-0.314026,-0.266465,0.162376,0.00680196,0.298031,-0.320579,-0.698217,1.0032,-0.0753786,0.213595,-0.0790385,0.695889,0.543753,-0.434474,-0.32856,-0.0678097,-0.10779,-0.175526,-0.538463,-0.234878,0.432534,0.539688,-0.481115,-0.440975,-0.590017,-0.510332,-0.47769,-0.326789,0.185915,-0.411351,-1.21723,-1.32267,0.313887,0.512779,0.535446,-0.729752,-0.516838,-0.582221,-0.39345,-0.0103882,-0.0665023,-1.03817,-0.495506,-0.286948,-0.170532,-0.591665,-0.398586,-0.910247,-0.452729,0.319662,0.437599,0.368491,0.492959,-0.290079,-0.132439,-0.262813,0.197217,0.180586,0.301544,0.130018,-0.268209,-1.14533,0.163527,-0.303202,-0.156798,-0.527415,-0.854981,0.493565,0.137975,-0.075828,-0.567929,0.713717,-0.925998,0.41239,-0.348318,-0.957274,0.296719,-0.465983,1.02568,-0.705721,-0.328808,0.0189136,0.800936,0.370389,-0.333646,-0.544314,0.568673,-0.243019,0.867699,0.536206,-0.34878,-0.134251,-0.308264,0.491911,-0.138618,-0.619688,-0.44583,-0.694511,0.0394641,-0.822171,-0.0203656,0.609292,0.503539,0.583293,0.319396,-0.423328,0.544427,-0.27948,0.696582,-0.628225,-0.119325,0.359962,-0.536271,0.133401,-0.188314,0.35607,0.00579587,1.04796,0.586018,-0.469005,0.456553,-0.0136317,0.259751,-0.207919,0.40945,-0.488273,-0.037623,0.372922,0.206222,0.319841,0.620747,0.486257,0.0227425,0.271648,-0.33839,0.260928,-0.838285,-0.0163138,-0.594922,-0.667395,-0.409621,-0.341339,0.557267,0.452063,-0.473982,-0.175942,0.396523,-0.542042,0.593308,-1.08454,0.998172,-0.331149,-0.0770164,0.25954,0.182701,-0.0953396,-0.832572,0.134404,-0.316845,0.0367797,0.521492,0.541479,-0.316474,0.671972,-0.662339,1.43131,-0.0434354,0.727476,0.156106,-0.282437,0.809308,0.712101,-0.206481,0.175167,-0.638487,0.444349,-0.186418,-0.366236,-0.426843,-0.650868,0.0139133,0.207969,-0.598159,0.000156529,0.42189,0.0613822,0.478398,0.511744,-0.54715,-0.153368,-0.0474645,0.199432,-0.75123,-0.387698,-0.182267,0.432066,-0.206398,1.16378,0.375997,-0.158446,-0.870399,0.561934,0.462747,-0.20212,0.295351,-0.62251,0.683681,-0.498633,-0.243732,0.172134,-0.528554,0.100341,-0.300125,-0.557072,-0.409383,0.487969,-0.476277,-0.0611018,-0.531204,0.15211,0.244281,-0.064832,0.185316,-0.218125,-0.670122,-0.548289,0.31947,0.0507717,-0.519157,-0.487947,-0.197719,-0.522751,0.774993,-0.0790168,1.38978,0.41182,0.616529,-0.198851,-0.318662,-0.0899614,0.144004,-0.289975,-0.214439,0.233463,0.191223,-0.317225,-0.0999685,-0.730273,-0.527011,0.887968,-0.675223,0.961269,0.153374,0.362286,0.440936,-0.268629,0.510867,0.0175026,-1.0541,-0.378282,-0.292758,-0.279433,-0.603136,0.219117,0.574094,0.420759,-0.176193,0.0727025,-0.0339076,-0.202016,-1.70844,-1.05558,0.870962,-0.135377,0.544539,0.480012,0.167508,-0.158299,0.15389,-0.368853,-0.836348,0.0394975,1.06611,-0.445567,-0.381484,0.0776305,-0.1763,-0.275814,-0.0867645,0.229193,-0.297469,-0.254178,0.296928,0.239364,-0.255123,-0.430707,-0.113124,-0.379902,0.74599,-0.468534,-0.239322,-0.154957,0.117815,-0.2307,0.805061,-0.458881,-0.0995187,0.246915,-0.425154,0.49675,0.251087,0.180989,0.315722,0.239625,-0.0474008,-0.175812,-0.358622,0.385625,1.40008,-0.0627087,0.0743042,-0.278834,0.619563,-0.0045351,0.0475988,0.388029,-0.19247,0.139421,0.198594,0.00381356,0.339101,-0.586101,0.614583,-0.134157,0.381967,0.0537167,0.190838,0.298956,-0.282385,0.258225,0.304108,0.218987,-0.308519,-0.488774,-0.467624,0.220443,-0.392431,-0.444132,-0.384021,0.0258322,0.498668,-0.39138,-0.516017,0.20187,0.450515,-0.067925,-0.0945783,0.292681,-0.254424,0.211129,-1.25422,0.6307,0.707998,0.307832,0.198765,-0.432806,-0.160022,-0.0646738,-0.436159,0.93937,-0.743196,0.201985,-0.368616,-0.256188,-0.249551,-0.218489,-0.201847,0.69008,0.384838,-0.159696,0.947639,0.847752,-0.470863,0.446791,0.248214,0.0107842,-0.314712,-1.19844,-0.742489,0.150121,0.217416,-0.203738,0.112997,0.669033,-0.638387,-0.303789,-0.226067,0.472537,-0.156878,-0.468789,-0.373146,-0.0735117,0.240717,-1.01565,0.677244,-0.221529,0.329472,0.298227,-0.00482146,0.343258,-0.10355,-0.79722,0.0647141,0.936826,-0.965977,-0.353433,-0.907226,-0.469018,0.222115,0.634906,-0.662724,0.31094,-0.234973,0.375622,-0.638428,-0.563595,-0.773261,-0.193301,-0.886646,-0.300875,-0.200131,0.000948653,0.0862624,1.35379,-0.333924,-0.723638,0.195983,0.165641,-0.528612,-0.600701,0.467695,1.37303,0.237002,-0.195497,-0.176526,-0.379803,0.430183,0.504399,0.858712,0.669733,-0.08708,-1.04843,-1.34919,0.0110185,0.519252,0.533361,-0.213629,-0.393671,0.135207,0.26052,-0.141415,-0.483521,0.551927,0.340326,-0.189946,0.173166,0.583158,-0.217978,-0.510491,-0.20445,-0.538906,0.0719389,-0.158632,0.241584,-0.177965,-0.0936802,-0.920207,-0.309296,-0.0448906,0.412545,-0.576329,0.0558612,0.660782,0.8792,-0.150986,-0.598137,0.421658,1.5231,-0.355498,0.685625,0.516308,0.661727,-0.609039,-0.602624,0.476058,-0.634759,0.553785,-0.151944,-0.836054,-0.351221,0.235203,0.0690506,-0.266598,-0.266192,-0.575875,0.190125,-0.844148,0.3406,-0.156277,0.321022,-0.0844583,0.109186,1.16641,-0.2198,-0.867375,0.454547,0.166851,0.460718,0.299904,-0.589299,-0.30909,1.07901,0.103784,-0.508426,-1.25044,0.420099,-0.461719,0.102204,-0.318313,0.556554,-0.17114,-0.0952314,0.750117,-0.991596,-0.0427424,-0.0248401,-0.503167,-0.18317,-0.305252,0.0688066,0.308173,1.05412,-0.206732,-0.00895572,-0.0737246,-0.105069,-0.47481,0.237801,0.257262,-0.0459961,-0.447756,-0.344294,-0.757141,0.708177,-0.141383,0.568689,0.0223325,-0.73707,0.167545,1.38607,0.232608,0.0127302,-0.307182,-0.0400756,-0.0355494,-0.396165,0.0936019,0.108909,-0.376583,0.972798,0.844104,-0.185272,-0.0907545,-0.104783,-0.660091,-0.715754,0.305412,0.202794,0.6387,0.298973,-1.38564,0.300278,-0.0940479,-0.0410649,0.137831,0.321256,-0.459671,0.638486,0.0316612,1.10046,0.966134,0.491714,0.0462999,0.163548,-0.0841309,-0.53311,1.18885,-0.677611,-0.957474,0.981249,0.538249,-0.685039,0.443183,0.155236,-0.164025,0.466034,-0.0984766,0.711138,0.919292,-0.27971,0.535571,-0.0338003,-0.638911,-0.566079,0.00985029,-0.591855,-0.143683,0.337636,0.282589,-0.095581,0.773312,-0.0737488,-0.0676752,0.570679,0.692298,0.832058,-0.752292,-0.285324,-0.688874,0.116166,-0.20636,-0.204868,-0.636168,0.839067,0.626796,0.355089,-0.609392,-0.933968,-0.330725,-0.0864134,-0.0974958,0.0803564,-0.834681,0.0989677,0.954531,-0.919236,-0.224967,0.185806,0.0794439,0.159266,1.04741,0.115904,-0.438781,0.0029877,0.524706,-0.420796,-0.545251,-0.586741,0.19663,0.124448,-0.265549,-0.324838,-0.456698,-0.443439,0.767603,1.02105,0.221419,0.289302,-0.283103,1.18661,-0.478638,0.25282,0.240555,0.29911,-0.640643,1.47427,-1.40693,0.531423,-0.861343,0.508455,0.619784,0.264511,0.0811624,-0.502514,-0.258577,0.645336,0.43048,-0.371804,0.107507,0.235053,-0.177019,0.668183,0.0314931,-0.128196,-0.576882,0.426933,-0.468137,-0.552319,0.598185,-0.122363,0.759902,-0.090178,0.289266,-0.498997,-0.385919,-0.310101,0.996764,0.014734,0.28431,-0.787089,-0.544837,0.592332,0.596909,-1.43106,-0.365841,-0.702945,0.248321,-0.282191,0.876572,-0.354976,0.800899,-0.0521214,0.0958275,-1.00577,0.290636,0.902068,1.00888,0.244396,0.582794,-0.000767335,-0.154871,-0.431927,-0.473118,-1.39127,-0.642296,1.11527,-0.362287,-0.700259,-0.318063,0.176614,0.139168,-0.233306,0.434139,1.08286,-0.542648,-0.256241,-0.969938,-0.186772,-0.324066,0.0956482,0.179926,0.0407617,0.28116,0.83581,-0.762009,0.206786,-0.165235,-0.620758,-0.767519,0.52748,0.392658,1.01264,0.6448,-0.0961404,-0.5946,-0.444861,0.69608,-0.182641,-0.620969,-0.253103,-0.276788,1.37974,0.823695,-0.488831,0.514332,0.528447,-0.0974147,0.215297,-0.469236,0.517571,0.0892119,0.504524,0.311092,-0.760777,0.414428,0.306504,-0.446338,0.0364417,0.69623,-0.43348,0.0428136,-0.421394,-0.164599,0.335974,0.692044,-0.0826593,0.537658,0.246707,0.33711,0.503764,0.531993,0.985024,-0.156309,-0.262054,-0.0854194,0.19648,-0.365766,-0.0339256,0.725478,0.678022,0.106551,-0.554516,0.201961,1.1639,-0.0499388,1.08323,0.478724,0.527962,-0.284384,-0.143707,-0.00578575,0.179807,-0.169295,-0.289588,-0.0816756,0.736359,-0.213005,0.0536526,0.515139,0.946509,-0.538721,0.731345,0.45753,0.154514,0.170977,0.0710963,-0.482346,0.936074,-0.956066,0.599504,-1.30215,0.48363,-0.0769549,0.414759,0.376038,0.325806,0.239069,0.713095,0.343475,0.275935,-0.0760074,0.145368,0.445371,-0.0969464,0.58165,0.35098,-0.511919,-0.0299807,-0.667219,0.215122,-0.199046,0.148755,0.473321,0.304965,0.198979,-0.503604,0.284025,-0.170298,-1.75608,0.373576,-0.224589,-0.378835,0.391339,0.503422,-0.174367,-0.227272,0.272293,-0.216806,-0.334967,0.224584,-0.561046,0.737166,-0.134307,0.323691,0.269483,-0.230798,-0.21142,-0.238899,0.0242707,-0.168489,0.242608,-0.792953,-0.0726931,0.827971,-0.128171,0.085226,-0.0467366,-0.114293,-0.528869,-0.484861,-0.0318883,0.338284,0.0639479,0.643936,0.795898,-0.225285,-0.202488,-0.543181,0.633228,0.501204,-0.0599328,-0.0402697,-0.295707,0.172426,0.0359286,0.196993,0.092281,0.615048,0.396546,-0.101701,0.283167,0.221962,-0.0915107,0.423971,-0.836326,-0.414967,0.227647,0.243953,0.155066,-0.85725,0.147382,0.376665,-0.647846,-0.594376,-0.0913696,0.208335,0.15365,0.82368,0.00121884,0.520847,-0.0343302,0.374612,0.521765,0.295534,0.948402,-0.635354,-0.0893075,0.181194,0.669841,-0.205733,-0.123965,0.215199,0.459271,0.324261,0.385608,-0.61969,0.49229,0.122734,0.323076,0.472627,-0.371126,1.05176,-0.279388,-0.0217024,0.956754,-0.414041,0.248215,0.0663,0.322467,0.221334,0.43716,-0.859487,-0.869203,-0.662353,0.139632,0.11147,0.359316,0.123111,-0.693315,0.50726,-0.119752,0.0513455,0.626536,0.26558,-0.0404149,0.102975,0.876759,0.427537,0.463058,0.458998,-0.636647,-0.106048,-0.665261,0.99045,1.12115,0.35302,0.367934,0.0788525,0.813003,-1.0533,-0.0537118,-0.729567,0.194021,-0.0845353,-0.556366,-0.127015,1.01354,0.132372,-0.70468,-0.116365,-0.326473,-0.375864,-0.293022,0.115298,0.16545,-0.499094,0.161734,0.585007,-0.815178,-0.0866597,-0.186457,-0.296472,0.0237107,-0.407665,-0.231312,0.574593,-0.734241,0.631526,0.155021,-0.0552909,-0.198304,-0.39106,-0.511532,-0.0845702,-0.124497,0.242037,0.250379,-0.260349,-0.17006,0.452844,1.01349,1.06819,-0.337717,0.273234,-0.718482,0.109547,0.22231,0.0685799,-0.0975369,0.404933,0.366225,0.529088,0.211495,0.385239,2.19821,0.338647,0.612232,0.482559,-0.535628,0.109688,0.313325,0.0294311,-0.325316,-0.298694,0.117393,0.464127,-0.619604,0.651505,-0.289296,0.370127,-0.268693,-0.436939,-0.150011,-0.492158,0.0286263,-0.118403,0.448804,-0.441922,-0.478082,-0.38151,-0.234908,-0.414348,-1.03055,-0.268782,0.0937712,-0.0850036,0.440061,-0.373011,0.684366,0.523279,-0.0402069,-0.278019,-0.733331,-0.275981,0.345119,-0.908613,0.112109,0.467845,-0.0946446,-0.462296,0.71893,0.244495,0.137915,-0.349267,0.782226,-0.0136261,0.570021,-0.534466,-0.147912,-0.242571,-0.340257,-0.611012,-0.577627,-0.142904,0.818093,0.416891,0.542158,0.610277,-0.158741,-0.246107,-0.768162,-0.535336,-0.438082,-0.219286,-0.38707,-0.795838,-0.396231,-0.119283,-0.412394,0.0809673,-0.128012,0.348462,-0.317972,0.3129,-0.585131,-0.134058,0.594873,-0.478202,-0.100266,-0.478249,0.214378,-0.205405,0.0153514,-0.142896,-0.477542,-0.684125,0.515589,0.271238,0.672934,0.616175,0.0629134,-0.173695,0.646743,0.432325,0.834325,0.587419,0.0423597,-0.787099,-0.220003,-0.165258,-0.166451,0.984884,0.661493,0.196133,0.1486,0.0165621,0.194173,0.869766,-0.355241,-1.23856,0.440871,0.2304,0.244469,0.205544,-0.44911,-0.0145378,0.929077,-0.341637,0.120484,0.357844,-0.970535,0.708389,0.0401348,0.781872,-0.0156663,0.878715,0.10261,-0.209707,-0.695968,-0.601537,0.907157,0.0765496,-0.377517,0.852113,0.0356761,0.600632,0.53079,-0.556279,-0.194337,0.514132,0.307256,0.289084,1.17607,-0.420349,-0.863132,0.703269,0.296024,0.336815,0.584979,-0.419197,-0.0632175,-0.124593,-0.243474,-0.401472,-0.563526,0.0680437,0.24764,0.285654,0.717601,0.160307,1.27342,-0.01896,0.177215,-0.0071104,-0.112544,0.31538,-1.41381,-0.672945,0.996482,-0.792652,0.0902732,-0.494167,-0.785129,-1.29284,-0.0366806,0.171134,0.322688,-0.45596,-0.342666,-0.18833,-0.14081,-0.31416,-1.12602,0.563657,0.455615,0.157315,-0.555763,-1.33863,0.0335963,0.719492,0.397688,0.0866939,-0.103698,-0.797361,-0.655231,-0.317573,0.447283,-0.14536,0.00902149,-0.266745,-0.480532,0.728286,-1.00072,0.732134,0.0976231,-0.38304,-0.118207,1.21766,0.0199161,0.53201,0.629139,-0.06787,0.230898,0.31504,-1.29045,0.233268,1.08908,-0.349406,0.136971,0.456427,0.752538,0.102082,-0.33274,-0.068542,-0.684876,-0.583658,0.193685,-0.618351,0.136177,0.919786,-0.504246,0.225874,0.0761753,-0.258456,-0.161064,0.618202,1.08418,0.492397,0.0914245,0.860281,0.429213,-1.10115,-0.531056,0.275057,-0.970584,0.19515,0.422468,0.0759707,0.335494,-0.795711,-0.0381913,0.695456,0.0167117,0.109911,-0.137946,0.204937,0.457649,-0.853038,0.591302,-0.260393,0.4343,-1.30455,0.250007,0.233421,-0.286611,0.244832,0.646576,-0.0562804,0.538405,-0.660307,0.402103,-0.357006,0.662447,0.954251,-0.0223655,-0.376068,0.0721838,0.0841306,0.610753,0.398297,-0.0185645,0.111208,-0.446282,-0.660996,-0.586595,0.831467,-0.0587658,0.101134,-0.0341313,0.46061,0.106497,0.67111,0.146947,-0.161026,-0.233628,-0.0988803,0.0319042,-0.377312,0.290179,-0.0776631,-0.73559,-0.0505874,0.240862,0.694846,0.491608,-0.750521,-0.228061,0.932412,-0.545544,-0.201538,0.587994,0.262518,-0.222108,0.766924,0.150614,0.607609,0.0925608,0.971375,0.458527,-0.242416,0.474064,0.148155,0.149844,-0.640974,-0.516819,-0.313376,-0.581413,-0.714137,-0.210266,-0.509098,-0.297982,-0.178676,-0.215162,-0.192297,0.401463,-0.354442,1.00971,-0.285102,-0.0262388,-0.0371802,0.672382,-0.118841,0.150134,0.339938,0.662373,-1.03983,0.110572,-0.0377645,-0.874456,-1.15653,0.792145,-0.37674,0.470389,-0.032059,0.264476,0.53095,0.688219,-0.578164,0.866657,-1.01915,-0.208198,-0.962404,-0.152338,1.03195,-0.649558,0.000450827,0.275525,-0.747402,0.479226,-0.150613,-0.712307,0.481485,-0.450295,0.183344,-0.441801,0.114411,0.154728,0.751966,-0.545797,0.241766,-0.357103,-0.756697,0.179185,-0.346794,-0.580942,0.000558019,-1.02843,0.211983,-0.638381,-0.876738,0.0107444,0.720473,-0.0793231,-0.242727,0.521807,0.486885,-0.280926,-0.321727,-0.244072,-0.184372,-0.664188,0.571778,0.326322,0.454397,0.0970082,0.71931,0.496124,-0.0685458,0.494512,0.383989,0.156909,-0.191884,-0.697909,0.858045,0.122053,-0.802029,-0.00621877,0.0224917,-0.0298372,-0.200722,-0.218044,-0.185219,-0.392145,0.138042,0.149599,1.02743,0.502137,-0.163203,0.59391,-0.62888,0.145959,-0.767517,0.271353,0.491887,-0.000291111,-0.0926487,1.02319,0.0862347,0.876915,0.352326,-0.273427,0.030055,0.240214,-0.106681,0.446585,0.274283,-0.633352,0.607816,0.0283151,-1.01797,-0.210755,-0.846653,-0.478212,0.641055,-0.416406,-1.15029,-0.236859,0.496069,0.198679,-0.489172,-1.34463,0.101389,-0.974067,0.1193,-0.24978,-0.807115,-0.211642,0.270843,-0.916207,-0.228973,-0.779975,0.522265,-0.607522,0.315703,0.156825,0.931841,-0.808245,-0.0475468,0.692885,-0.278476,0.0654806,-1.6646,0.831134,0.426745,0.3512,-0.481858,0.584753,-0.397702,0.706047,0.239598,0.272198,0.122986,0.354809,0.621143,-0.45985,-0.709912,0.0251299,0.716757,0.0602774,0.0950571,-0.264589,-1.16128,-0.393375,0.0849251,0.374219,1.49824,0.0719665,0.0253459,0.239529,0.41826,-0.58464,0.294439,0.3945,0.0283028,-0.00360826,-0.147657,0.232798,0.691962,-0.719818,-0.176831,-0.190953,0.316984,-0.821763,-0.538338,-0.226331,-0.396826,-0.0891023,0.670152,-0.318216,0.810767,-0.737401,0.402634,1.29163,0.167633,-0.59111,0.382066,0.141911,-0.0683231,0.71719,0.406298,-0.440084,-0.111898,0.11164,0.691272,0.979157,-0.154126,-0.558686,-0.797627,-0.463038,-0.324107,-0.176386,0.188129,-0.19357,0.398829,-0.153315,-0.227325,0.127233,-0.278627,-0.436089,-0.807659,-0.0394783,-0.766363,-0.696914,-0.103962,0.722461,0.635319,0.0949644,0.333578,-0.299762,-0.868841,-0.472443,-0.147593,0.362598,0.499171,-0.0760587,-0.0142359,-0.409146,-0.900796,-0.43604,0.113633,0.124476,-0.0812623,-0.899367,-0.755462,0.0196318,-0.180787,0.161554,-0.450029,-0.230413,-0.491441,0.575259,-0.588213,-0.191029,0.560626,-0.198949,0.172335,-0.11774,-0.727577,0.245667,0.14207,-0.219921,0.52792,0.00702265,0.147706,-0.031171,0.216401,1.00404,0.306414,-0.771062,-0.135052,0.900448,-1.07793,0.21573,-0.482012,-1.11377,-0.430825,0.216558,0.583893,0.283543,-0.458126,0.588871,0.261414,-0.569587,0.584376,-0.351598,-0.98531,1.32629,-0.347615,-0.86091,-0.0872255,-0.134386,-0.71378,0.0608407,0.458306,0.686118,-0.538659,0.0151272,0.196205,-1.27428,0.184649,0.555991,0.459827,-0.107299,-0.367411,-0.0322175,-0.140575,-0.336379,0.0647592,-0.64964,0.262871,-0.360645,-0.991843,-0.260925,-0.162688,-0.56488,-0.213971,-0.016359,-0.480311,-0.290396,0.152059,-0.426119,-0.0952557,-0.0655977,0.362443,-0.50404,0.303431,0.0513146,0.0607619,1.32497,-1.51972,0.563044,-0.186839,-0.301942,-0.0220287,-0.200131,-0.190909,0.184918,-0.682634,0.582705,0.962151,-0.33469,-0.526616,-0.758676,0.788144,-0.0650119,-0.176637,-0.199145,-0.482947,-0.310416,-0.770589,0.0645637,0.151101,-0.448154,0.369028,-0.717912,-0.052143,-0.0378022,0.20378,1.04566,0.211201,-0.0365249,0.621712,0.393002,0.000346668,0.194101,-0.242258,-0.391886,-0.110577,0.320121,0.562152,0.0890913,0.340457,0.36614,-0.0495568,-0.00875516,0.512813,-0.357935,0.97292,0.289872,-1.1287,0.32513,-0.60247,-0.237672,-0.178911,-0.950906,0.226139,-0.0739991,-1.58741,0.877787,-0.385346,-0.380947,0.631526,0.0965203,-0.212535,-1.1361,-0.35085,-0.149637,-1.05475,-0.419954,-0.0240997,0.886714,0.0233987,-0.219051,-0.0456318,0.0267138,0.342773,-0.0820198,-0.100056,-0.227467,0.224384,0.136298,0.10881,0.185815,0.203912,-0.385227,0.0190686,0.597219,0.258334,0.630411,-0.732769,-0.3934,-0.31539,0.228618,-0.405833,0.660178,0.243151,0.720904,0.00192434,0.125237,-0.663479,0.585622,-0.872951,-0.0929896,-0.244848,0.0442537,-0.155417,0.451764,-0.188117,-0.570562,-0.050929,0.0731093,0.808961,0.047626,-0.504348,-0.317417,-0.250027,-0.238405,-0.51196,-0.264501,-0.462658,-0.49358,-0.455536,-0.128876,0.110272,1.1702,0.0557296,-0.638904,0.57281,-0.414094,-0.453453,0.208373,0.0651859,0.0408035,-0.902561,0.438232,-1.08026,-0.0359061,-0.603507,0.157111,0.351286,-0.236198,0.359985,0.241881,-0.241255,-0.226525,0.100277,0.151152,-0.0114316,-0.137367,-0.651988,0.383355,-0.579884,-1.08757,-0.874226,-0.596323,0.475543,0.565699,0.387679,-1.0227,-0.313448,-0.153662,1.16229,-0.185593,-1.07383,0.212993,0.792371,0.312898,-0.357143,0.411106,-0.213891,0.0201105,0.631956,0.338896,0.74274,-0.648476,-0.613799,0.44259,0.0291866,-0.264758,-0.267467,0.828829,-0.574577,-0.771305,0.099881,0.56584,0.291784,0.521791,-0.404669,0.141217,-0.379123,0.769625,-0.0424747,-0.796193,-0.78571,0.184827,-0.285759,0.219653,0.0390356,-0.375997,0.719631,-0.238573,0.576251,0.429523,-0.588728,-0.639192,-1.37066,0.469452,0.527282,0.348843,-1.09636,0.53481,0.109626,-0.495931,-0.238624,0.546721,-0.141827,0.329141,0.246115,0.144952,0.35985,-0.808065,-1.0593,-0.318163,-0.193101,0.34686,-0.541522,-0.435786,0.241034,-0.691264,0.172226,0.360802,0.27964,-0.519896,-0.0201573,-0.856093,0.740524,0.454704,0.561243,-0.83366,-0.392562,-0.228573,0.480085,0.0598487,0.0985986,-0.431034,0.476566,0.694069,-0.399931,0.458322,-0.387472,0.441388,0.356313,-0.930496,0.117279,0.169097,-0.0607058,0.167323,-0.35034,-1.28806,0.370733,1.82437,0.900069,0.437109,-0.00078728,0.675739,-0.949332,-0.89193,-0.255496,-0.168273,0.160524,0.278141,-0.547927,0.773269,0.2019,-0.440367,0.487183,0.169639,-0.479938,-0.0895734,-0.659177,-0.0396723,0.869462,0.394187,-0.342237,0.474849,0.24174,0.690712,-0.0327266,-0.00476558,0.90463,-0.158065,-0.270226,-0.376646,-0.246829,0.296655,0.50815,0.270745,0.16472,-0.296944,0.647629,-0.158951,0.244707,-0.0920682,-0.487039,0.414642,-1.11709,0.495593,-0.643629,-0.0764805,0.175556,0.915006,0.0540019,0.575227,-0.0910046,-0.495792,-0.940181,0.543015,0.164972,0.455944,0.219795,-0.613516,0.333631,0.0475638,0.886635,-0.00378429,0.230698,-0.332824,-0.316792,0.468359,0.0446031,-0.0596577,0.889306,0.662049,1.04722,0.773002,0.225464,0.428861,0.230666,-0.312929,-0.33732,-0.765615,0.00196801,-1.09408,0.829304,-0.144361,-0.295553,0.539331,0.127532,1.23261,-0.270957,0.394708,0.356309,0.295186,-0.608212,-0.605753,-0.528843,0.368138,-0.384483,-0.0356038,0.392339,0.681,0.628833,0.439639,0.192695,1.16245,-0.616184,-0.40576,-0.412934,0.775619,-0.611596,-0.949523,-0.0489154,0.181502,-0.00215229,-0.247644,0.841648,0.750045,0.929126,0.664415,1.06039,0.321708,-0.282126,-0.0203625,0.478242,0.50166,-0.265749,0.0966897,0.560327,-0.145667,-0.293225,0.117406,0.0519517,-0.805976,0.129208,-0.105772,0.297585,-0.455283,0.588656,-0.577202,0.633288,-0.352281,-0.328789,0.216064,-0.193569,0.303353,-0.496069,-0.0718944,0.39122,1.14958,0.254072,-0.267652,0.41404,-0.267904,-0.716179,-0.0747217,0.448766,-0.437848,-0.849477,-0.369775,0.267387,0.86897,-0.260734,-0.825711,0.653225,0.61212,-0.131279,-1.07739,0.34928,-0.514197,-0.340917,0.572828,1.03016,-0.150087,-0.194895,-0.626645,-0.0583473,-0.439965,-1.55079,0.375736,0.150829,0.319992,-0.194955,0.533256,0.125443,0.226919,1.15102,0.0527929,0.290984,-0.184336,-0.485584,0.33131,0.272058,0.298883,-0.100775,-0.611342,0.392204,-0.553229,0.266186,-1.18149,-0.505722,-0.264709,-0.477189,-0.477843,-0.683438,0.981152,0.49582,0.0292194,-0.866952,0.233162,0.371719,0.618289,-0.213225,0.164137,-0.146274,0.428431,-0.33829,-0.273965,-1.13791,0.339512,1.08279,0.27411,-1.1217,-0.363833,0.359982,0.0374286,-1.07089,0.160963,0.691509,1.12123,0.121092,-0.321925,0.33352,0.806692,0.878011,0.189431,-0.338228,0.570042,1.08091,0.132286,-0.614097,-0.924839,-1.05894,-0.0490395,0.0500611,-0.312141,0.0858097,0.230505,0.0440508,-0.996579,0.424981,-0.203247,-0.623903,-0.0728039,-0.786381,0.377289,-1.05025,-0.00776463,-0.641695,0.674404,1.12364,-0.209151,-0.278808,-0.871949,0.227083,-0.816296,-0.541018,-0.253946,-0.015744,0.419471,0.180979,0.604298,1.01529,0.531209,-0.819192,-0.559888,0.561925,0.0876958,-0.162244,0.051708,0.44658,-0.165337,-0.560846,-0.391414,-0.745388,0.0597977,-0.0336872,-0.667549,0.605796,-0.0391388,0.300907,-0.203078,0.0470955,0.159741,-0.176387,0.986468,-0.315152,0.246543,0.701033,-1.32118,-0.120702,0.851362,-0.11725,-0.276165,0.698706,-0.228076,0.462633,-0.182769,1.59278,0.331699,-0.441543,1.0294,0.759593,0.118659,0.659552,-0.240738,0.22042,0.668981,-0.162413,0.433844,-0.362495,0.0183912,0.399278,-0.233277,0.0751528,0.412575,1.02581,0.191805,0.547533,-0.401746,-0.0279921,-0.57374,0.102457,0.100051,-0.674456,-0.185493,0.365407,-0.424315,0.587099,0.350575,0.92341,-0.506544,0.184695,-1.01417,0.145984,-0.18968,0.213271,-0.0383484,0.0729118,-0.204034,-0.165868,-0.00971723,0.489606,-0.280052,-0.820812,0.132372,0.512524,0.0442295,0.145738,-0.0316653,0.125119,0.373782,-1.00951,0.266482,0.0443815,-0.328566,0.2736,-0.0357427,0.675514,0.493518,0.298559,-0.620416,-0.0674248,-0.361131,0.562041,-0.708451,-0.168702,0.57653,-0.0372099,-0.347471,0.210536,-0.360268,0.620947,-0.178637,-0.0834181,0.204359,1.16166,0.127689,-0.27193,0.358904,0.168451,0.37998,0.156473,0.320286,-0.00748182,-0.423493,0.326446,2.58597,-0.0372373,-0.021798,-0.10506,0.55559,-0.0484877,0.563818,-0.101616,-0.271948,-0.408595,0.0918149,-0.343754,0.105542,-1.29423,-0.19827,0.106469,-0.076742,-1.01516,0.483869,0.327816,0.127101,-0.182772,0.40535,0.0134021,0.347387,-1.18418,0.0762815,-0.261882,0.611538,0.525589,-0.265672,0.563305,-0.330001,0.119496,0.702493,-0.830965,-0.104472,0.739852,0.181533,0.321984,-0.349787,1.05568,1.47468,-0.294842,-0.419612,-0.227308,0.337487,-1.24722,0.865495,-0.348394,-0.516984,0.0442877,-0.787458,0.266219,0.14171,0.0781817,-0.135041,1.1201,0.224525,1.07084,0.336482,-0.0445378,-0.0959763,-0.579832,-0.579812,-0.372232,-0.513667,-0.265493,0.806595,-0.00762787,-0.569967,0.163968,0.532081,-0.718806,0.178849,0.316234,-0.0778989,0.137194,0.712127,0.256542,0.285036,0.0274222,0.78769,0.876177,-0.205674,-0.0542684,-0.660919,0.185211,-0.434724,-0.181675,0.0332767,-0.165229,-0.281119,1.21131,0.970444,1.0651,0.213002,-0.952058,-0.0318592,-0.258363,-0.0458313,0.436332,0.268435,-0.148853,-0.572038,-0.110269,-0.117255,-0.37894,0.254726,-0.293669,-0.966399,-0.28445,0.3271,0.353553,0.512416,-0.261443,-0.0757368,0.519191,-0.724267,0.0461107,-0.143788,0.631561,0.564468,0.068445,0.619132,0.125487,-1.07569,-0.0285913,0.564724,-0.335661,-0.523508,-0.731271,0.45751,0.162397,-0.913374,-0.217292,-0.618871,-1.11742,-0.0265412,0.0224234,-0.69781,-0.861263,-0.162099,0.419108,0.0694195,0.360664,-0.206258,-0.34691,-0.104276,-0.519705,0.747063,-0.650398,0.32344,-0.699302,-0.0152379,-0.338929,-0.151245,0.0565795,0.360178,-0.601684,-0.260478,-0.30974,-0.348921,0.562183,0.00853516,-0.0690633,-0.0167586,-0.0743065,-0.107051,0.140258,0.333599,-0.720496,0.614079,-0.237617,0.721471,-0.0547056,-0.431715,0.025945,0.0219264,-0.00559455,0.659931,0.404192,0.32423,-0.287302,-0.25413,0.765078,1.00543,0.18217,0.719248,0.650551,0.734346,0.252937,-0.226089,-1.52658,0.982424,0.522803,0.797593,-0.301638,-0.78123,-0.46793,0.3616,-0.945621,0.969974,-0.812213,-0.203778,-0.926809,1.02209,0.784199,0.407245,-0.472419,-0.377076,0.124626,0.13829,0.0337998,0.546017,0.0389446,0.556432,-0.0760675,0.767427,0.555622,-0.240323,-0.818957,-0.40945,0.230984,-0.0129307,0.517969,0.427267,-0.0161625,-0.165704,-0.0314029,0.601353,0.890568,-0.49023,0.0782752,-0.117401,-1.2739,0.822732,-0.00699544,-0.289311,0.0121705,-0.127418,-0.0248086,0.0719357,0.105071,-0.40875,0.568031,-0.352173,0.346583,0.370409,-0.734844,-0.509289,-0.838798,-0.357523,-0.267808,0.529871,0.358703,0.161376,1.09728,-0.134095,0.0780375,-0.455398,-0.0701164,0.71355,-0.1041,0.315019,-0.505945,0.176943,-0.171649,0.136444,-0.155548,-0.673662,0.569134,-1.0912,-0.899464,0.660803,0.130953,0.800649,0.438737,0.394319,-0.525819,0.143706,-0.511101,-0.526208,0.336334,-0.267987,0.296941,0.0184089,0.144705,0.0941013,0.314116,-1.02297,-0.378772,-0.814229,0.0712066,-0.182039,-0.0829812,-0.544199,-0.127042,0.679579,-0.451853,0.0224888,0.427588,-1.27501,0.238704,0.0674546,-0.62024,0.190674,0.47341,-0.20634,-0.319272,-0.460452,-0.540421,-0.88394,0.183206,0.225853,-0.0481425,0.167551,-0.327477,-1.16696,0.200097,0.197372,-0.287737,-0.00390889,-0.644898,0.287846,-0.656345,0.0109134,0.0793459,0.457883,0.779705,-0.357058,-0.187604,-0.812223,-0.144057,0.809008,0.184198,-0.733711,0.651836,0.559156,1.19563,0.695623,0.188441,0.217058,0.584438,0.913998,0.487507,-0.296965,1.00008,-0.148401,0.687142,0.177726,-0.564701,-0.275777,-0.0995146,-0.851024,-0.325525,-0.0499501,-0.0276934,0.0533906,0.50757,0.296806,-0.0867729,0.732807,-0.72573,-0.625106,0.633778,-0.678345,0.615986,0.150911,0.0964551,-0.934734,0.648749,0.135467,-0.0697387,-0.249369,0.262577,1.15994,-0.357213,0.0979771,0.614151,0.398784,-0.121682,-0.334075,-0.178991,0.183326,0.162604,-0.210367,-0.279492,0.0773619,0.546387,0.638945,-0.675419,-0.987545,0.198209,-0.113314,-0.27741,0.941923,0.0807083,-0.606232,-0.496507,0.189929,-0.293003,-0.423763,-0.496655,-0.0951268,-0.647662,0.0269015,-0.500565,1.22276,0.253083,-0.357115,-0.511688,-0.287277,0.36811,0.702456,0.202841,0.0479562,0.17545,-0.126366,-0.176929,0.247254,0.220024,-0.469473,-0.109098,-0.556774,1.29363,-0.0785452,0.737613,1.22698,-0.177147,-0.289583,-0.0906942,-0.387718,0.0733801,-0.828368,-0.076982,-0.612086,0.600097,-0.108424,0.889211,-0.676258,0.445633,0.255957,-0.073801,-0.250711,-0.760191,0.180994,-0.880511,0.348593,0.75593,-0.386014,-0.580886,0.604127,-0.929803,0.64654,-0.138445,0.145798,0.0566835,-0.570246,-0.0138167,-0.420082,0.501187,-0.12776,0.892173,-0.0554462,0.0693946,-0.116584,0.716618,0.0586765,-0.00840329,-0.372416,0.333309,0.350665,-0.0911301,0.194149,-0.444727,-0.319973,0.129561,-0.0575945,-0.251084,-0.398284,-0.0821745,-0.752518,0.923397,-0.474375,-0.0415766,0.885058,-0.0136272,0.345451,0.63282,-0.19401,-0.131509,0.763216,-0.340276,0.0125959,-0.318081,0.887301,-0.880389,-1.37435,1.0844,-0.1347,0.237688,0.81105,-0.604881,-0.340061,-0.42367,0.316868,0.0635494,0.4934,-0.024057,0.353071,-0.744856,-0.693787,0.606255,0.346694,0.469803,-0.147503,-0.671457,-0.207425,0.299145,-0.227675,-0.381789,-0.939963,-0.348188,-0.0973612,0.564695,-0.0955451,0.730517,-0.396857,0.377705,-0.21746,-0.417786,-0.104883,-0.278503,-0.306864,-0.1611,0.445148,0.838177,0.0171436,-0.950634,-0.0382189,-0.163665,-0.301133,0.256779,-1.25886,0.435423,0.266322,-0.723848,0.154884,0.209885,0.0428789,-0.139264,0.128623,0.0442168,-0.0460043,0.667452,0.125151,0.19746,-1.08343,0.162594,0.0340799,-0.909981,-0.975238,0.43291,0.284333,-0.381968,-0.0225055,0.763362,-0.350213,-0.0567659,0.0376004,0.760588,-0.25614,0.616225,0.978723,0.0125152,0.113043,0.0673065,-0.393448,0.74107,0.0284061,-0.0395449,0.0280901,0.290265,0.194323,-0.824574,-0.544429,0.0510054,-0.140376,0.538909,-0.586361,0.44043,0.136072,0.432467,1.16476,-0.428766,0.307127,1.0197,0.0960817,-0.44357,0.0570144,0.280148,-0.167892,-0.20432,0.290423,0.00295366,-0.989307,0.177672,-0.670567,-0.100507,0.289689,0.586797,0.370635,0.542939,0.168076,1.77452,-0.653575,-0.888733,-0.365571,-0.213507,0.588515,0.296289,0.977609,0.242063,-0.000901322,-0.0227905,-0.714311,0.000843942,0.3671,-0.309028,-0.101653,-0.532549,-0.693783,0.671351,-0.510933,0.362966,0.672787,0.211976,0.387727,-0.14742,0.592594,-0.179936,0.878573,-0.277111,-0.536587,0.454126,0.379391,0.863262,0.217162,-0.000878453,0.259729,-0.0714324,-0.126337,0.434239,0.238524,0.358449,0.65161,0.166741,-0.404602,-0.959028,0.66529,0.0839425,-0.748176,0.0745318,0.252395,-0.0799325,-0.204874,0.259278,0.505159,-0.986187,0.294163,0.218377,0.328923,0.137271,0.279782,0.132137,-0.00209171,-0.728057,-0.589953,-0.150384,0.228442,1.03332,0.144151,-0.296166,-0.0317657,0.370038,0.449241,-0.137334,-0.389789,-0.0829592,-0.183072,0.298133,-0.132097,0.482063,0.106938,0.825949,0.732217,0.516843,-0.584152,-0.160406,0.284135,0.0601102,0.421628,-0.375385,-0.022444,0.328786,-0.291918,-0.340555,0.0497357,0.68388,0.0663667,0.249333,-0.383458,-0.328865,-0.103986,0.432111,0.19696,0.611447,-0.278822,-0.243746,-0.104518,0.800548,0.409656,0.161061,-0.138445,0.0881692,-0.6571,0.734294,-0.0871557,0.780507,0.665436,-0.824183,-0.574276,0.203439,-0.489704,0.0796378,-0.178935,-0.180234,0.177743,-0.825081,0.45562,0.33787,0.681057,0.577945,-0.076193,-0.195821,-0.211301,-0.220992,0.599977,-0.889071,0.348345,0.050639,0.28717,0.547125,-0.122522,0.119864,-0.133592,0.242732,0.62769,0.222043,-0.464258,0.127189,-0.533389,0.562039,0.34242,0.784581,0.544465,-0.06993,-0.890852,0.0470977,-0.234044,0.382735,-0.0497342,0.142126,-0.197584,-0.0780575,-0.492767,1.14852,0.734993,0.23548,0.0789525,0.272171,1.02374,0.0904059,1.21587,-0.0635884,-0.338176,-0.0334713,-0.0737615,-0.469824,-0.235614,0.203883,0.271342,0.890153,-0.128614,0.518528,0.0987153,-0.122911,-0.00878743,-0.290549,0.111282,-0.0669884,-1.27952,-0.613651,-0.0273188,0.00030566,0.241438,1.07368,0.2518,-0.137946,-0.581076,-0.985712,0.16241,-0.0231532,0.240978,-0.33054,0.055248,-0.217201,0.952199,0.559032,-0.849417,-0.643487,0.206616,-0.356781,-0.16688,-1.14323,-0.135746,-0.583295,0.672261,0.335283,-1.23917,-0.549652,-0.0733656,0.0330872,-0.255713,0.0394145,-0.39681,-0.684707,-0.398125,-0.414216,0.629092,1.58418,-0.249928,0.0752892,-0.386029,-0.529251,0.146227,-0.066783,-0.239493,0.188218,-1.06602,0.62277,-0.256985,-0.00750881,0.42789,-0.611551,-0.338916,-0.0475034,0.847827,-0.142475,-0.0405427,0.49013,0.721072,-0.407197,-0.259823,0.00259879,0.494671,0.106024,-0.635099,0.302378,0.186564,-0.41148,-0.570174,-0.405844,-0.0879891,-0.28404,-0.698256,0.116807,-0.547854,-1.05758,-0.163092,-0.336768,-0.629069,-0.219832,-0.483452,0.250308,0.936116,-0.359053,-0.619957,0.462245,-0.0877509,0.093129,0.307842,0.0606365,0.581082,-0.23763,0.540357,-0.707822,-0.0920217,0.0941147,1.08308,0.536676,0.0739881,0.371495,0.0735313,-0.205283,0.0425128,-0.0309047,-0.0792826,-0.0742151,0.132826,-0.412759,-0.436984,0.223841,0.771049,0.107853,0.138813,0.272722,0.138622,-0.139529,-0.455252,0.140319,0.572518,-0.5038,0.29906,-0.685262,0.246322,0.523187,-0.111507,-0.127367,-0.185134,-0.823368,-0.386738,-0.141783,0.455478,0.749174,-0.269166,-0.131137,0.0690142,-0.657813,-0.142028,-0.244147,-0.15093,-0.8141,-0.514208,-0.0179295,0.458982,-0.265822,0.402068,0.456771,-0.329493,0.732527,-0.967933,0.280538,0.376597,0.6345,-0.053459,-1.55498,0.19863,-0.565942,-0.0990425,0.758128,0.299608,0.455862,0.376465,0.0840371,-0.527234,-0.254366,-0.305675,-0.426404,-0.0875773,0.7076,0.0876958,-0.33172,0.169058,0.401564,-0.0828034,0.0765869,0.184002,-0.223467,0.240056,-0.46657,0.609885,-0.59209,0.222894,0.160883,-0.172795,0.772587,0.151124,-0.0975429,0.22555,0.256413,-0.0696042,0.0630175,-0.128696,-0.228281,0.165914,0.314989,-0.181434,0.172904,0.379465,0.377243,-0.0784202,0.9941,-0.270303,-0.301518,0.494263,-0.037545,-0.179165,-0.349054,-0.0857746,0.394451,-0.801734,1.64566,-0.273292,0.496665,0.522837,0.569487,0.341597,0.238363,-0.177981,-0.616688,0.202098,-0.194629,0.809979,-0.43175,0.948536,-0.859515,-0.225182,0.637233,0.255532,0.00361701,0.110564,-0.357995,-0.250385,0.396496,0.360156,0.131839,-0.439619,-0.0677494,0.083835,0.117745,-0.66974,0.587326,-0.9439,0.0659773,-0.313001,0.322701,0.878785,1.50028,0.361321,-0.15443,0.113969,-0.221346,0.234526,0.194671,-0.651153,-0.199664,-0.529323,-0.844718,-0.208925,0.0850422,0.146162,-1.18451,-1.05871,-0.402387,-0.837846,0.314259,-0.0533761,0.129815,0.174293,0.673703,-0.0224899,-0.683631,-0.655759,-0.401006,-0.0322167,0.760075,0.528039,-0.217573,1.02822,0.549652,0.257844,-0.0293963,-0.652378,0.506999,0.787738,0.15007,0.0755078,0.438902,-0.299115,0.762711,0.162958,0.331853,-0.0853135,-0.456398,0.280023,-0.110331,-0.518133,-0.277995,-0.387387,-0.8901,0.108092,-0.29789,-0.0720019,-0.895147,-0.22053,-0.108019,-0.0337747,-0.216348,0.403,0.227554,0.364592,-0.137555,0.460074,-0.179463,0.903495,-0.581784,0.935139,-0.812803,0.840537,-0.213796,1.11859,0.94734,-0.435927,0.594424,-0.179971,0.216677,0.779457,0.0413855,0.348797,-0.495834,0.499018,-0.153284,-0.256655,0.980006,-0.593574,0.172368,0.518103,-0.0477136,0.480888,-0.42366,-0.278958,0.965372,-0.213905,-0.994831,-0.722234,0.156973,-0.104522,0.0805517,0.137196,-0.972973,-0.840548,-0.630106,-0.893182,0.0805447,0.345742,-0.80768,-0.0943822,0.555655,0.136755,-0.284156,0.14168,-0.0134189,-0.119232,0.0117801,0.180579,0.997396,-0.784394,-0.721595,-0.572257,0.681334,0.630634,-0.501296,-0.381248,-1.21506,0.219486,0.440263,-0.793139,-0.0227121,0.584814,0.577476,0.386285,-0.175552,-0.400583,-0.609282,0.0643403,-0.484786,0.81846,-0.464747,1.66666,-0.513747,-0.873622,0.515135,0.318699,0.427621,-0.700275,-0.707682,0.733827,0.420568,-0.627873,-0.227912,0.658445,0.168147,-0.248083,-0.547257,-0.731128,-0.289109,0.575146,-0.863103,0.466561,-0.0409167,0.358972,0.242133,0.715492,0.0841095,-0.456008,0.411176,0.167962,0.477229,0.0107972,-0.25117,0.157799,-0.541181,0.731811,0.770366,-0.312976,0.772231,0.865922,-0.523472,0.0495912,0.214091,-0.919719,0.582833,-0.0454746,0.43936,0.845452,0.42452,0.419922,0.464869,0.197613,-0.0511421,0.104075,0.619676,-0.684452,-0.178224,-0.484431,-0.233767,-0.393495,0.0886551,0.249062,-0.658429,-0.455507,0.430786,-0.0675864,-0.0484522,-0.475211,0.477562,-0.0156841,-0.0369702,-0.268423,0.2529,0.240041,-0.676458,-0.42563,0.709503,0.112821,-0.612873,0.873301,0.419669,-0.272281,0.420326,0.130452,0.58535,0.815006,-0.723981,-0.148478,-0.473742,0.167612,0.084746,-0.0759625,0.217089,1.01517,0.737616,0.0108374,-1.02512,-0.390916,0.168496,0.487801,0.196236,-0.396865,0.224796,0.967011,0.502745,0.0473356,0.241136,-0.0836369,0.423016,-0.330124,-0.412778,0.836012,0.686794,1.30569,0.142031,0.871968,0.547598,0.505944,-0.357442,0.647069,-0.359259,0.906237,-0.737384,-0.191413,-0.0834583,0.499599,-0.205344,0.160995,-0.192004,-1.01632,-0.897574,-0.304074,0.465775,-0.269948,0.714336,0.639229,-0.0898565,1.48261,-0.050694,0.221337,-0.00747134,-0.382573,-0.598642,-0.102469,0.119826,-0.732496,0.729922,0.368386,0.108202,-0.147473,0.079903,0.170302,0.21659,-0.125952,-1.02162,-0.174831,0.24442,0.444657,0.340759,0.0692918,0.058173,0.782533,-0.711537,0.368706,0.780171,-0.800569,1.00687,0.0633598,0.405221,0.316971,1.21375,0.497615,0.337615,-0.702768,-1.04669,0.587938,0.074233,0.0336773,0.797761,0.0884459,0.32175,0.652246,-0.181532,-0.187627,0.837034,0.301853,0.838494,1.10866,-0.145864,-0.710021,0.0647379,0.13051,0.0354426,0.169195,-0.438913,-0.0576771,0.181564,-0.144494,-0.66957,-0.635066,-0.318974,0.478222,0.760746,0.541241,0.0133405,0.997001,-0.386478,0.00156711,0.0640911,0.00322777,0.443414,-1.23318,-0.573342,0.826139,-0.760794,0.197319,-0.902591,-0.932121,-1.14838,0.308991,0.208966,0.652687,-0.367791,-0.606809,0.387849,0.195767,-0.272037,-0.999446,0.303113,0.552544,0.235009,-0.136666,-1.50695,0.0619622,0.593867,0.450615,0.0244476,0.0278746,-0.686374,-0.290957,-0.624748,-0.244226,-0.581893,0.461265,-0.322276,-0.725916,0.390725,-1.23297,0.617095,0.192243,0.0412968,-0.12274,0.564657,-0.320827,0.198667,0.440054,-0.197811,0.716137,0.474594,-1.05815,0.343457,0.945227,-0.333481,-0.341676,0.227662,0.405658,-0.350832,-0.709781,0.314512,-0.737016,-0.151252,-0.227897,-1.04438,0.378865,0.533943,-0.168416,-0.484013,-0.00736444,-0.309859,-0.117075,0.812627,1.39377,0.496634,-0.250043,0.811311,0.349954,-0.981549,-0.448285,0.232202,-0.992481,0.0907719,0.33256,0.0284377,-0.211166,-0.708792,0.20903,0.500587,-0.0503841,0.347581,-0.190117,-0.045125,0.560103,-0.604176,0.301759,0.183124,0.569205,-0.625165,0.0954331,0.503757,-0.108457,0.427031,0.487169,-0.0816325,0.183889,0.105671,0.0851035,-0.0419521,0.60141,0.761742,0.0958299,-0.533544,-0.5008,0.557714,0.163003,0.21749,0.297937,-0.323045,-0.652949,-0.224275,-0.752083,0.975642,-0.0761186,-0.1955,-0.353105,0.490169,-0.385603,0.267964,0.599754,-0.875854,-0.0269334,0.328,0.217754,-0.766717,-0.392863,-0.362672,-0.350941,0.379908,-0.214261,1.04933,-0.0212904,-0.324151,0.0443473,0.945924,-0.166477,-0.0203423,0.619092,-0.150979,-0.495424,0.721435,0.287457,0.664557,0.155019,0.618157,0.510352,-0.455266,0.717266,-0.162651,-0.117751,-0.638338,-0.546981,-0.200016,-0.317287,-0.529395,-0.342014,-0.574752,-0.339142,-0.263838,-0.271852,0.141165,0.53339,0.0799722,1.03981,-0.139169,-0.193926,-0.258383,0.58574,-0.286323,0.866664,0.433632,0.402261,-0.417431,0.109785,-0.105771,-0.656315,-0.655704,0.580768,0.228521,0.268722,0.197104,0.328689,0.635315,0.397513,-0.617285,0.327119,-1.5225,0.0417298,-0.632405,0.237375,0.561725,-0.183462,0.235294,0.178576,-0.652024,0.241108,-0.234494,-0.781317,0.0259607,-0.0783467,-0.0321252,-0.244903,0.694682,0.0414336,0.14575,-0.818722,0.688812,-0.0936324,-0.285128,-0.0289237,-0.576288,-0.506906,-0.675543,-1.00181,0.333892,-0.779701,-1.05821,0.255082,0.764684,-0.528674,0.455177,0.621619,0.427117,-0.340653,-0.488394,-1.00822,0.351763,-0.829536,0.577947,0.0210039,0.272111,0.122989,0.98406,0.350897,0.0528233,0.415478,0.914314,0.511545,-0.0639552,-0.622499,0.579892,0.222918,-0.324022,-0.208722,-0.11142,0.234096,0.168157,-0.356709,0.141156,-0.205664,0.734177,-0.0170436,0.727552,0.480356,-0.0630265,0.438535,-0.103441,0.310166,-0.193997,0.196386,0.229278,-0.268292,0.287049,1.08862,-0.0240904,0.432714,0.441219,-0.637151,-0.0738021,0.448103,0.140022,0.254925,0.677528,-0.375314,0.444652,-0.299743,-0.581707,-0.663142,-0.71337,-0.294797,0.116379,-0.389441,-0.816589,-0.180516,0.118384,0.0116059,0.326879,-0.912483,-0.204068,-0.598521,-0.0931641,-0.439779,-0.726125,0.334489,-0.0439421,-0.587191,-0.094253,-0.2798,0.462551,-0.0428285,0.224105,0.0574525,1.33125,-0.537875,0.831197,0.841532,0.0786954,-0.0649676,-1.79314,0.78644,-0.0400124,-0.00506588,-0.0412934,0.824395,-0.168096,0.601722,0.169464,-0.284672,0.428259,0.172174,0.884394,-0.414891,-0.583694,0.0339214,0.746121,0.279259,-0.0565518,-0.242534,-1.10671,-0.273548,0.565187,0.444525,0.966686,0.125464,0.0583164,0.191745,0.567159,-0.752166,0.825771,0.27872,-0.38308,-0.139471,-0.27405,0.209964,1.06145,-0.469475,-0.618816,-0.0525666,0.199409,-1.1133,-0.629582,-0.30789,-0.286049,-0.05316,0.784039,0.0141118,0.459327,-1.30607,0.821472,0.733733,0.287293,-0.0753892,0.596352,0.42008,-0.635428,0.808879,0.435252,-0.348387,0.259825,0.239305,0.592361,0.954427,-0.310078,-0.64616,-0.612275,-0.587861,-0.144642,-0.227847,0.338146,-0.517241,0.268361,-0.3228,-0.201733,0.14609,-0.552651,-0.820309,-0.674662,-0.419601,-0.850294,-0.558605,-0.380118,0.00674706,0.902777,-0.177197,-0.200268,-0.269022,-0.577631,-0.430952,-0.209228,0.166994,0.690312,-0.210767,-0.498656,-0.608325,-1.20454,-0.285132,0.223992,-0.568532,0.2994,-1.02078,-0.440141,-0.198531,0.466801,-0.00268833,-0.28779,-0.291661,-0.0923966,0.488968,-1.0945,0.170496,0.494698,-0.331783,-0.213867,-0.235839,-0.592167,0.140206,0.173305,-0.000212426,0.242982,-0.346213,0.201224,0.491865,0.0796666,0.909765,0.143856,-0.875034,0.086491,0.912581,-0.301573,-0.0881113,-0.497379,-1.19144,-0.378219,0.468863,-0.0506416,-0.31182,-0.420176,0.253993,0.406594,-0.47156,0.64811,-0.400106,-1.30483,0.70088,-0.119293,-1.00493,-0.389027,-0.0898841,-0.723802,0.499448,0.776141,0.279335,-0.538651,-0.126336,-0.625618,-1.44987,-0.0415861,0.797478,0.4634,0.342793,0.116231,-0.335046,0.147579,0.224226,-0.161438,-0.649682,0.0298079,-0.509946,-0.887042,-0.520601,-0.12552,-0.240761,0.0338398,0.200509,-0.544775,-0.311073,0.176794,-0.287516,0.164302,-0.091353,0.5566,-0.717163,0.521069,0.267204,0.105435,0.864393,-1.43317,0.434768,-0.620532,-0.014403,-0.264932,-0.210955,0.422809,0.306623,-0.467803,0.416048,0.361234,-0.0754082,-0.288313,-0.202941,0.559663,-0.315404,-0.314263,-0.321325,-0.544941,0.03216,-0.681183,0.637309,0.306544,-0.329165,0.561388,-0.809581,0.551621,0.135792,0.144813,0.691811,-0.364978,-0.161686,0.257688,0.120185,-0.0242796,0.0106294,-0.636548,-0.470996,0.379111,-0.061472,-0.299244,-0.0502533,0.0756995,0.262153,-0.618365,-0.244089,0.292707,0.221157,1.11297,0.23829,-1.29512,0.148997,-0.84233,-0.679262,0.129323,-0.853774,0.495571,0.151469,-1.6331,0.612602,-0.679864,-0.646523,0.739558,-0.0793624,-0.0636465,-0.738883,-0.172876,-0.241004,-0.84519,-0.803478,0.363793,0.693398,0.0489947,-0.0359884,-0.159374,-0.351377,0.60158,0.376297,-0.146246,0.528998,0.0689264,-0.0421892,0.118605,0.209887,-0.203441,-0.455035,-0.291476,0.484873,0.118285,0.456482,-0.562438,0.0448307,-0.195238,0.275855,-0.303707,0.105765,0.0927681,1.2596,-0.309035,0.284319,-0.341601,0.21119,-1.01832,-0.497792,-0.570562,0.221379,0.237682,0.653944,-0.0998534,-0.481306,-0.381031,0.20348,0.11976,-0.0772098,-0.146887,-0.152106,-0.282895,0.0930022,-0.676261,-0.419321,-0.080723,-0.187479,-0.150335,0.555983,-0.250716,0.562299,0.238489,-0.353471,0.354085,-0.605395,-0.431206,-0.0756454,0.0419439,0.234989,-0.499774,0.373469,-0.972336,-0.0854651,-0.0428258,-0.697271,-0.409912,-0.163356,0.189798,-0.252882,-0.0481263,0.340481,-0.15743,0.0487263,-0.179904,-0.136694,-0.0283686,0.303942,-0.789988,-0.35734,-0.335494,-0.440632,0.517339,0.473398,0.123874,-0.897592,-0.294886,0.0743529,1.16972,-0.476798,-0.62244,0.287349,0.569155,0.164927,-0.0859702,0.102179,0.456695,0.287915,0.915049,0.412992,0.349033,-0.00325066,-0.252349,0.433771,0.0986985,-0.0291473,-0.141159,1.17169,-0.137155,-0.423004,-0.0167087,0.52318,0.391516,0.0790211,-0.0940193,0.681444,-0.213728,0.789565,0.111042,-0.945381,-0.600904,0.349522,-0.254957,0.584399,0.645631,-0.286413,0.461422,-0.510599,0.607244,0.478952,-0.406106,-0.395739,-0.9323,0.105332,0.260636,0.016157,-0.669536,-0.113871,-0.173796,0.0323936,-0.0534099,0.0332228,0.303221,0.137709,0.425966,0.0972152,0.67855,-0.728305,-0.746936,-0.060343,0.207374,0.496253,-0.477453,-0.456908,-0.120511,-0.472568,0.533685,0.674614,-0.352332,-0.104755,0.0435228,-0.822703,0.877273,0.123588,0.511201,-0.677418,-0.54879,-0.250529,0.593738,0.387932,0.345748,-1.07121,0.0313326,0.53034,-0.636792,0.837377,-0.975055,0.182108,0.385677,-0.842248,-0.356545,0.0753669,0.211444,0.235481,0.14302,-0.91576,0.870563,1.53354,0.0316795,0.796191,-0.0949305,1.05701,-0.93026,-1.08476,-0.136592,-0.278156,0.0167953,-0.260155,-0.418273,0.49894,0.0768135,-0.117212,0.788088,0.325472,0.0179506,0.106108,-0.681404,0.233435,0.933201,0.484624,-0.286325,0.253324,0.279648,0.38487,-0.190135,-0.286005,0.792268,-0.560315,-0.471132,-0.791011,-0.666004,0.71544,0.362185,-0.000891536,0.0966647,-0.624104,0.683221,-0.3761,-0.0403476,-0.164546,-0.148841,0.276146,-0.508042,0.452209,-0.967682,0.00961398,0.420025,0.740887,0.416644,-0.00998651,-0.18569,0.0359567,-0.900728,0.590794,0.217386,0.549968,-0.02588,-0.411945,0.342427,-0.330785,0.796947,-0.448765,0.04581,-0.608229,0.222781,0.627924,-0.355898,-0.306864,1.06289,0.909425,1.05287,0.731094,0.426066,0.163983,-0.475279,-0.2264,-0.552297,-0.641513,-0.146619,-1.28175,0.554733,-0.215815,-0.15563,0.391539,0.0722446,1.27459,0.174887,0.520051,0.460185,0.265233,-0.482322,-0.560828,-0.327161,0.0288613,-0.484526,-0.00509435,0.455651,0.735857,-0.156477,0.390425,0.143963,1.16995,-0.298537,-0.511284,-0.216514,1.34176,-0.638999,-0.743444,-0.415388,0.166854,-0.142297,0.126966,0.198445,0.338972,0.448749,0.628575,0.68253,0.571238,-0.313938,0.29181,0.668676,-0.0138684,-0.143364,0.490482,0.565325,0.264605,0.386779,0.456533,0.088721,-0.958625,-0.0283911,-0.0926324,-0.012286,-0.429806,0.982253,-0.185175,0.538274,-0.474615,-0.536285,0.442305,-0.230089,0.426669,-0.684371,-0.604554,0.131776,1.37431,0.52567,-0.282663,0.641008,-0.893831,-0.995024,-0.057667,0.47633,-0.317945,-0.819987,-0.22828,0.0472942,0.812599,-0.0758852,-0.457693,0.564989,0.484821,0.184157,-0.917717,0.329289,-0.564062,0.0285431,0.106065,0.648649,-0.237267,0.21455,-0.718557,-0.420644,-0.449571,-0.945572,-0.322632,0.378601,0.565716,-0.259497,0.397985,0.112055,0.260979,1.06051,-0.668232,-0.0047921,-0.0884698,-0.0915034,0.317773,0.0207566,0.126919,-0.256627,-0.271902,0.442749,-0.435916,-0.0761578,-0.691078,-0.164764,-0.614057,-0.545875,0.0509888,-0.0987711,0.574825,0.332916,0.018488,-0.456779,0.882677,0.464796,0.533357,-0.542783,0.137068,0.266495,0.699524,-0.666465,-0.270584,-1.19925,0.384976,0.806415,0.780156,-0.750318,-0.275016,0.765036,0.288949,-0.330826,0.387442,0.41936,0.907293,0.424094,-0.195896,0.343839,0.376294,0.453131,0.0286072,-0.418814,0.999501,0.521428,0.425548,-0.517475,-0.527081,-1.13596,-0.108647,-0.078234,-0.813475,-0.10128,0.6742,0.182564,-0.942564,0.45917,-1.05337,-0.93186,0.470184,-0.714744,0.609747,-0.313561,-0.266795,-0.5535,0.561107,1.41834,0.371744,-0.25926,-0.776966,0.370419,-0.528636,-0.181992,-0.110606,-0.387472,0.271627,0.0813506,1.12365,0.664156,0.712626,-0.705862,0.000351429,0.159616,-0.173589,0.0621451,-0.135345,0.235444,-0.478534,-0.216732,-0.152491,-0.20599,0.350065,0.00163835,-0.658715,0.652283,-0.244758,0.126697,-0.14349,0.161694,0.00871327,0.0682963,1.17974,0.0315928,-0.392964,0.240731,-1.08284,-0.00175935,0.728178,-0.0425034,-0.436848,0.701576,-0.242523,0.115644,-0.293466,0.974938,0.0766211,-0.553572,0.874151,0.18541,0.0650304,0.323636,0.126589,0.32174,0.725288,-0.31943,0.298646,-0.466375,0.307445,0.316146,-0.470644,0.267228,0.126404,0.813047,0.222301,0.226259,-0.21157,0.0402271,-0.304706,0.154614,0.327121,-0.373525,-0.376966,0.400448,-0.168448,0.213659,0.19967,0.73657,-0.198162,0.546727,-1.06138,0.540975,0.170507,-0.363363,0.213984,0.288549,-0.0145314,-0.0579938,0.150732,0.0693069,0.117908,-0.853152,0.326073,0.544897,-0.0691205,0.739808,0.196488,-0.321522,-0.290286,-0.77055,0.19645,-0.0974623,0.252661,-0.0228733,0.238057,0.530572,0.415835,0.267867,-0.503418,0.00588997,-0.267057,0.777731,-0.764879,-0.300293,0.525193,-0.123612,-0.132868,0.301123,-0.687767,0.658356,-0.335813,0.46686,0.498073,0.591,0.338718,-0.0802594,0.616369,0.928709,0.382748,-0.11549,0.110701,0.0623741,-0.27444,0.713311,2.59727,0.291466,0.173518,-0.193077,0.205308,-0.184778,0.766523,0.290244,-0.0268299,-0.231601,-0.0623857,-0.514547,0.453849,-1.72924,0.781639,0.00246452,-0.26784,-0.39836,0.439134,-0.118159,-0.157044,0.0331365,0.381891,-0.193408,0.2016,-0.905982,0.299335,0.21336,0.727144,0.545505,-0.108132,0.878965,-0.521032,-0.0578752,0.366626,-0.153706,-0.245638,0.790945,0.334828,-0.133442,0.0623674,1.35782,1.04335,0.130247,-0.0782249,-0.345989,-0.188166,-0.823148,0.190627,0.10074,-0.305945,0.0836363,-0.588395,0.392587,-0.0656581,-0.183913,-0.706994,1.10509,0.121214,1.25128,0.630983,0.198749,0.110531,-0.443816,0.21248,-0.778955,-0.436981,-0.0765463,0.123549,0.250215,-0.754262,-0.255746,0.456617,-0.453275,0.551176,-0.0213198,-0.268591,0.0778465,0.72368,0.796846,0.181849,0.257503,0.779407,0.757138,-0.476238,-0.252325,-0.697962,-0.133571,-0.573384,-0.448903,-0.0169961,0.298664,0.0114384,1.57155,0.931667,0.454107,0.227243,-0.576166,-0.395216,0.213615,0.248323,0.848836,0.183177,0.248128,-1.13507,-0.509288,-0.120943,0.248098,0.171847,-0.284081,-0.5269,-0.311424,0.32225,0.0195007,0.120979,-0.0873945,-0.0770478,0.352653,-1.16533,-0.305635,-0.545945,0.723701,0.405093,1.13854,0.441083,0.0289847,-0.545146,0.0651694,0.208864,-0.335006,-0.943424,-0.628257,0.4863,0.037357,-0.587299,0.374908,-0.808954,-0.534645,-0.00565355,-0.34389,-1.11978,-0.347526,-0.129994,-0.284937,0.124934,0.455368,-0.103441,-0.238568,0.454442,-0.714253,0.892965,-0.293699,-0.0569249,-0.568163,0.551679,-0.227893,-0.223586,-0.082835,-0.165636,-0.174388,-0.504724,-0.323615,-0.494931,0.677613,0.576228,0.0196819,-0.276251,0.11506,-0.498471,0.0648612,0.0223067,-1.05336,0.372498,-0.163171,0.621213,0.119435,-0.741743,-0.459154,0.643111,-0.0630186,0.531332,-0.0591208,-0.574319,-0.88141,-0.522089,0.99639,0.791534,0.0389491,0.791528,0.156067,0.595458,0.402644,-0.0921695,-0.832251,0.192734,0.388635,1.13095,-0.460343,-1.00107,-0.604234,-0.0122518,-0.474425,1.00683,-0.887557,0.137348,-0.0987548,0.69985,1.05469,0.399002,-0.579811,-0.0130662,-0.269655,-0.0839724,0.067806,0.748547,0.558032,0.26422,-0.165004,0.661788,1.13582,-0.128925,-0.399211,-0.343611,-0.516961,0.248703,0.360833,0.266738,0.443623,0.280113,-0.202956,0.396689,0.964249,-0.390773,0.0786243,0.0947151,-0.89675,-0.0133493,0.223172,-0.0423612,0.214918,-0.366364,0.141945,-0.142204,0.147738,-0.403601,0.657771,-0.163666,0.313293,0.659129,-0.392969,-0.170023,0.0171009,-0.522073,-0.383803,0.940542,0.736661,-0.107341,1.10861,0.0346638,-0.0035807,0.147901,0.165058,0.849221,-0.0503714,0.140894,-0.385043,-0.044387,0.147381,0.244909,-0.581433,-0.208867,0.311366,-1.41708,-1.07474,0.861777,0.070904,0.660796,0.844424,0.317207,-0.41083,0.617309,-0.518101,-0.398345,-0.247829,-0.0583958,0.552386,0.287262,0.11472,-0.320571,0.0477488,-0.132988,-0.757515,-0.226386,0.230945,-0.162397,0.329164,-0.468682,-0.260037,0.190876,-0.580851,0.285256,0.512457,-1.49102,0.0805279,0.15838,-0.101901,-0.0617843,0.460639,-0.249307,-0.183511,-0.985499,-0.715818,-0.460202,-0.0596576,0.327997,0.0738061,-0.14986,-0.47708,-1.62875,-0.148164,0.499153,-0.280829,-0.167909,-0.382881,0.154257,-0.503847,0.0345676,-0.0428431,0.0831147,0.679763,-0.367046,0.151408,-0.516065,-0.356997,0.826464,0.307786,-0.474993,0.215543,0.869414,1.11945,0.1266,0.0857924,-0.139884,0.564644,0.190066,0.224356,-0.227143,1.26727,-0.373622,0.752432,0.629376,-0.388693,-0.173412,0.0944161,-1.26523,0.0851615,0.325954,-0.117937,-0.201334,0.816917,0.303779,0.407365,0.431887,-0.859498,-0.89127,0.220067,-0.183698,0.448164,0.679103,-0.0517508,-1.14666,0.376231,-0.111728,-0.226986,0.0242753,0.421387,0.895982,-0.753183,-0.041094,0.561812,-0.10582,0.265983,0.0812078,-0.327761,-0.125741,0.161706,-0.471034,0.133691,0.291671,0.423716,0.246367,-0.710042,-0.9149,0.44347,0.215507,0.0329035,0.0962582,0.585435,-0.658126,-0.849074,-0.172932,-0.347092,-0.144429,-0.554994,0.115182,-0.436663,0.626941,-0.070906,1.19024,0.304709,-0.248922,-0.806353,-0.343961,0.495306,0.718728,0.078833,0.153638,0.474571,0.242505,0.0293777,0.475256,0.290634,-0.302664,-0.196443,-0.328014,1.21639,0.0857212,1.04912,0.716592,-0.765298,-0.504649,0.00547072,-0.0687445,0.0938338,-0.989977,0.0306096,-0.422104,1.17558,-0.291742,0.366971,-0.676996,0.256365,-0.132077,-0.852861,-0.396653,-0.770401,0.425003,-0.710748,0.652335,0.858976,-0.489582,-0.72495,0.334185,-0.959486,-0.0319017,0.16199,0.0987491,-0.0489852,-0.479924,-0.0734313,-0.26748,0.275621,0.150418,0.867073,-0.38466,-0.589841,-0.330267,0.512923,-0.341023,-0.585145,-0.826537,0.0999123,0.252552,0.0230171,0.17203,-0.704729,-0.4096,0.333112,-0.0570203,0.0191128,-0.345957,-0.325086,-0.645848,0.554295,-0.12403,0.302855,0.8269,-0.0990341,0.132874,0.0118952,-0.288576,0.277837,0.740738,0.00784513,0.0258314,0.0454052,0.360141,-0.798904,-0.714989,0.306973,-0.346498,0.0169357,0.656827,0.341985,-0.370167,-0.228865,0.272967,0.422473,0.433395,-0.444116,-0.290885,-0.457003,-0.206859,0.512667,0.0915052,-0.201361,-0.891502,-0.798292,0.165914,-0.426943,-0.174179,-0.228237,-0.674546,-0.271441,0.0902724,-0.103426,-0.0730884,0.735963,-0.658353,0.103563,0.497535,-0.436509,-0.251862,-0.527339,-0.553478,-0.547446,0.569505,1.15271,0.365606,-0.396494,-0.145748,-0.412286,-0.311607,0.259293,-0.611237,0.153599,0.308362,-0.268459,0.164742,0.263087,0.389349,-0.508952,0.622359,0.251098,0.20265,0.507045,-0.0187771,0.472592,-0.489965,-0.232976,0.244883,-0.701921,-0.608558,0.302466,0.369204,-0.246613,-0.181395,0.695029,-0.343938,0.484913,-0.0903623,0.460567,-0.764464,0.537907,0.636418,0.493147,0.0367381,-0.238717,-0.21413,0.538203,0.287438,-0.0202445,-0.291455,-0.0600978,0.480298,-1.04272,-0.625648,0.610467,-0.325436,0.157801,-0.559151,0.279498,-0.240489,0.0968214,0.510511,-0.412893,0.263973,0.601627,0.0699131,-0.696383,-0.101213,0.818494,-0.131024,-0.225796,0.281732,0.0849638,-0.821762,0.636944,-0.60013,-0.248597,-0.121659,0.664254,-0.00739979,0.513829,0.165534,1.58199,-0.658199,-1.00064,-0.521135,0.0375626,0.537865,0.471654,0.481118,-0.0821789,-0.524291,-0.0494788,-0.710545,-0.0581534,0.191159,-0.29684,-0.535286,-0.839386,-0.40268,0.511497,0.219315,0.581303,0.188866,0.380442,0.257194,0.222649,0.225121,-0.0205645,0.392122,-0.336098,-0.705442,0.413792,0.29547,0.950553,-0.0387596,0.0237949,-0.123596,-0.0882216,-0.483613,0.794626,0.511482,0.459471,0.717492,0.360784,-0.181697,-0.313584,0.694704,-0.0698724,-1.05894,0.067224,0.522269,-0.0630665,-0.124978,0.0442088,0.498258,-1.25819,0.0197893,-0.201205,0.229137,-0.18131,-0.0855129,0.0496547,0.282456,-0.765477,-0.408954,-0.445423,0.428398,1.23354,0.438719,-0.0758673,-0.509772,0.115343,0.707003,0.0576095,-0.133736,0.087913,-0.0250427,0.0747285,0.0785311,0.920077,-0.0345119,0.712632,0.884652,0.516239,-0.481169,0.19422,0.220227,0.177295,0.383548,-0.645385,-0.466687,0.296949,-0.192746,0.118739,0.179719,1.04429,0.0147023,-0.0728805,-0.167093,-0.200845,-0.416565,0.423225,0.632404,0.574877,-0.606291,-0.350921,-0.274848,0.944156,-0.0293329,0.25466,0.3771,0.124307,-0.675477,0.381944,0.0458366,0.363184,0.238293,-0.739382,-0.698383,0.122296,-0.39188,0.341749,0.00672725,-0.623191,0.576914,-0.189387,0.522092,0.236309,0.881812,0.405671,0.357327,-0.0519141,-0.0922354,0.105336,0.277133,-0.624837,0.0101824,0.371905,0.322253,0.636465,-0.282463,0.437746,-0.758129,-0.0896608,0.413965,0.0421578,-0.941287,0.171085,-0.84,-0.0680677,0.209499,1.10006,0.57615,-0.352483,-1.08624,-0.0591425,-0.299916,-0.00964169,0.243599,-0.734709,0.126855,0.586763,-0.475082,0.916413,0.311965,0.358577,-0.243241,0.0830655,1.50945,0.0117391,1.26742,-0.133848,-0.39177,-0.146465,-0.221641,0.119452,-0.171386,0.578269,0.461625,0.639803,-0.11794,0.547875,0.655945,-0.294186,0.129892,0.230213,0.104148,-0.244609,-0.882146,-0.383835,-0.213958,0.0870688,0.431957,0.629348,-0.0546527,-0.454641,-0.552859,-0.920724,0.383127,-0.344025,0.393329,-0.48527,-0.224939,0.0594112,0.483627,0.391914,-0.0729935,-0.222669,0.36692,-0.210248,-0.261885,-0.881184,0.201276,-0.677399,0.586796,0.0469979,-0.57169,-0.382697,0.21249,-1.06083,0.152271,-0.128189,-0.217657,-0.313694,-0.0896395,0.0648126,0.927506,1.06328,0.290191,-0.24858,-0.524232,-0.465723,0.0693829,-0.113712,-0.375352,-0.0359756,-0.601946,0.655272,0.327342,0.420965,0.555308,-0.258,-0.899165,-0.115108,0.630073,-0.550379,0.214085,0.818029,0.446584,-0.422036,0.0324215,-0.0563956,0.80367,-0.0128095,-0.325764,0.119576,-0.1233,-0.915887,-0.696376,-0.705447,0.0445045,-0.108679,-0.220113,-0.0744262,-0.74307,-0.650095,0.120885,-0.330203,-0.253289,-0.130155,0.08538,0.41456,0.743156,-0.293279,0.424461,0.389331,0.0931624,0.271472,-0.0921662,-0.0911118,0.156521,-0.323652,0.339896,-0.379125,0.0257751,0.089247,0.850822,0.370275,0.314428,0.505857,-0.127003,-0.071632,-0.219148,-0.10939,0.221389,0.00807746,0.153875,-0.161464,-0.676286,0.117302,1.00741,0.0949375,-0.144835,-0.596518,0.396704,-0.404458,-0.42786,-0.128543,1.06223,0.145361,0.0390972,-0.662143,-0.300293,0.872396,0.0437918,0.00413774,0.107368,-0.167216,0.14779,-0.16033,0.474258,0.361347,-0.728133,-0.779189,0.0709981,-0.623947,0.107672,-0.205136,0.173893,-1.06281,-0.484729,-0.236876,0.155459,-0.211355,0.25954,0.496127,-0.225423,0.277779,-0.91773,0.02542,0.38895,0.486576,-0.0570812,-1.45071,0.609182,-0.197704,-0.169214,0.612582,0.235198,0.0276083,0.205684,0.024271,-0.52276,-0.33211,0.172125,-0.255335,0.32839,0.354737,-0.098811,-0.223481,0.286579,0.351697,0.695998,-0.159628,0.0340714,-0.00553767,0.523898,-0.472788,0.111214,-0.577646,0.480921,-0.376379,0.266679,0.608897,0.19963,-0.186351,-0.175866,0.507328,-0.0457266,0.24373,-0.174207,-0.163746,0.221727,0.201444,-0.32276,0.00317328,0.321556,0.863459,-0.229173,0.81603,-0.0434875,0.296132,0.0824431,-0.15455,0.136866,-0.00133289,-0.417245,0.358703,-1.07339,1.97656,-0.151966,0.258488,0.6943,-0.458429,-0.252191,0.935825,-0.0960758,-0.284943,0.138159,0.0698763,-0.00471492,-0.0536345,0.682005,-0.592599,0.343775,0.701748,-0.104609,0.18081,0.168651,-0.394801,-0.408839,0.568641,0.23093,0.194561,-0.443641,0.328273,-0.36853,0.627827,-0.680797,0.590356,-0.491173,-0.351979,-0.150455,0.125195,0.701409,1.22555,0.165532,0.042234,0.480648,-0.542428,0.299902,-0.21908,-0.157219,-0.50142,-0.462958,-0.627719,0.111526,-0.0989938,-0.0279387,-1.05955,-1.00012,-0.216486,-0.715999,-0.170032,-0.26798,0.14464,0.181788,0.0889424,-0.130698,-0.739704,-0.46987,-0.355707,-0.409262,0.664041,0.261591,-0.244723,0.937134,0.592557,0.118814,-0.466736,-0.453666,0.264315,0.934261,-0.0896058,0.356148,0.388291,-0.152811,0.548078,-0.205195,0.320741,0.27449,-0.254509,0.35856,-0.233853,-0.935055,-0.146691,-0.384907,0.0735109,-0.0217859,-0.342791,0.284984,-0.768323,-0.736247,-0.148713,0.247064,-0.167559,0.375709,0.194352,0.352545,0.334523,0.197236,0.130755,1.02112,-0.600943,0.978633,-0.906343,0.590985,-0.197432,0.98189,0.75122,-0.543544,0.279665,-0.548734,0.229321,0.393415,-0.00953381,0.519479,-0.760369,0.609989,0.012272,-0.819519,0.571675,-0.545799,0.104992,0.489155,-0.517268,0.609221,-0.438981,-0.447772,0.7052,0.218112,-0.858359,-0.665616,0.373714,0.284094,0.376999,0.145754,-0.677297,0.0547976,-0.230691,-0.519962,0.1083,0.169051,-0.0196609,-0.00480713,0.0688706,0.292762,-0.152901,0.19685,-0.174615,0.301862,0.241307,-0.764571,0.78298,-0.703502,-0.743292,-0.241267,0.605489,0.897802,-0.116892,-0.277665,-0.842477,0.227239,-0.177563,-0.898202,0.366078,0.295457,-0.136105,0.478673,-0.479128,0.0552601,-0.411049,-0.0278708,-0.475614,1.15302,-0.718678,1.36642,-0.0365808,-0.540539,0.371759,0.171162,0.0216116,-0.387384,-0.8124,0.644309,0.292998,-0.138168,-0.356736,0.330231,-0.159147,-1.03558,-0.204575,-0.829767,-0.298474,0.170392,-0.679448,0.239107,-0.0305781,0.260803,-0.224096,0.759678,-0.267262,-0.834837,0.451757,-0.33632,0.25704,-0.0231502,-0.24024,-0.110294,-0.078975,0.582545,0.956505,0.180825,0.48025,1.52882,-0.531936,-0.106898,-0.131575,-0.579534,0.155145,0.203738,0.0529988,0.819921,0.833785,0.172877,0.444926,-0.0505641,0.0905426,0.73568,0.542265,-0.527722,-0.184126,-0.257959,-0.0244751,-0.69789,0.0220289,-0.112065,-0.802813,-0.0209912,0.463353,-0.532233,-0.680391,-0.262724,0.561295,0.00864495,-0.39427,0.177975,0.766873,-0.0160483,-0.490262,-0.398665,0.165086,0.325125,-0.585403,0.615164,0.342593,-0.216549,0.312264,0.0610411,0.433305,0.246939,-0.144963,-0.0102777,-0.272021,0.362818,0.387308,-0.172521,0.0192149,1.25921,0.647844,0.0811139,-1.03151,-0.560234,0.0520721,0.539114,-0.00594033,-0.344695,0.32733,0.829859,0.576719,-0.0554298,0.49293,-0.457968,0.838015,-0.182727,-0.356837,0.573262,0.870586,0.994577,0.168301,0.840042,0.365339,0.30048,-0.15845,0.55545,-0.36195,0.996774,-0.239038,-0.690139,0.35428,0.45633,0.330944,0.432362,-0.292976,-0.946074,-0.569389,-0.0618928,0.553454,-0.493679,0.890741,0.997449,-0.305061,1.50512,0.177756,0.53777,0.194712,-0.202149,-0.683318,0.0563385,0.211254,-0.650154,0.415864,0.0115085,-0.778236,0.0787971,0.211701,0.0273465,-0.34283,0.41717,-0.0530983,-0.031399,0.035328,-0.033867,-0.121479,0.00304535,0.0101484,0.0663977,-0.15146,0.17309,0.231105,0.129038,0.0905783,-0.0630075,-0.0867315,0.295766,0.0407498,0.135948,0.173781,-0.0900018,-0.120618,-0.121557,0.108246,0.0680265,-0.000467554,-0.00454041,-0.0498896,0.139764,0.0844191,-0.107671,0.0459406,0.0357321,0.167326,0.118387,-0.115964,-0.0649808,-0.0685183,0.149109,0.128401,0.0155791,-0.0401749,0.0983179,-0.0977946,-0.0802195,0.101508,-0.277433,-0.281317,-0.125889,0.0175761,-0.0964491,0.171777,-0.0910221,0.0845691,-0.0936518,0.101244,-0.088699,-0.0328364,-0.020198,-0.212432,0.0870241,0.054036,0.166438,-0.107807,0.0483063,-0.369301,-0.101804,0.229043,-0.0105021,-0.187225,-0.203975,0.103751,-0.0345132,0.113411,-0.0472176,0.0677064,-0.15416,-0.0360392,-0.0948003,0.0242872,0.0586578,0.0517614,0.0482625,-0.111396,0.0815214,0.0430611,0.0131937,-0.073617,0.197572,-0.163254,0.203338,0.0712759,-0.0575758,0.0854599,-0.0327805,0.0263584,-0.096839,-0.192598,0.152813,0.200515,-0.0785709,0.129566,-0.0947217,0.103359,0.100184,-0.0803882,-0.0202095,0.1692,0.12953,-0.217686,-0.0227196,-0.0630923,0.0632899,-0.0787245,-0.145396,-0.201235,0.0841284,0.155871,-0.178112,-0.0893839,-0.0407889,0.0674157,0.00660436,0.0339201,-0.0363088,0.0289144,-0.0560326,0.0510622,-0.0285075,0.108587,-0.0711778,0.0232152,-0.0153453,-0.236373,-0.0129762,0.0615541,-0.0382642,-0.138584,0.0579495,0.0386473,-0.0974206,-0.126183,-0.0595044,0.227922,-0.052592,0.0473673,0.0745062,0.107214,0.263038,-0.0123598,-0.223478,-0.248405,-0.226624,0.000848749,-0.04405,-0.146222,-0.00457212,0.118759,-0.204461,-0.231714,0.0898994,0.0288771,-0.0869398,0.126862,0.184126,-0.0613585,0.236629,0.212481,0.111519,0.113633,-0.0581764,-0.0942745,0.131604,0.106405,-0.043314,-0.157277,0.0106132,0.0621553,-0.185539,-0.0928336,0.183313,0.0999145,-0.0888152,0.012355,0.124352,-0.0302799,-0.073702,0.0421608,0.201851,-0.129852,-0.0964797,0.0340097,-0.197457,-0.0904309,-0.0789741,0.228974,0.0541365,-0.132092,0.0825877,0.127839,0.00203096,-0.135972,-0.119786,0.0361852,0.20658,0.171874,-0.129013,0.0543534,0.118865,0.0617271,0.100739,-0.06593,-0.174655,-0.124628,0.0535553,-0.138733,0.140731,0.0565237,-0.247695,-0.178507,0.192222,0.239099,-0.00901612,0.0417991,-0.0482474,0.116409,-0.150107,-0.110244,0.0775318,0.0639283,-0.422913,-0.0851991,-0.0364079,-0.00574891,-0.0288765,0.0113758,0.141048,-0.0551827,0.100258,-0.0533189,-0.136939,-0.13129,-0.155615,-0.115179,-0.0638145,0.102562,-0.0144805,0.129482,0.0688338,0.00636169,0.113855,-0.0909586,0.0927439,0.0133613,0.0746786,-0.0322494,-0.170076,-0.0247476,-0.0403974,-0.0564196,-0.149605,0.066273,-0.117681,-0.0576216,-0.0606733,0.166766,-0.038791,-0.0332798,0.0237617,-0.0430315,-0.0585743,0.20023,0.167672,0.0793053,-0.093735,0.18182,0.0342109,0.052334,0.052023,0.195629,0.0790354,-0.0958398,-0.0850224,0.158582,-0.0406958,-0.067171,0.0486823,-0.0695486,-0.0953899,0.00187318,-0.361262,-0.0695775,-0.23596,-0.199273,0.210493,-0.0843195,0.191213,0.00572216,0.0912594,0.104661,-0.151148,-0.0152283,-0.0771084,-0.0802558,-0.106379,0.0379717,0.154864,0.00484641,0.0218443,0.0908285,0.164194,0.0357088,-0.0285933,0.0594016,0.101883,0.0193489,-0.0539074,-0.0116982,0.0285755,-0.0582026,-0.0682643,-0.0244604,0.078752,0.0666499,-0.0521805,-0.113459,-0.256283,0.0525507,0.0956612,-0.050861,-0.191413,0.0188436,0.267246,-0.0665374,-0.21083,0.0432272,-0.0465834,-0.079639,0.150213,0.0457691,-0.0911894,-0.196407,0.0259293,0.120846,0.082772,-0.0183616,-0.0845819,0.104353,-0.00581117,-0.0717087,-0.070814,-0.107118,-0.0617952,-0.0355771,-0.106007,-0.222083,0.0264261,0.0436267,-0.0175276,-0.173217,-0.286972,0.0688488,-0.235774,0.0848133,0.0353884,-0.0243582,0.12419,0.219916,0.0182676,-0.224147,-0.117054,-0.00848988,-0.122423,-0.134844,-0.113533,0.149052,-0.0173363,-0.338529,0.0312991,0.185533,-0.110742,0.184235,-0.0518129,-0.147068,0.124872,0.217814,0.127056,-0.156257,0.202097,-0.0526192,0.11863,0.00951649,-0.103584,-0.176753,-0.0349232,0.133567,0.133295,0.255006,0.0806966,-0.1912,0.00514093,0.0153363,0.23005,0.0075673,0.0256452,0.0860138,0.0314944,0.000905935,-0.284095,0.0223965,0.117766,0.00604171,-0.0448892,0.0536023,-0.221822,-0.100946,0.0269945,0.035328,-0.131008,-0.0337378,0.217566,-0.0577546,0.0860083,0.258919,0.0341085,-0.171034,-0.147783,-0.0777039,0.132675,-0.0540728,-0.0525527,-0.0394303,0.329023,0.0758306,-0.129016,0.0753842,0.0678848,0.0389688,0.124686,0.0858332,0.0292745,-0.119354,0.098074,0.0080572,0.0651286,-0.0182636,-0.00147329,-0.129682,-0.116993,-0.0721495,-0.217746,-0.268647,0.0801759,-0.0656178,0.0813541,-0.0187675,0.0820987,-0.0811972,-0.264363,0.0373081,-0.0278968,0.120152,-0.190779,-0.140805,-0.102785,0.0758126,-0.0852697,0.0502404,-0.0222479,0.0675607,0.0121469,-0.303639,-0.0234493,-0.146897,0.101244,0.0372073,-0.00806782,0.109014,0.0650477,-0.133061,0.0204485,-0.143404,0.00126429,0.146592,0.000870012,0.219054,-4.07472e-05,-0.0404152,0.0490325,-0.171367,-0.00569664,0.308803,-0.0538449,-0.132161,0.208785,0.0900151,0.0623889,-0.0453442,-0.176304,-0.0807306,0.059641,0.326646,-0.0649382,-0.256122,-0.170484,0.205974,0.00529623,0.166816,-0.0162903,0.314635,-0.0618993,0.123529,0.0644818,-0.220041,0.0629378,0.0405846,0.00450013,-0.0784433,-0.0752435,-0.0312433,0.0313163,-0.107334,-0.101252,-0.07475,0.0726261,0.00882472,0.00747193,-0.136158,0.0124246,0.0467601,0.00662363,-0.0443364,0.0258216,0.147275,0.0681394,0.175186,-0.223637,0.0335762,0.0155732,-0.10092,-0.150143,-0.0288571,-0.195654,0.0286715,0.113424,-0.034185,0.127985,0.0473515,-0.111921,-0.0416107,-0.102641,-0.0788164,0.01529,-0.0902483,-0.0299983,-0.0470886,0.091441,0.0813412,0.0379866,-0.0664277,0.338716,-0.0446154,0.271666,0.00974302,-0.0357581,-0.0597691,0.0868111,0.0190827,0.0960852,0.00756462,0.0147426,0.196728,-0.089763,0.168162,0.108459,0.0183502,0.108047,0.0822663,0.0318056,0.0966549,-0.201298,0.0421429,0.118147,0.102836,-0.221731,0.180401,-0.108023,-0.0254828,0.0793872,-0.119683,-0.0335959,0.19005,-0.0103491,-0.0965871,-0.0607688,-0.0978852,-0.0430742,-0.0517481,0.117016,0.159702,0.0829098,0.166657,0.0891965,-0.0744832,0.021185,-0.0603563,0.0634117,-0.0533913,-0.066518,0.190999,-0.137641,0.0803727,-0.0190182,0.0667166,0.0231478,0.0284771,-0.124188,0.0651261,0.111162,0.0349956,0.0293368,0.0709707,-0.108858,0.150165,0.0115744,-0.331023,0.0382288,-0.095387,-0.0194747,-0.0554201,-0.0579443,0.0610747,-0.010697,0.0183113,-0.138976,0.0136257,0.113629,0.17018,0.0916261,0.126365,0.0859705,0.143228,0.0376624,-0.123586,0.0488136,-0.0443826,-0.0746626,0.00741738,-0.107884,-0.0920318,-0.0235277,-0.0728988,0.156791,0.116695,0.0355737,-0.414473,0.014862,0.00148778,0.0690823,0.100216,0.0809882,0.00538621,0.0204402,-0.0939993,0.0918644,0.0252066,-0.0261815,-0.259558,-0.128555,-0.0560527,-0.119306,0.20744,-0.00294173,0.207858,0.0112953,-0.00791976,-0.144289,0.0359827,0.103457,0.00204224,0.0340011,-0.208552,-0.0847636,0.0187247,-0.129094,0.0112035,-0.0175727,-0.0112265,0.0914414,0.102794,-0.0537336,-0.151108,0.169567,-0.123055,-0.239507,0.0320904,-0.1408,-0.141672,-0.0445066,-0.00591429,-0.255393,0.0635822,0.174994,-0.0721247,-0.00690935,-0.229242,-0.037344,0.231147,-0.0479827,0.151046,-0.0165218,-0.195528,-0.00576887,0.134796,-0.100917,0.143913,0.0964777,-0.181568,-0.165128,0.0600102,0.0400171,0.0383721,0.0365456,0.117561,-0.115229,-0.294227,-0.0303349,-0.00560254,-0.0993571,0.0913242,0.0897037,0.185718,0.141995,0.0970306,-0.0569701,0.208789,-0.117272,-0.159723,0.162032,-0.118316,0.11514,-0.0294569,0.0167094,-0.0348634,-0.00422734,-0.0106719,-0.116405,0.142148,0.0783976,-0.276103,-0.251883,-0.0107026,0.0640864,0.147497,0.00879183,0.193069,-0.137527,-0.0246558,-0.259754,-0.0560852,-0.120967,-0.0328526,-0.107007,0.119152,-0.162936,-0.159483,-0.223936,-0.281423,-0.00279041,-0.110961,0.053029,-0.174734,0.268154,-0.13785,0.0955663,-0.173013,0.0310703,0.164863,-0.0278205,-0.115454,-0.146854,-0.0317565,-0.0140062,0.170284,-0.0287434,0.0870557,-0.248872,-0.0813856,0.0647675,0.016144,-0.0195874,0.0494003,0.0773529,0.0906565,-0.238952,0.363432,-0.125731,0.115229,0.0612079,0.226762,0.0541302,0.101337,-0.137776,-0.0711847,-0.00853672,-0.0835073,-0.168602,0.241694,0.0368451,-0.0838493,0.112724,0.0938025,-0.0598151,-0.0692864,-0.0920328,0.0824221,-0.0375374,-0.244266,-0.0570587,0.0636587,0.0279056,0.0518969,-0.0965917,-0.167252,0.0990171,0.00640113,-0.0588606,-0.234926,0.0534062,-0.117557,0.196528,0.12087,0.00395377,0.0184776,0.0864667,-0.0720213,-0.0414694,-0.114392,-0.0177039,0.305519,0.0878426,0.108834,0.002498,-0.0327132,0.00445421,0.0856821,-0.0364791,-0.119135,0.159183,-0.0330542,-0.127262,0.0082675,0.0276427,-0.102706,0.00684145,-0.0511032,0.183117,0.146641,-0.0895225,0.0864083,-0.0109091,0.123804,0.0313001,0.243242,0.000395909,-0.0265652,-0.128177,0.13917,-0.141351,0.0133747,-0.196717,-0.040844,-0.0384259,0.350473,-0.0986395,0.0355347,-0.0823126,-0.1734,0.151879,-0.29033,0.147513,0.0900494,-0.136581,0.00150463,0.178082,0.0907477,-0.0111507,-0.0201262,-0.335232,-0.10276,-0.0558435,0.0170418,-0.115659,0.228652,0.0912773,0.0379773,0.072009,-0.218659,-0.0125446,0.0472677,-0.0489773,0.177716,0.0576858,0.0429268,-0.178841,0.181499,-0.0446533,0.203946,-0.155664,0.0130431,0.37568,-0.13856,0.241341,-3.81097e-06,0.124443,-0.188191,-0.0696471,0.0341347,0.0441317,-0.192593,0.131114,0.0959055,0.0261098,0.107941,0.0342057,-0.0424613,-0.0178268,0.179891,-0.12119,-0.0619235,0.162605,-0.00305754,-0.0684003,-0.2361,-0.0131556,0.0113264,-0.0474813,0.0536142,0.0983328,0.224819,-0.0942471,-0.0690806,-0.130675,-0.0943512,0.133525,-0.109315,-0.0615316,0.170155,0.165107,-0.0359266,-0.27611,0.0125324,0.132474,0.0145577,-0.0769222,-0.0157019,-0.0947348,0.0934179,0.0486156,-0.104046,0.0160967,0.0179104,-0.141606,0.0300575,-0.114136,-0.0455709,-0.0103566,0.340831,-0.0655026,0.0479924,0.0754297,0.0986909,-0.0218278,0.0775104,0.107932,-0.03124,-0.13659,0.154043,0.0423351,-0.0785159,0.0640575,0.0275044,0.0417076,0.111078,-0.105653,-0.0634561,-0.0334165,0.193073,0.0741145,0.212434,-0.0212678,-0.0623175,-0.170755,0.0605025,0.0860776,-0.0440583,0.0133445,-0.282688,-0.11741,-0.141776,-0.0530003,-0.0302133,0.0772758,-0.155601,0.0854264,-0.0531089,-0.123917,0.140284,0.0950928,0.0775368,-0.118615,-0.112365,-0.183536,-0.0427976,-0.0169256,-0.0368354,-0.190504,0.00422788,-0.0314458,0.133875,-0.242299,-0.0864258,0.228241,-0.0521851,0.0385859,0.131521,-0.194063,-0.0708968,-0.0284553,-0.0914677,0.0529727,0.165276,0.159892,-0.108976,-0.0773176,0.222055,0.117206,-0.0937575,-0.0825549,-0.189995,0.169907,0.135142,0.159632,0.0419868,-0.0902995,0.165613,0.0156924,0.167213,-0.0778847,0.0959704,-0.145376,-0.084089,-0.0583615,-0.172877,-0.00982961,0.128883,-0.0267077,0.222404,0.150476,-0.0293583,-0.286968,-0.00411407,-0.0874747,-0.120005,-0.106821,0.14663,-0.0246478,0.0651655,-0.183997,-0.107723,-0.0501136,0.117862,-0.146503,-0.0763892,0.0856189,-0.0107356,0.0347999,-0.0194429,0.0177052,-0.0471184,0.289307,-0.0374728,-0.0824752,-0.183236,-0.00978771,-0.00900494,-0.167196,-0.109195,-0.0811535,0.1531,-0.0589368,0.242745,-0.136192,-0.00624283,0.0353851,0.0979661,-0.182086,-0.0544898,-0.0473891,-0.000909563,0.176626,-0.0354803,-0.261586,-0.192114,0.0610035,-0.185201,-0.0770991,0.000953177,0.144885,0.208323,-0.0526356,0.170877,-0.185535,-0.0364657,-0.0841895,-0.0162281,-0.000245051,0.0908251,0.0444011,0.187622,-0.0207743,0.146665,0.00409722,-0.049287,0.186408,-0.00289104,-0.0754752,0.0263891,0.0832215,0.275194,0.236988,-0.120816,-0.0712453,0.0510277,0.058898,0.0187915,0.0176901,-0.0187941,0.20722,0.037777,-0.071058,-0.0690737,-0.172079,0.102623,0.0360608,-0.0400469,0.0169208,0.0749399,-0.12569,-0.121069,-0.142541,-0.0412048,0.212076,-0.114982,-0.121454,-0.224196,-0.0853321,-0.134323,0.0225043,0.0215213,0.000286868,-0.144143,-0.0672121,-0.252095,-0.014285,0.191227,-0.163909,-0.155524,0.216363,0.119585,0.057532,-0.0113562,-0.0206842,0.0627381,-0.178131,-0.0771649,0.135425,0.0437929,0.113457,0.203797,-0.0456008,-0.113457,-0.0696347,0.0578332,-0.00319855,0.0164518,-0.191583,0.0346403,-0.125754,0.0549239,0.00267032,-0.000575816,-0.00733939,-0.0765115,0.0691363,0.0479287,0.146071,0.0927098,0.158847,-0.0609866,0.0755364,-0.0848856,-0.146567,-0.0882638,-0.206,-0.0890002,0.19417,0.413563,0.301375,-0.0990745,0.144946,0.0687771,0.19757,-0.104274,-0.144138,0.0296606,0.0525466,0.0417526,0.211997,0.0415515,-0.083691,0.148939,-0.0272559,-0.0970191,0.118686,-0.068296,0.00490153,0.227092,0.0655831,0.0623796,0.0385501,-0.171194,0.0479605,-0.0383659,-0.183795,0.0824878,-0.0916303,0.0775285,0.0136218,-0.0360974,-0.0570278,0.0697015,-0.118787,-0.148182,0.129395,-0.0479082,0.0928985,-0.142205,0.168858,-0.0793434,0.0635003,0.0573605,0.255172,-0.0315181,0.0430179,-0.199546,-0.0902233,-0.0546641,0.0382339,0.0632744,0.115605,-0.0449282,-0.127061,0.0486817,0.125458,-0.317594,0.101947,-0.0607103,-0.178117,-0.104681,-0.0991857,-0.0591222,0.0532401,-0.292551,-0.122535,-0.0765219,0.279455,0.0581122,-0.0814575,-0.0718956,-0.125058,0.0437096,0.19072,-0.196563,-0.0302968,0.0608575,-0.258587,0.0498346,-0.298053,-0.0855098,0.0571255,0.154912,-0.00673985,-0.0840576,-0.109355,0.0984871,0.0864617,-0.166652,-0.0365728,0.104278,-0.0601747,0.123962,0.128021,-0.0316207,0.146492,-0.0165052,-0.320435,-0.000584023,0.062689,-0.0258003,-0.0348194,0.12335,0.0884035,0.0128462,0.164577,0.152913,-0.0961675,0.0288938,-0.176196,-0.0679913,0.102926,-0.0249579,-0.118266,-0.121667,-0.153774,0.0229772,-0.0109661,0.142962,-0.0947153,0.0893697,-0.0730538,0.169893,0.0400359,0.180814,0.0350485,0.0789234,-0.103913,0.041693,-0.236703,0.159784,0.203002,0.142291,-0.0180021,-0.0684168,-0.173514,-0.0191454,0.127709,-0.190589,0.0728915,-0.0469478,0.155401,0.0272721,-0.0197148,0.145552,0.122112,-0.141381,-0.115941,0.101031,-0.0387574,0.0544932,-0.0967962,-0.0209676,0.0102181,-0.00583646,-0.0106657,0.128516,-0.00700838,0.068212,-0.189938,-0.0167678,0.18601,-0.0629466,0.0213118,0.164926,0.128042,-0.164864,0.00332393,0.0286751,0.055913,-0.0601326,0.0570947,0.103328,-0.0913143,0.197416,0.0192166,0.000761937,0.0545714,0.198435,0.127007,-0.0273889,0.0159497,-0.0436495,-0.153237,-0.00189435,0.0192396,-0.0280551,0.176775,0.0805871,-0.0672492,0.078981,0.0368075,0.111727,-0.101869,0.0334248,-0.0214182,-0.0293823,0.133214,0.0162312,0.092198,0.095457,-0.00870054,-0.00319998,0.0219821,0.157439,0.112905,-0.0561552,-0.301866,-0.0435343,0.0410379,-0.215757,0.278375,-0.0137834,0.099976,-0.042475,0.121348,-0.200165,0.22568,0.157801,-0.157465,-0.0396504,0.0756425,-0.170489,0.0847195,0.046678,-0.0671912,-0.115606,0.0892815,0.0753618,0.0649002,-0.00669038,-0.0451694,0.0620771,-0.0376583,-0.0262412,-0.0665679,-0.0403151,-0.00134496,0.0771161,-0.023037,0.0232735,0.0616749,0.0401816,0.0026185,0.0697635,0.104078,0.0848461,0.218245,0.0194272,-0.095985,-0.0054255,0.176504,-0.171939,-0.0732487,0.203448,0.112815,-0.0552534,-0.246829,0.196166,-0.0808393,0.00097964,0.0591792,-0.152402,-0.0466152,0.0417043,-0.0623989,-0.0490075,-0.0293206,-0.1594,0.337502,-0.157208,0.117338,0.25167,0.033897,-0.00283115,0.0951546,0.0563554,0.0801183,-0.0201753,-0.146153,0.192392,-0.0403564,-0.0961704,-0.0410668,0.0520074,0.0813431,-0.0192846,0.146853,0.094571,0.0343048,-0.183177,-0.176256,0.103378,0.00318626,-0.184208,0.0764612,-0.136756,0.0491375,-0.0827398,-0.00858181,0.0170457,0.00807916,0.0568732,-0.00972191,-0.00612612,0.0722321,0.139488,-0.103117,0.13591,-0.137995,-0.0468488,0.107134,0.194899,-0.326979,0.147562,0.138938,0.205328,-0.0953933,-0.0728275,-0.114792,0.0420067,-0.19244,-0.128359,-0.0349955,-0.209376,-0.0253157,-0.177588,-0.101504,0.113351,-0.0483544,0.0116152,0.0175518,0.125087,0.101478,0.0144786,-0.273232,-0.215045,0.17387,-0.110952,0.0437867,0.083141,-0.307821,0.0809242,-0.140979,-0.127451,-0.355746,0.344135,0.0220371,0.140354,-0.0496705,0.258934,0.0642757,-0.0139703,0.322751,-0.187086,0.0044726,0.000591233,-0.0196597,0.207143,-0.0023302,0.103637,-0.0673857,-0.165879,-0.0779628,0.0184064,0.0678248,0.0642091,0.131816,-0.00872185,0.131236,0.223411,-0.107223,0.00647502,0.0255538,-0.0152289,-0.39246,0.0283323,-0.0197532,-0.140539,0.0379202,0.0381549,-0.195006,0.142091,-0.225633,0.267217,0.0224,-0.177623,0.00548239,0.0342055,-0.0207819,-0.00053294,-0.0492872,-0.0734186,-0.0404598,-0.203397,0.0560297,0.147177,-0.0148039,-0.0523697,-0.0285872,0.0299621,0.0199905,0.108356,-0.111125,0.0283353,-0.100207,0.0657486,-0.113445,-0.158981,-0.0807482,-0.0623293,-0.33576,-0.0305465,-0.0482875,-0.0392254,0.168624,0.0802019,0.288568,0.226858,0.13756,-0.0299187,-0.0676962,0.205428,0.0394371,-0.00133879,-0.05545,0.183223,0.00492991,0.0594405,0.306227,-0.135358,0.103027,0.316764,-0.104799,0.038268,-0.00421847,-0.101592,-0.169768,-0.239929,-0.131183,0.0367892,-0.069438,-0.0425807,-0.138612,-0.253731,0.0643594,0.0872637,-0.210296,-0.103207,0.154189,-0.141929,-0.00814267,-0.0537664,-0.087147,0.119166,0.270916,0.0865063,-0.203256,0.27037,-0.104914,0.0805957,0.135746,-0.0668817,-0.105884,-0.0518717,-0.108898,-0.158282,-0.197578,-0.0388485,-0.00203766,-0.0356896,-0.0642294,-0.0308796,0.18839,-0.226842,0.0559751,-0.0666814,0.122524,-0.100441,0.0455009,-0.246321,-0.216157,0.0642227,0.168404,-0.168656,0.00990975,0.0303152,0.176413,0.137159,-0.132879,-0.0242917,-0.0270349,0.132232,-0.0817251,0.0239187,-0.0193109,0.0723295,-0.101809,-0.042294,0.0750108,-0.0677352,0.123417,0.100521,-0.31278,0.0867431,-0.0753809,-0.0680238,0.00569741,-0.115049,0.00211411,-0.187554,0.203922,0.157125,-0.0513474,-0.105628,-0.0925997,-0.124732,0.103041,0.0548343,0.0899067,0.0286594,-0.0361503,0.109082,0.0239552,-0.16493,-0.136323,-0.3688,-0.0291246,0.0714477,0.0750535,0.0156737,-0.0654204,0.0276081,0.0298224,0.0264954,-0.223029,0.0607207,-0.0500112,-0.00872978,-0.0918412,0.123765,0.0687399,-0.0688244,0.0305199,0.161129,0.0286056,-0.0457618,0.0680903,0.0373791,-0.019819,-0.113298,-0.0134774,0.0395699,0.0401769,-0.0447634,-0.0355395,-0.118667,0.114112,-0.0309191,0.0346687,0.0620844,0.0372138,0.0509483,0.21245,0.073849,-0.190172,0.0879127,-0.0202186,-0.0577373,0.0538412,-0.142589,-0.178752,0.00372675,0.0317832,-0.183053,-0.11051,0.11377,-0.129574,0.0512139,-0.156625,0.0929375,0.053486,-0.0139745,0.0846188,0.0230462,0.0740139,-0.107538,-0.0224967,-0.0519615,-0.0841218,-0.0363782,-0.0490953,0.0688963,-0.0203093,0.132416,0.123367,-0.0178789,0.102946,-0.0341316,0.0803185,0.119898,0.0607041,-0.225924,-0.139956,-0.0632876,-0.128703,0.0552205,-0.236417,0.0421011,-0.0110401,0.1731,-0.102353,0.0217703,0.135167,0.101905,0.0166911,-0.0401877,0.133639,0.240822,-0.141107,0.0895139,-0.0380552,-0.1622,-0.0819575,0.0204248,0.202039,0.164082,-0.0395641,-0.0976226,-0.0480582,-0.122728,-0.083682,-0.0663898,-0.0777383,-0.092717,-0.00787613,-0.0730805,0.0841164,-0.0173475,-0.167853,-0.34168,0.0086608,-0.0427266,-0.0807533,0.0221821,-0.152258,0.0661224,-0.238582,0.0218985,-0.0482583,-0.0481259,0.0121724,-0.0711758,-0.069406,-0.00561026,-0.0901868,0.0603851,0.142776,0.184126,0.0138731,-0.0676942,-0.0280607,-0.249691,-0.219916,-0.0888313,0.105868,0.0314016,0.0164734,0.151862,0.034037,0.115785,0.134898,-0.150369,0.00179137,-0.0817365,-0.0860103,-0.227174,0.138194,0.0123005,-0.106616,-0.186455,-0.00973224,-0.0501366,-0.00687494,0.032897,0.176883,-0.0924433,-0.136439,-0.0610766,-0.0983822,0.0945558,0.00833621,-0.0742501,0.175306,-0.0366559,0.155974,-0.0539635,0.17038,-0.100204,-0.0359685,0.0984965,-0.0810405,-0.116487,-0.120982,-0.013619,0.213872,0.0367184,-0.0131228,0.0514544,-0.20781,-0.0993863,-0.0634704,-0.0356905,-0.197478,-0.0833245,0.104824,0.182294,-0.0958624,-0.0339943,-0.112587,0.0333981,-0.0734243,-0.023371,-0.0718182,0.158304,0.21263,-0.171152,0.0060442,-0.0549284,-0.140006,-0.00143024,-0.221028,0.00461471,0.0997762,0.0871537,0.196453,0.111366,0.0812842,-0.0286725,-0.0910597,0.387641,-0.0191723,0.151333,0.149318,0.0394934,-0.207188,-0.0752117,0.0216733,0.17801,0.196143,-0.085911,0.192694,0.00836632,0.140175,-0.041869,-0.106934,-0.242292,-0.0737351,0.0243666,0.184869,0.125527,-0.069271,-0.0660035,0.143521,-0.092904,-0.0996778,-0.0508643,0.0887613,0.319414,0.17756,0.0440623,0.112221,0.0516365,0.232997,-0.123217,0.0355961,0.0724902,0.0566187,-0.0430533,-0.00556904,-0.00916751,0.0617291,0.171673,0.0569818,0.0521357,-0.0580435,0.0911137,0.0463997,0.162858,0.072925,-0.0628804,0.0729126,-0.12825,0.190298,0.00421435,-0.0926818,0.0850379,0.146872,-0.167029,-0.042601,0.123204,0.0942116,0.05978,-0.226129,0.0542599,-0.141696,-0.16434,0.0796323,0.10691,0.0725221,-0.11229,-0.027586,-0.0479358,0.0683213,0.0266749,0.0359322,0.207154,0.0316243,-0.230876,-0.146277,-0.106796,-0.0292843,-0.135884,0.21918,-0.00807096,0.0207358,0.0658668,0.04121,0.126815,-0.00620543,-0.106492,-0.0209311,0.00236399,-0.148405,0.0669094,0.0666731,-0.0541527,0.209851,-0.0380048,-0.0664168,0.0293472,-0.0384657,-0.113614,0.0780873,0.177078,0.0367037,-0.062464,0.226623,-0.00396143,0.0988277,0.228129,-0.0413848,-0.0115347,-0.00413159,-0.0395253,-0.0458503,-0.0603531,-0.161115,-0.210521,-0.156392,0.0304631,0.0178865,-0.0615102,0.213988,-0.0686997,-0.163479,0.0325276,0.067765,-0.0101894,0.0250058,0.151019,0.389433,0.0296226,0.00600819,-0.0867654,0.0490596,-0.101141,-0.0820371,0.0969069,-0.110187,0.0243794,0.127891,-0.0379709,-0.0242451,0.0194328,0.0001593,-0.0702577,0.113421,-0.153829,0.107315,0.127073,-0.0135365,-0.115536,0.108277,0.14584,0.0176136,0.0693711,-0.0306404,0.24127,0.169676,0.0390131,0.184604,-0.0207911,0.0407244,0.137527,-0.110976,0.0220023,-0.191872,-0.136695,0.242762,-0.00304594,0.0328713,0.34293,-0.0739411,-0.014864,0.153182,-0.0674107,0.0145784,-0.0783558,0.190836,-0.0496807,-0.0232984,0.143532,0.22649,-0.210635,-0.0888491,0.0575156,0.0249768,-0.244025,0.0153044,-0.139446,-0.132182,0.191891,0.104933,-0.0458732,-0.186732,0.0183224,-0.0771287,0.153529,-0.0289404,0.17216,0.111018,-0.048854,0.0343677,0.197165,-0.0320721,-0.02343,0.0745301,0.0665411,0.123017,-0.0519133,-0.0414467,0.00618115,0.148431,0.185143,0.177943,-0.0648745,-7.44984e-05,-0.0590776,0.102949,-0.0465418,0.0562505,0.0064323,0.186664,0.123375,-0.06293,-0.0831427,0.0656471,-0.124671,0.0969088,0.210167,0.114389,-0.0462483,-0.192892,-0.0754271,0.0647072,0.146732,-0.0783166,0.151565,-0.0385346,-0.0976811,0.216055,0.173114,0.0620947,0.206188,0.118775,-0.202715,-0.0832268,0.194983,0.104692,-0.0704165,-0.16914,0.0405748,0.157204,-0.216829,0.0494786,0.0477914,0.00364403,-0.219075,-0.090904,0.0989613,0.0547776,0.0547247,0.116274,0.036567,-0.180356,-0.149969,-0.19931,0.0831145,0.102261,0.229985,-0.0509185,-0.00262386,-0.0754646,0.0907999,0.0576285,0.0580459,0.125619,0.00817697,-0.121731,-0.10195,-0.0632012,0.253228,-0.0909908,-0.163574,0.0808926,-0.159764,-0.0084804,-0.00146338,0.0609632,0.1064,0.0694099,0.0612789,0.151606,0.0806117,0.0400409,0.16433,-0.0728435,0.0640778,-0.164319,-0.0325335,0.173724,0.168774,0.0721437,-0.201676,-0.161333,-0.374443,-0.0889927,-0.114879,0.251388,-0.00112026,-0.156759,-0.0978964,0.275371,-0.130483,0.168706,0.167165,-0.0284183,-0.0521022,-0.0166284,-0.00439097,0.0850719,-0.0710478,-0.130345,0.0274387,-0.162173,-0.178398,-0.129589,0.0662808,0.0610954,-0.26229,0.174359,-0.225236,-0.349275,0.0737578,-0.0921301,0.309552,0.0889239,-0.012641,-0.141346,0.0474748,0.127681,-0.0680012,-0.153706,0.165593,0.0835161,0.00948703,-0.0436106,-0.0870106,-0.131472,-0.0428904,0.1093,0.0578914,0.0963297,0.0726981,0.0636279,-0.0708111,-0.152595,0.0687478,0.240233,-0.0169754,-0.0926007,0.00948763,0.0963089,0.0774911,0.112397,0.0568174,-0.164228,0.0788383,-0.113433,0.119058,-0.00155807,0.0193697,-0.00162328,0.0548476,-0.0195115,0.0254022,0.00251355,0.158726,0.00706175,-0.0645311,-0.18016,-0.0376257,-0.0496254,0.0176094,0.0192303,0.0995527,-0.0304587,-0.0464831,0.0317609,0.137175,0.308939,0.131675,-0.08761,0.140175,0.103702,0.021586,-0.0422752,-0.0966153,-0.0026304,-0.187125,0.0930932,-0.102165,0.252169,0.0707202,0.0475852,0.0937179,-0.0478864,0.237237,-0.0598051,-0.113767,0.45363,0.0652501,0.088023,-0.28632,-0.301561,0.226813,-0.00371746,0.0364385,-0.191387,0.0563052,0.04636,0.186261,-0.116295,-0.03452,0.0494369,-0.0811661,-0.0348757,-0.0676585,-0.0536384,-0.0905805,0.0469266,0.0762465,-0.0370989,-0.100348,-0.13513,0.101333,0.16105,-0.0116358,-0.0134785,0.0579661,0.277679,-0.051417,-0.150704,-0.0336455,0.00153934,0.10717,-0.287267,0.00697383,0.0558737,0.239604,0.0649757,-0.155109,-0.0669343,0.13659,-0.0117195,0.194988,0.0835772,-0.111056,0.144202,0.0640966,-0.0323516,-0.214945,-0.0372755,0.119322,-0.0871014,-0.154368,-0.0373586,0.125036,0.00988034,0.286212,0.0602555,0.258264,-0.0588987,-0.0840389,0.192608,-0.0966322,0.00376262,-0.0766183,0.0694329,0.279078,-0.0869757,-0.114839,0.261842,0.0126851,0.0482673,-0.182273,0.000558475,0.0980602,0.237729,-0.24685,0.056252,-0.0675008,0.0758499,-0.0826985,0.293026,0.03744,0.441088,0.131136,0.100752,-0.137575,-0.178766,-0.0348815,0.1566,0.102929,-0.0652619,-0.0649135,-0.0217468,-0.0932108,-0.0845038,0.224277,-0.0762546,0.057474,-0.0857821,0.148526,0.0877609,0.190226,0.206899,0.105975,0.0422316,-0.17948,-0.0617961,-0.087494,0.0555635,0.000752039,-0.163293,0.197557,0.102439,-0.0175823,-0.120071,0.155671,-0.0622593,0.0787932,0.171028,-0.00185798,0.276567,0.0420632,0.192261,0.03123,0.106768,-0.193385,0.0632526,-0.116713,0.0683713,-0.208853,-0.130461,0.143877,-0.0753999,-0.209179,0.184404,-0.0539799,-0.0249135,0.092548,0.0497135,-0.114821,-0.0301818,-0.0669093,0.201193,0.0106376,-0.263373,0.0725963,-0.0995544,0.0823188,0.0713616,0.235116,-0.217575,0.0249268,-0.0752092,-0.104092,0.0321892,0.0579881,0.269882,0.211558,-0.038908,-0.0311266,-0.0126563,-0.178994,-0.022546,-0.036483,0.0828418,0.011108,-0.0186778,0.148469,-0.11494,0.0915535,0.0501593,0.154015,-0.0408512,-0.0466866,-0.304678,-0.179417,-0.0498834,-0.0777564,0.271387,-0.0716697,-0.0138442,-0.226438,0.203053,0.124028,0.0993084,-0.0990087,-0.00113458,-0.00472562,-0.0526942,0.282415,-0.0652135,-0.172353,0.0849399,0.035666,-0.139493,0.00713445,0.188626,-1.55978,-0.0649246,-0.0796196,-0.0283848,0.305032,0.348687,-0.813279,0.565758,-0.00756789,0.285945,0.246655,-0.215795,-0.433535,0.386114,-0.231096,-0.416488,-0.102328,-0.77378,-0.14414,-0.300935,-1.15403,0.783658,-0.594958,0.19355,0.187408,-0.0861995,0.320926,0.334435,-0.603277,-0.0729875,0.49923,0.516292,0.316765,1.24325,-0.19247,-1.18047,0.823525,0.169531,-0.112943,0.806574,0.59881,0.359504,0.404959,0.0565338,-0.749113,-1.19149,0.211893,-0.101905,-0.250525,-0.449068,0.327774,0.521463,0.111362,0.283906,-0.207986,-0.630795,0.738061,-1.28114,-0.160185,0.423263,-0.277467,-0.214996,-0.515884,-0.261368,-0.302617,0.424387,-0.152932,-0.390433,-0.904274,-0.0229274,-0.156446,0.0408837,-0.173909,-0.911249,0.90645,-0.280354,-0.32616,-0.553104,-0.698858,-0.0432265,0.465374,-0.498963,0.276089,0.306124,-1.0554,0.164251,0.379911,0.729402,0.0258363,-0.0473431,0.250926,0.502814,0.151925,-0.14474,-0.935474,-0.892774,-0.757669,0.87946,0.81673,-0.510973,0.708346,-0.0850718,0.632785,-0.275799,0.17563,-0.683635,0.333242,0.467525,0.0120644,0.050304,0.517441,0.47107,0.872401,-0.0288968,0.212463,-0.0225468,0.0505065,-1.1853,-0.120113,-0.00825725,0.190239,-0.2752,0.143425,-0.124433,-0.463879,0.269896,1.19669,0.614837,0.0224462,-0.648422,0.795209,0.838002,-0.428673,-0.34249,0.112711,-0.446931,0.165257,0.136389,0.10576,-0.297389,-1.42493,0.145132,0.812914,0.185555,-0.633376,-0.103641,-0.937097,-0.288729,-0.231602,-0.400658,-0.943566,0.634751,-0.28387,0.0890424,-0.383197,0.233299,-0.193952,0.016171,-0.365887,1.04094,-0.0271317,0.209535,0.430455,0.592318,0.903089,-0.214122,-0.611789,-0.297102,-1.22942,0.338359,0.151047,-0.374422,0.753286,0.29465,-0.744532,0.0922745,-0.439192,-0.405485,-0.0459483,0.429257,0.900769,0.460317,-0.270004,0.514498,0.193323,-0.0662281,-0.191013,0.437179,0.0502065,-0.112733,0.435734,-0.269237,-0.751237,0.75284,0.498174,0.334226,-0.715057,0.135659,1.70216,-0.00324698,-0.346465,-0.422989,0.708339,-0.40706,1.13894,0.445844,-0.187228,-0.0118177,0.356667,-0.361089,-0.106129,-0.390799,0.590238,0.564449,-0.459547,-0.367246,0.21382,0.0376942,-0.0690472,0.460014,-0.223326,-0.462402,-0.0181063,-0.333083,0.88589,0.812461,-0.597208,-0.115449,-0.0263614,-0.0163083,-1.03538,-0.57784,-0.110041,0.581959,-0.55253,0.410125,-1.16978,0.174299,0.0240479,-0.850609,-0.40035,0.80527,-0.699445,0.791836,-0.440967,-0.277276,0.281165,0.419633,-0.272015,1.27169,0.604098,-0.266823,-0.39577,-0.441256,1.00181,-0.318588,0.575009,0.102267,0.426166,-0.108223,0.262725,-0.414399,0.396249,-1.31949,0.179864,-0.139084,-0.19633,-0.560033,1.13046,0.146528,0.746903,-0.216168,-0.611759,0.442029,-0.31066,-0.586106,0.0702689,-0.989464,0.230577,-0.969793,0.458893,0.0155868,0.136011,0.0810419,-0.625136,0.278426,-0.110922,-0.0662533,-0.55676,0.443749,0.0356654,-0.645748,-0.426819,-0.134426,-0.442812,0.554883,0.439214,-0.497255,0.0104422,-0.0313248,0.0612455,0.492177,0.308483,0.103664,0.385419,0.0322051,-0.209123,-0.0454426,-0.379682,-0.39967,0.089358,-0.143693,0.667619,-0.722086,-0.0901845,-0.459252,-0.557037,0.484019,-0.10459,0.944719,-0.311478,0.571359,-0.82858,0.07921,-0.32764,-0.374197,0.826428,0.479325,-0.00245356,0.506828,-1.0263,-0.190613,0.715853,0.135489,0.483428,0.54195,0.0650962,0.187615,-0.313109,0.949589,-0.770158,0.0478567,-0.427517,-0.0638145,-0.287948,0.379833,-0.810948,0.431352,0.652335,-0.296812,-0.536515,-0.516848,-0.186641,-1.13753,-0.444911,0.568199,-0.433616,-0.713777,0.455116,-0.763525,-0.0470013,-0.424207,0.732704,0.380991,0.0844198,-0.524062,0.463907,-0.538025,-1.01021,0.119287,0.169427,0.293489,-0.800455,0.677943,0.776814,-0.0427899,0.247553,0.570833,-0.299992,0.632659,0.186878,0.549239,0.18024,0.102629,1.11419,0.490213,-0.249718,0.593386,0.544768,0.0675468,0.00329091,-0.152322,-1.17762,-0.527135,-0.648129,0.355036,0.92864,0.692524,0.106525,-0.139703,-0.0152531,-0.200656,0.457241,0.591192,0.277112,-0.306611,0.422707,0.0339311,0.147081,-1.12833,-0.298759,0.0186074,-0.33242,-0.161733,-0.26224,0.190312,0.0832904,0.536634,0.612403,0.120252,0.45474,-0.171241,0.169876,1.04729,0.649934,-0.725033,-0.153039,-0.200601,0.214674,-0.551606,0.589517,0.10526,-0.10991,-0.193979,-0.0474791,0.452282,-0.659615,0.0463289,-1.3072,-0.0255336,-0.0099438,0.0887275,-0.628419,0.0667176,-0.120655,-0.745606,0.181416,0.359437,0.210034,0.107333,-1.73431,0.478705,-0.432994,-0.374411,0.362277,1.1644,0.516967,-0.450198,-0.0945574,-0.685494,-0.257496,-0.585033,-0.145518,-0.0718354,0.28994,-0.714135,-0.615586,-0.0742356,-0.440461,-0.0344058,0.191481,-0.486575,-0.92764,-0.248266,-0.143905,0.0478553,-0.604383,0.121112,-0.304707,-0.321819,-0.574163,0.878406,-0.360602,-0.0514173,0.840255,-0.246071,0.341036,0.0278827,-1.50252,-0.655015,0.0463603,-0.101014,0.332345,-0.258003,0.400797,-0.0991925,-0.032076,-0.33541,0.255586,0.0896357,0.0929792,0.195435,-0.88018,-0.281758,-0.145981,0.122144,0.778977,-0.322793,1.02208,-0.177308,-1.20026,-0.00730967,-0.0342571,-0.799179,0.459941,-0.243849,-0.336537,0.700452,0.187066,-0.654032,-0.446798,0.152869,-0.560633,0.0533014,0.335517,0.573972,0.063557,0.377205,-0.271212,-0.992144,0.642945,0.012342,0.279197,-0.435992,-0.63805,-0.348613,0.179159,-0.67557,-0.28934,-0.698549,0.0471191,-0.736904,0.47444,-0.221861,0.441943,-0.586265,-0.0336776,0.0259267,-0.00922501,0.455058,-0.152555,0.238299,-0.662576,-0.28637,-0.845437,0.442296,0.316847,0.314867,-0.330154,0.767349,-0.566289,0.153597,-0.467411,-0.11261,-0.146217,0.0858406,-0.271539,0.596315,0.125463,-0.0557032,0.173882,-0.0422731,1.06317,-0.261026,1.11891,0.403526,0.589906,-0.507219,-0.139363,-0.818613,0.0759909,-0.326966,0.642678,0.129072,0.118672,0.552009,0.390059,0.762806,0.182709,0.487166,1.04763,-0.0844129,0.570239,0.158561,-0.371597,-0.118072,0.0375264,-0.532631,0.852612,0.921371,1.04405,0.105064,0.390383,0.0129693,0.230342,-0.262069,0.59087,-0.28651,0.428517,-0.0555082,-1.40177,0.746441,0.140147,0.411559,-0.477862,-0.772894,-0.0424046,-0.274483,-0.358229,0.537478,-0.267766,-0.323589,0.0313957,0.41193,-0.201878,-0.871644,-0.529868,-0.31334,-0.513788,-0.192143,-0.29751,0.590154,-0.0977041,-0.390246,0.746574,0.28034,-0.207373,-0.792333,-0.243726,-0.91169,-0.207034,0.435688,-0.441141,0.696419,0.458462,-0.374183,0.503001,0.658187,0.105139,-0.151171,-0.516723,-0.00683281,0.561232,-0.766443,0.514437,0.552959,0.751752,-0.145752,-0.0167487,0.465376,-0.943007,0.343127,-1.27109,-0.031757,-0.220403,0.678219,-0.181831,0.0649807,0.40227,-0.194022,0.910111,0.39803,0.262032,0.165145,0.314374,-0.0951725,-0.645144,0.390385,0.204162,-0.707116,-0.691416,-0.785193,-0.676942,-0.216542,0.426305,-0.00401346,0.188691,-0.105746,-0.0312426,0.203905,-0.246872,0.0521805,-0.234133,0.448663,-0.701067,0.0915091,-1.38385,0.51319,0.2116,-0.517742,1.15955,0.149145,0.418707,-0.173618,-0.93462,-0.606254,0.508916,-0.149234,-0.223763,-0.658576,-0.563391,-0.32911,-0.297318,-0.718621,0.081887,0.0492016,-0.609683,0.0861386,0.183035,-0.260032,0.0824223,-0.0232937,0.840301,0.864649,-0.433854,0.047679,0.206934,0.446971,-0.309151,-0.901029,0.588508,-0.0665259,0.480545,0.457916,0.735821,-0.323237,-0.195575,0.718376,0.455783,0.391904,0.182014,0.375491,-0.897293,0.142628,-0.827403,-0.103969,-0.210751,0.0344477,-0.464139,-0.119106,0.322394,-0.773777,-0.348513,-0.239514,-0.716177,-0.220173,0.0854015,-0.436895,-0.0230753,0.384416,0.237666,-0.251685,-0.165351,0.305073,-0.461637,-0.691952,-0.452297,0.713604,-0.119663,-0.121564,-1.29207,-0.0666355,0.0810298,0.38115,-0.888338,0.0551286,0.236851,0.86206,-0.865493,0.0618988,0.634607,-0.903433,-0.614294,0.124354,0.0915767,0.402846,0.219598,0.3884,0.00857814,-0.44354,0.312818,0.241075,-0.094921,-0.688006,0.566825,-1.57394,0.636318,0.62271,0.140786,-0.530126,-0.465174,0.10683,-0.418268,0.26528,0.111365,0.120087,-0.218767,-0.0734053,0.101363,-0.0518156,-0.278809,0.3128,0.201068,0.0729636,-0.0509276,0.264871,0.375851,0.237616,-0.79101,-0.440156,-0.118409,1.18276,0.0530404,-0.160517,0.035584,0.600755,-0.129923,-0.434471,0.355026,-0.257389,0.448875,-0.604285,-0.380893,0.784622,0.13121,-0.490777,-0.141629,0.206666,-0.629483,0.914058,-0.431299,-0.706912,0.0450381,0.0815143,-0.419532,0.121101,0.451186,0.295283,-0.410244,0.016109,0.116968,-0.218555,-0.376873,0.142931,0.1376,0.394049,0.206707,0.327687,0.0929732,-0.101209,0.19355,-0.251064,-1.08641,-0.326053,-0.274898,-0.0954041,-0.034595,0.613091,-0.200893,-0.147221,0.705839,-0.152531,-0.0863491,0.429406,-0.291438,0.18318,-0.355281,0.174688,-0.150803,-0.133132,0.201104,-0.616979,-0.0523353,0.567092,0.252449,-0.0909952,0.077631,0.383585,-0.102703,-0.324432,0.469099,-0.559068,0.325717,0.885122,0.842389,0.575132,-0.7177,1.27161,0.211091,0.610352,-0.240459,-0.402689,-0.326263,-0.875201,0.31626,0.187345,-0.16778,0.748308,0.148074,1.08106,0.708262,1.01401,0.112439,0.176477,-0.144744,-0.574601,0.360487,-0.19312,-0.182523,-0.628502,-0.456584,0.18525,0.601158,-0.363926,-0.00148135,0.647072,-0.558372,-0.123564,-1.0301,1.09784,0.250457,-0.0724908,-0.339314,0.520841,-0.176429,-0.620942,1.01613,1.14166,0.432358,0.674689,0.656232,-0.607597,-0.154285,-0.186226,0.150556,0.229807,-0.196928,-0.389181,0.259575,-0.349565,-0.347486,0.551569,-0.526783,-0.104265,0.37495,-0.657295,1.06313,-0.348025,-0.132828,-0.19644,0.517483,-0.167242,0.497839,-0.28341,-0.705842,0.526509,-0.263176,-0.546828,-0.117562,0.069457,-0.228955,-0.537695,0.529811,0.306175,-0.307776,-0.0800365,0.266461,-0.0466909,-0.0165047,-1.15002,0.104849,1.0268,-0.395089,-0.523893,0.0701709,-0.228603,0.159905,-1.17853,0.203339,-0.13436,-0.993085,0.173902,0.22483,-0.416659,0.0778911,-0.758,0.00143057,-0.403983,-1.27799,0.863771,-0.635036,0.197656,0.805509,0.0504205,0.539367,-0.270678,0.503284,1.25832,0.936641,-0.617069,0.157451,-0.119294,0.508727,0.149565,-0.223954,-0.256966,0.0461458,0.369581,0.631519,-0.0826735,-0.470752,0.952807,-0.715163,0.00014909,0.0407591,0.413324,0.741611,-0.385286,0.632183,-0.395379,0.408521,0.341101,-0.302774,-0.0879527,0.042226,1.24239,0.31978,-0.270927,-1.37269,-0.188013,0.397914,0.0810644,-1.01402,-0.0883193,0.842193,0.474609,-1.37247,0.112094,0.983347,0.278508,0.0258838,-0.805617,0.656939,0.17866,0.752563,1.00133,0.668168,0.939385,1.0367,-0.0786036,-0.364941,-0.542749,-0.564827,0.70199,0.980034,-0.29986,0.283464,0.0750567,0.141252,0.090235,0.0442074,0.597286,-0.78658,0.0801735,-0.545778,0.51095,-0.621326,0.0556946,-0.300618,0.793868,0.775304,0.240408,0.153824,-0.222971,-0.0670557,-0.300456,-0.926317,-0.23914,0.175734,-0.00976618,0.262318,0.198157,0.111174,0.229068,-0.716487,-0.796429,0.808381,0.0818336,-0.139071,0.133471,-0.100176,-0.0258234,-0.397604,-0.37591,-1.19683,0.404444,-0.317499,-0.845389,-0.483352,0.51922,-0.0132756,-0.301583,-0.388106,0.268644,-0.0266016,-0.338397,-1.13065,1.01647,0.937443,0.260935,-0.257962,-0.565949,-0.880977,-0.187521,0.135331,0.0417791,-0.237126,0.675345,1.52519,-1.12117,-0.566954,1.34032,0.46587,-0.333913,0.908577,-0.52851,-0.693498,-0.0242929,-0.00924222,0.108952,-0.0239338,0.0323187,0.530245,-0.742038,0.115412,0.0757831,0.793134,-0.44553,-0.0705284,-0.399573,-0.300955,-0.763614,-0.109731,0.29012,-0.59215,-0.424788,-0.143895,-0.199151,1.29947,-0.0967164,1.03014,-1.01637,0.277466,-0.277017,-0.164179,-0.78416,-0.0595107,0.852719,0.672967,-0.510387,-0.17831,-0.30849,0.544648,-0.0509218,-0.112524,-0.177108,0.0137487,0.429923,0.543563,0.0543759,-0.0927344,0.649836,-0.560287,0.265679,-0.0661586,-1.04476,0.725524,0.372783,1.01085,0.0625082,0.393418,0.381592,-0.11844,-0.227603,-0.0757894,-0.443733,0.379009,0.24624,0.401392,-0.079219,0.127156,-1.13537,0.108102,-0.0478499,0.331056,-0.0558896,1.14377,0.192539,-0.742786,0.347291,0.410023,-0.253232,0.0207479,0.425796,-0.546078,-0.0959105,-0.229656,2.32851,-0.445334,-0.301185,-0.0958755,0.0252531,-0.013681,0.261119,-0.204625,0.218275,-0.0354188,-0.414219,-0.843043,0.119818,-0.520241,-0.200214,-0.283389,-0.126591,-0.66907,-0.098805,0.717008,-0.0768149,0.108347,-0.276456,0.053879,-0.318025,-0.681825,0.185494,-0.394654,0.541802,-0.116652,0.375389,0.435945,0.0348961,0.136059,0.571797,-0.524838,-0.00971031,-0.158373,0.0495496,0.702889,-0.243275,0.742569,0.253096,-1.29262,0.160375,0.798817,0.372069,-1.15739,-0.0460756,-0.0492255,-0.125316,0.478634,-1.02842,-0.101763,1.12411,0.353775,-0.511975,0.213124,0.602087,0.77324,1.19042,0.645115,-0.0594883,-0.157191,-0.643537,-0.513977,-0.419347,-0.129918,0.937004,-0.249937,-0.251269,0.532469,0.272248,-0.355999,0.725727,0.150936,-0.291008,1.20209,0.334645,0.000196062,-0.379709,0.240757,0.233116,0.569425,0.909182,-0.145842,0.349401,0.265229,-0.01537,-0.793078,0.269904,0.176214,-0.226428,0.834478,0.754028,0.257255,0.343719,-0.181832,0.424055,0.154315,-0.119437,-0.490413,0.468226,-0.709614,-0.306201,-0.393669,-0.53941,0.286214,-0.558563,-0.371147,-0.583801,-0.322425,0.331697,0.261542,0.214189,0.249534,-0.357416,0.143025,-0.326506,0.376789,-0.495449,0.325839,0.568825,-0.00453649,0.694946,-0.390221,-1.34131,-0.0684903,0.268938,-0.202992,-0.180675,0.37428,0.0135759,0.865033,-0.192183,-0.0949075,-0.601147,-0.776852,0.0202827,0.670677,0.267949,-0.626562,0.113415,0.0394691,-0.615774,-0.337327,0.724241,-0.295151,-0.468301,-0.0919476,0.132077,-0.393275,0.94905,-0.591352,-0.406515,0.0764521,-0.530137,0.195898,0.654774,-0.482711,0.226151,0.584953,-0.347149,0.560004,0.17447,-0.213797,0.373823,-0.251988,0.00958723,0.0802406,0.223159,-0.491122,-0.349542,0.543815,-0.314343,0.00036452,0.108427,0.176981,0.27392,0.319758,-0.529094,1.14715,0.76629,0.176151,0.274468,0.482764,0.993085,0.37472,-0.0973101,0.467827,-0.340922,-0.335484,-0.384841,-1.28691,0.76214,0.534656,0.440674,-0.983746,-0.593283,-0.292516,-0.340671,-0.474229,-0.0593877,0.168097,-0.893185,-1.10725,0.280836,0.368547,0.0734105,-0.623784,-0.883228,-0.456446,-0.433083,-0.21402,-0.241344,-0.868835,-0.154662,-0.193885,-0.309968,-0.0714612,-0.439927,-0.443032,0.32535,0.516547,0.431356,0.223877,1.09545,-0.963662,-0.278006,-0.376556,0.323071,0.564137,0.13732,-0.073422,-0.0885539,-1.23075,0.68752,0.191847,-0.306234,-0.191129,-0.16272,0.850575,-0.0859235,-0.677613,-0.150357,0.801854,-0.673559,0.802771,-0.221183,-0.669821,0.453107,-0.404576,0.654652,-0.221855,0.610672,0.388987,-0.010195,1.1654,0.292406,0.0606016,-0.366898,0.302519,1.25878,0.445347,-0.52025,-0.450455,-0.309519,0.200501,0.281975,-0.297802,-0.307772,0.267773,0.0612278,-0.191554,-0.178624,0.642767,1.43788,0.542899,0.287894,-0.654322,0.238735,-0.258456,-0.21094,-0.388105,-0.137111,0.0815047,-0.284723,0.476853,0.0338321,-0.283907,-0.546125,0.508722,0.0537085,-0.568603,0.54159,0.249758,-0.318441,-0.482121,1.12888,-1.17859,0.452084,0.243325,0.180457,0.327162,0.481105,0.368414,-0.718245,0.727497,-0.380341,-0.491345,-0.277522,-0.371571,-0.606029,-0.459579,-0.766376,-0.4317,0.877061,0.0330224,-0.297859,0.0608422,0.680724,-0.638324,0.354356,-0.51617,0.565519,-0.580351,-0.841724,-0.00174669,0.689424,0.854007,-0.816748,-0.210708,-0.477735,0.147592,0.413204,0.552984,-0.4166,0.497011,-0.00791641,1.33697,0.321498,0.504285,0.747421,0.0902131,1.14572,1.20366,-0.431906,0.878049,-0.501093,-0.150047,-0.433037,-0.619483,0.141739,-0.249564,-0.0333767,-0.571568,-0.833991,0.0668227,0.558645,0.644786,0.546404,0.743201,-0.661742,-0.204782,-0.571282,0.339917,-0.362107,0.514941,-0.037595,0.0794166,-0.513928,0.906631,0.0476079,0.261354,-0.0781489,0.498641,1.12114,0.346934,-0.130662,0.165884,-0.233291,0.18831,0.284279,-0.448965,-0.27571,-0.0876784,0.684936,-0.631446,-0.676275,-0.21313,-0.274914,0.170363,-0.477631,0.550964,0.351983,-0.430564,0.234248,0.0364984,-1.16759,-0.833075,-0.148294,-0.315835,-1.40592,-0.868935,-0.620568,-0.871136,0.382692,0.105832,1.44674,0.31002,0.193116,-0.290772,-0.492336,0.0970834,0.542572,-0.44629,0.30633,-0.704572,-0.250219,-0.613549,-0.17251,-0.26268,-0.870109,0.342415,-0.556178,1.03008,-0.276696,0.149968,1.10504,-0.181617,0.25371,-0.577792,-1.0428,-0.779361,-0.0715224,-0.0141376,-0.760792,0.0159798,0.630459,0.63337,-0.293633,0.483955,-0.0270742,0.280752,-0.831609,-0.605569,0.0678825,-0.597311,0.521641,1.21197,-0.169385,0.169014,0.831703,-0.385907,0.566744,-0.207136,0.750496,-0.370435,-1.5966,-0.0477604,-0.286462,-0.482664,0.0951079,0.279828,-0.0986498,-0.388406,0.2765,0.244905,0.142345,0.261362,-0.103673,0.146478,0.361743,-0.230403,0.699927,-0.547804,0.0672529,-0.331677,0.391029,-0.571863,-0.294942,0.07264,-0.26246,1.23811,-0.0373868,-0.476875,0.529026,0.287708,-0.658803,0.373501,0.19158,-0.182171,1.06918,0.449506,-0.478782,-0.0640987,1.03194,-0.307959,-0.804517,0.179486,0.0771611,0.786943,0.383359,-0.565268,-0.0942346,-0.489694,0.380802,-0.273135,0.131737,0.379248,0.342096,0.120077,-0.24872,0.205096,1.21579,0.350553,0.303708,-0.810179,0.0271263,-0.0364622,-0.791707,-0.359395,-0.399777,-0.0268761,0.111753,0.287554,-0.170759,0.21097,0.671462,0.304525,-0.84205,-0.180592,-0.462534,0.0662863,0.182031,0.916839,0.864707,-0.264795,-0.13641,-0.722711,0.0336413,-0.233483,-0.294481,0.404747,-0.390652,0.4901,0.524278,-0.290065,0.407564,0.298735,-0.17612,0.298262,-0.0589461,-0.487786,-0.214436,1.04743,-0.284345,0.292612,-0.180117,0.167527,-0.0425528,-1.03187,-1.11077,-0.271622,0.199123,-0.450636,-0.0882712,0.104712,-0.427478,-0.667681,-0.477921,0.485689,-0.571892,-0.0852576,-0.189064,0.0827632,0.0555162,-0.562024,0.383152,-0.0325533,0.513338,0.0781627,-0.289544,0.25678,0.0768567,-0.384146,-0.465142,0.377555,-0.639505,0.461182,-0.515409,0.447501,0.213898,0.245077,0.303622,0.7581,-0.487021,0.91708,-0.383068,-0.413502,-0.155712,-0.11424,-0.70198,-0.275369,-0.225642,0.292805,0.106174,0.573511,-0.192216,-0.769993,0.775792,0.0833494,0.484698,-0.166903,-0.285811,1.59738,0.427988,0.426636,-0.309208,-0.033584,0.146161,-0.175285,0.879171,0.314237,-0.288871,-0.616708,-1.01854,0.244111,-0.172763,0.0181266,-0.319287,-0.922174,0.0575234,0.363265,-0.519796,-0.449935,0.167049,0.0901262,0.60222,0.149543,0.390963,-0.302969,-0.103076,0.251356,-0.513589,0.56622,0.00645843,0.133881,0.760151,0.0996084,-0.443516,-0.596048,-0.155005,0.0756575,-0.45609,0.144376,0.406645,0.703648,0.230639,-0.409899,0.836187,0.451501,-0.033997,0.875368,0.329372,0.379739,-0.935541,-0.428259,0.227779,-1.03254,0.0101229,-0.342685,-0.0269594,-0.249736,0.45218,-0.583036,-0.18834,-0.18332,0.175257,-0.0615252,-0.543197,0.723362,0.0426676,0.318651,-0.343679,-0.164768,1.17832,-0.490446,-0.940439,0.26477,-0.00111605,0.399762,0.146241,-0.400604,-0.659256,0.999781,0.395569,-0.0558194,-0.512013,-0.174562,-0.823632,-0.034947,-0.154432,0.838831,-0.22098,0.468942,0.286078,-0.184103,0.168733,0.658137,0.424103,0.0704065,-0.276587,-0.0319405,-0.342297,0.628925,-0.0913134,0.699606,0.668515,0.0501515,-0.109631,0.143437,0.152037,-0.302236,-0.0492223,-0.48162,0.0390925,1.03968,-0.116386,1.09908,-0.172691,-0.0419106,-0.216172,0.719663,-0.0288417,-0.324242,-0.182648,-0.140327,0.312767,-0.21272,0.842297,-0.400313,-0.0793974,0.186324,0.670003,-0.106709,-0.523999,-0.0414269,0.462698,-0.831652,0.0859051,-0.628276,0.749559,0.230799,-0.686866,-0.163529,-0.27502,-0.494071,0.353347,-0.36002,-0.367057,0.181733,0.228687,1.69441,0.419045,0.518783,-0.0446209,0.782783,-0.185502,-0.544833,1.44521,-0.528598,-0.746093,0.0875542,-0.690473,-0.586526,0.194315,0.603087,0.32236,0.774502,0.535236,0.788411,0.978926,-0.36099,0.694099,-0.109202,-0.883558,0.0364574,0.101219,-0.829586,-0.13211,-0.0889754,-0.0783885,0.345757,0.644309,-1.03058,-0.361414,0.368627,0.501113,-0.105369,0.0407423,-0.0202033,-0.400283,0.257626,-0.254914,0.285575,-0.254052,0.993827,0.374976,0.174964,-1.1242,-0.852229,-0.196297,-0.274666,-0.175329,-0.225824,0.20397,-0.452692,1.69565,-0.62011,-0.473572,-0.383214,0.133733,0.193805,0.727028,-0.443447,-1.07878,0.231579,1.06343,-0.0883042,-0.0916,-0.506199,-0.366994,0.213116,-0.606175,-0.351183,-0.632232,0.0339444,0.631511,0.245061,-0.291405,1.38339,-0.259037,0.381822,-0.394929,-0.973528,0.84449,0.172484,-0.0438126,0.83643,-0.871633,0.540359,-0.787173,0.459627,0.266985,-0.309463,-0.379418,-0.306209,-0.0289029,0.237262,0.957307,0.0725476,0.79941,0.118963,-0.726379,0.164357,0.656114,-0.571239,-0.394987,0.264378,0.0259018,-0.857162,0.263853,-0.250163,0.0422352,-0.710349,-0.310319,0.200386,-0.171517,-0.967922,1.06298,-0.404711,0.449452,-0.421612,-0.361898,-0.0139387,0.881819,-0.643101,-0.0284513,-0.247567,0.119675,-0.344088,0.510618,-0.696751,0.70512,-0.0747037,0.313065,-0.749953,-0.138415,0.748177,0.851164,0.354945,0.853554,0.419735,0.423149,0.521652,0.407536,-0.886899,-0.780222,-0.0885545,-0.0451752,-0.96335,-0.440578,0.674083,0.727227,-0.654858,0.468373,0.989025,0.50126,-0.930916,-1.05745,-0.48339,-0.292788,-0.362064,0.0914449,-0.716684,0.344089,0.638975,0.168939,0.27078,-0.214505,-0.843282,-0.151163,0.076293,0.558005,1.11129,-0.0727295,0.245442,0.0829787,-1.22846,0.806888,-0.0186341,-0.248959,0.530888,-0.689955,0.730962,0.9751,-0.0792301,1.18289,0.110583,0.15109,0.459931,-0.111685,0.681522,0.976192,0.490158,0.198732,-0.882487,-0.123408,-0.024117,-0.191998,0.249665,0.390021,0.417677,0.386656,-0.549229,-0.113737,0.306213,0.90187,-0.489265,0.0628969,0.546103,0.803703,0.026686,-0.418336,0.525642,-0.708559,0.109746,0.120553,-0.511169,-0.116167,-0.354935,0.581484,0.0633494,-0.0922059,-0.129936,-0.384591,1.09679,-0.329172,0.688034,0.355609,0.188984,-0.234759,-0.0829931,0.228905,0.490278,-0.643425,0.179102,-0.42404,0.930166,0.282934,0.133711,-0.342558,0.166011,-0.257279,-0.264918,0.13331,-0.307675,-0.331075,-0.337717,-0.739017,0.767375,-0.959023,0.365404,-1.21763,0.71859,0.565393,0.667217,0.852748,0.0560967,-0.514735,-0.501362,0.429039,0.503912,-0.0299255,-0.207174,0.954615,-0.847592,-0.390926,-0.118793,0.159606,-0.647747,-0.109817,0.308217,-0.24436,0.296212,0.677735,-0.113763,-0.776044,-0.576551,0.309082,-0.234914,-1.69935,0.377809,-0.776763,-0.142227,0.0415577,0.358531,0.218827,0.666017,-0.0556338,-0.534626,-0.110036,-0.022843,-0.0475529,1.18804,-0.537595,0.293363,0.190388,-0.374823,-0.462443,-0.0481346,0.12013,-0.659743,-0.151413,-0.798658,-0.213487,0.301017,-0.433021,-0.594744,-0.0162821,-0.0661195,-0.0947931,-0.435998,-1.0534,0.100628,-0.253187,1.37776,-0.050799,-0.332376,0.318531,-0.453854,0.46679,0.350044,-0.0853206,0.15177,0.172784,-0.105309,-0.421721,0.316159,-0.152717,0.671631,0.11771,-0.14677,0.468757,-0.545265,-0.0167519,0.353912,-0.330151,0.00677986,-0.368481,-0.65007,0.849427,-0.71762,-0.247383,0.0056013,-0.47217,0.241559,-0.936153,-0.258338,0.430923,0.264307,0.0321234,0.110461,0.782579,0.152503,0.496303,0.145231,0.725042,-0.555089,0.241519,-0.138226,0.896463,0.201918,-0.713558,0.498779,-0.123991,0.749567,0.125444,-0.156297,0.453717,0.250276,-0.0439929,0.505091,-0.333353,1.56705,-0.186136,0.0737392,0.513037,0.321772,-0.262524,-0.189384,0.23956,0.219799,0.0385921,-1.25923,-0.69991,-0.101168,-0.376483,-0.0212855,-0.61122,0.138255,-1.68567,0.497035,-0.522501,0.128574,0.136214,-0.0314317,0.536418,-0.0426222,0.173193,0.494208,0.423244,0.854348,-0.612121,-0.315011,-0.135549,0.977142,0.309835,0.582135,0.311568,0.392608,0.681586,-0.76931,-0.601621,-1.07337,0.0400618,1.08719,-0.256102,-0.518665,0.499649,-0.00876109,-0.598908,0.0917382,-0.301245,-0.21158,-0.716269,-0.00558385,-0.589911,-0.54493,1.37917,-0.0770767,-0.906893,0.270354,-0.319649,0.254432,-0.292084,-0.988503,0.271156,0.213334,-0.457265,-0.164071,0.349494,-0.31801,0.122402,-0.762818,-0.19644,-0.383704,-0.120126,-0.560596,-0.485255,0.0651668,0.184099,0.201909,0.459635,0.489975,0.237271,0.386751,-0.525589,0.457093,0.372831,-0.0913121,0.372756,0.251886,0.701138,0.723257,-0.589383,0.343451,2.31226,0.757164,0.266138,0.820214,-0.54513,0.594056,0.192382,-0.080998,0.780237,-0.18036,-0.122229,0.418439,0.463506,-0.167759,-0.335201,-0.139646,-0.622291,0.0566604,0.177465,-0.0255988,0.0600045,0.20281,0.436938,0.173642,-0.921654,0.206577,0.614994,-0.0728542,-0.326606,0.192681,-0.259735,0.141044,0.116399,0.0329301,0.327054,-0.21291,0.00255304,0.166081,0.182525,0.0567376,1.24726,-0.441326,0.0246096,0.22563,-0.088646,0.315875,0.103063,-0.394639,0.422008,-0.175015,0.40978,-0.682157,0.597808,0.20135,0.0691332,0.153201,0.507765,-1.17239,-0.00795214,-0.342962,-0.118675,0.555169,0.186523,0.373804,0.104929,-0.464491,-0.248853,-0.0805894,-0.728138,-0.798974,-0.635992,-0.557801,0.27492,-0.0494857,0.126048,0.0248289,0.000337629,0.616087,0.103415,-0.0733261,-0.450049,-0.730545,1.39043,-0.341068,0.147537,-0.119492,0.124016,-0.750221,0.529404,-0.643493,-0.625586,-1.07619,-0.166687,0.181123,0.344315,0.587146,1.13701,0.860527,0.670239,0.15303,0.244613,0.258727,0.231592,-0.57305,-0.835861,-0.496471,-0.318471,1.18595,0.74082,-0.0252509,-0.645951,-0.118616,0.195732,0.625053,-0.680669,0.0291714,-0.0316175,0.027369,0.0405042,-0.016379,0.0157671,-0.0404882,0.129023,-0.100165,0.25358,0.326515,0.180031,0.0975944,0.0539277,-0.0937274,0.32819,-0.0299243,0.0438042,0.109009,-0.0966971,-0.112241,-0.147608,0.19942,-0.060809,-0.0938672,-0.0251647,-0.210547,0.181911,0.208219,0.0503257,0.00284925,0.114982,0.195846,0.129216,-0.0797582,-0.113554,-0.112765,0.151063,0.115182,0.018998,-0.0684063,0.00745931,-0.160582,-0.058539,-0.0655927,-0.256559,-0.135539,-0.173406,-0.124718,-0.142679,0.221748,-0.0795205,0.0876325,-0.102453,0.0284459,-0.14581,0.0526337,0.140592,-0.144997,0.00414761,0.0841415,0.165341,0.108993,0.0251317,-0.339533,-0.314728,0.231309,0.0532728,0.0146585,-0.173454,-0.0289227,0.0363627,0.196467,-0.042423,0.0998886,-0.0192451,-0.0360591,-0.140417,0.171598,0.036878,0.0309979,0.112585,0.0349905,0.130457,0.0406805,-0.036153,-0.067729,0.0914656,-0.235507,0.14599,0.0279641,-0.043635,0.118664,0.0999721,-0.0513782,-0.118739,-0.30113,0.179076,0.248768,-0.0564545,0.111999,-0.052535,0.182082,0.0779507,-0.0778485,0.0381657,0.168568,0.152422,-0.204775,0.0073299,-0.195281,0.0508854,0.0817587,-0.177356,-0.26643,-0.0301152,0.282525,-0.103596,-0.0881281,-0.05716,0.189778,-0.0379639,-0.0104397,-0.00948034,0.069889,-0.159701,0.0547135,-0.032101,0.233519,-0.101507,-0.0244585,-0.116503,-0.217398,-0.0209095,0.0335332,-0.0405136,-0.184721,0.198839,-0.00248692,-0.116354,-0.219896,-0.228551,0.255387,-0.0827949,0.0988103,0.242646,0.119793,0.240772,0.152304,-0.151965,-0.284045,-0.198362,0.00201001,-0.0612127,-0.116826,0.10467,-0.0489964,-0.291404,-0.270726,0.0552254,0.035274,-0.16154,0.0204109,0.159848,-0.169066,0.212095,0.391138,0.12638,0.23589,-0.0679571,0.0165606,0.174988,0.30828,-0.0973387,0.0240444,-0.0686121,0.081042,-0.174148,-0.0584581,0.27386,0.0492335,0.152302,-0.0396504,0.123602,0.103008,-0.134743,0.0475704,0.21869,-0.0768703,-0.115004,0.0801645,-0.180378,-0.0378979,-0.0342506,0.266766,-0.0389109,-0.0885389,0.109562,0.300082,-0.0444874,-0.13933,-0.154213,0.0197863,0.102075,0.269476,-0.166774,0.127351,0.189898,0.142282,0.0544898,0.0478044,-0.240384,-0.29316,-0.0638158,-0.0703509,0.292881,0.106204,-0.330539,-0.242216,0.248157,0.290734,0.0476426,0.129657,-0.148732,0.131822,-0.230105,-0.190759,0.0358838,-0.0288949,-0.359576,-0.151159,-0.0729523,0.0918396,-0.0938647,-0.0212851,0.246881,-0.133629,0.122058,-0.183321,-0.0685963,-0.00812789,-0.360332,-0.0370436,-0.132195,0.280379,0.0904575,0.141703,0.00399855,0.0131057,0.0755142,-0.103545,0.0966083,-0.0859124,-0.0664788,-0.133837,-0.224182,-0.18271,-0.037989,-0.0822996,-0.108299,-0.0183607,-0.0311661,-0.0334655,-0.0332381,0.149153,-0.0343358,0.0531872,-0.139573,-0.0442849,-0.0473522,0.0876479,0.123149,0.160126,-0.0889417,0.281133,0.0783237,0.0150694,0.0969962,0.0659201,0.174053,0.0700719,-0.0720609,0.0533327,-0.0179149,0.107081,-0.0722811,-0.220216,-0.135062,-0.053868,-0.226608,-0.207031,-0.237384,-0.506672,0.131201,-0.127784,0.229229,0.176196,-0.0674806,0.179755,-0.222968,0.176692,-0.143131,0.0327314,-0.0534768,0.137718,0.0784709,0.0678772,-0.0786511,0.17212,0.0440651,-0.0448345,-0.0026262,0.150933,0.115736,-0.0110257,0.0337086,-0.0154598,-0.119283,-0.0918861,-0.113992,-0.0525293,0.0723521,0.0757431,0.0725033,-0.12526,-0.279095,-0.0286103,0.0451061,-0.114891,-0.0462419,-0.0221421,0.458052,0.161952,-0.244359,0.187378,-0.0834586,-0.10143,0.116682,0.0756349,-0.101512,-0.223533,-0.0352016,0.118921,-0.0141064,-0.218616,-0.142393,0.171241,0.0430767,-0.245747,-0.0601156,-0.190264,-0.0852839,-0.0225418,-0.155475,-0.247421,0.0458917,-0.103672,-0.0142185,-0.153206,-0.348596,0.106197,-0.138144,0.047101,-0.048142,-0.0967721,0.136476,0.247258,-0.0559741,-0.295297,-0.171603,-0.00298148,-0.330433,-0.0951924,-0.1153,0.0983138,-0.0626991,-0.339531,0.0363301,0.268133,-0.0506646,0.118015,-0.220349,-0.305577,0.140643,0.255734,0.332304,-0.145955,0.27776,0.096998,0.163743,-0.133809,-0.221651,-0.120252,0.0965814,0.0755571,0.0847692,0.129776,0.2976,-0.370452,0.0300472,0.0974335,0.223072,-0.0208937,0.0734306,0.0943132,0.126099,0.0840467,-0.214147,-0.127751,-0.00513538,-0.0243914,-0.0463674,0.104049,-0.224103,0.0613271,0.190176,0.072841,-0.121907,-0.177051,0.157071,0.0150482,0.19952,0.39475,-0.0380222,-0.213055,-0.116814,-0.148007,0.0946932,-0.0468657,-0.0331377,0.0226496,0.407611,0.177413,-0.279312,0.0125764,-0.0104859,-0.0661004,0.118314,0.0591181,-0.0345727,-0.316326,0.0291215,-0.11367,0.147391,-0.0620548,0.0932252,-0.171283,-0.118597,0.239207,-0.158411,-0.369798,0.0575291,-0.0164988,0.0452187,0.12518,0.0643861,-0.0136871,-0.38288,0.089943,-0.164175,0.16761,-0.06189,-0.166492,-0.177213,0.0487328,-0.128953,0.0380251,0.0635583,0.163816,-0.0388824,-0.244227,0.00403187,-0.170394,0.049779,0.00774276,0.0269039,0.101291,-0.00890499,0.136178,0.0957841,-0.164908,-0.0528006,0.00763671,-0.224081,0.407209,0.0556923,-0.245996,0.157492,-0.0977086,-0.0463724,0.226536,-0.00146826,-0.175907,0.248157,0.0137658,0.0284139,-0.157922,-0.343875,-0.248172,0.271898,0.360522,-0.0824685,-0.216268,-0.245944,0.258858,0.0421606,0.119435,-0.0849403,0.216291,-0.0269488,0.178783,0.194703,-0.101046,0.121442,-0.122071,0.00937168,-0.061491,-0.0858297,0.0230062,0.082346,-0.0809475,-0.176585,-0.0593581,-0.104018,-0.150551,-0.171537,-0.0937972,0.123753,0.0770492,0.0795515,0.00479557,0.127183,0.220127,0.153754,0.126292,-0.379565,0.121742,-0.0214439,0.0398431,-0.135892,-0.115169,-0.229239,-0.0202443,0.181515,-0.0930854,0.141625,-0.0236964,-0.133957,-0.106902,0.059449,-0.121437,0.124804,0.0513938,-0.0410933,-0.00798176,0.147789,-0.00791313,-0.075459,-0.144424,0.209171,-0.00533236,0.28854,0.0965293,0.00661609,0.0175214,-0.0353674,-0.0770343,0.138097,0.00239747,0.029848,0.21095,-0.120852,0.121554,0.037549,0.0818724,0.0758683,0.176387,-0.0216182,0.0839328,-0.231593,0.198607,0.160273,-0.0544147,-0.265015,0.189089,0.141634,0.0579893,0.0905069,-0.0511297,-0.157628,0.193584,-0.0745555,-0.19581,0.0836731,-0.0991615,0.0850408,0.0167348,0.163142,0.0707544,0.0816701,0.181693,0.0642566,-0.0538638,-0.088652,-0.106095,0.180569,-0.0288139,-0.124023,0.206327,-0.141311,0.0659985,0.00239573,0.143206,0.060844,-0.0282624,-0.229843,0.0693955,0.0193449,0.240627,-0.0130751,0.229368,-0.0305492,0.275854,0.0985386,-0.462451,-0.0234766,-0.0089059,0.0126053,0.00477485,-0.215228,0.0516069,0.00995225,-0.01925,-0.00409061,0.0579504,-0.0354432,0.314018,0.0553007,0.0887169,0.126186,0.0662586,0.119023,-0.0777238,0.0538655,-0.0379583,0.030323,-0.016946,-0.0735696,-0.134832,0.000717368,-0.103518,0.139515,0.211364,0.0516898,-0.461446,0.113664,0.0494585,0.0413523,-0.0111691,0.0289023,0.0407274,-0.0344279,-0.107376,0.0527798,0.182224,-0.0167147,-0.306749,-0.27459,0.130968,-0.202897,0.168876,0.163425,0.198471,-0.136784,0.115768,-0.114816,-0.016006,0.191813,-0.0149302,0.0703301,-0.263991,-0.187818,0.065721,-0.318075,-0.0938186,-0.248283,0.0863543,0.0840607,0.16196,-0.0553039,0.073614,0.0808068,-0.182512,-0.252878,0.0494589,-0.12586,-0.0863656,-0.0343578,-0.114493,-0.202745,-0.00758686,0.094633,-0.159442,0.00544588,-0.235873,-0.129331,0.28732,-0.149015,0.26504,-0.173747,-0.318555,0.0277626,0.070232,-0.217609,0.221045,0.263658,-0.0798945,-0.20463,-0.0412825,0.0935341,-0.0218037,0.0883065,0.0253943,-0.0776556,-0.365037,0.0356635,-0.119278,-0.14283,0.13717,0.0141933,0.161602,0.0928806,0.0591825,0.049895,0.0427755,-0.150076,-0.192243,0.188505,-0.170559,0.0557852,0.0125362,0.108281,0.0334317,-0.0121801,-0.118043,-0.141236,0.172372,0.218373,-0.418408,-0.344504,-0.0430549,0.189813,0.246257,0.0837152,0.130881,0.0238211,-0.115606,-0.39804,0.0180406,-0.0498766,-0.124539,-0.209314,0.139731,-0.197884,0.0089718,-0.184364,-0.332676,-0.0252877,-0.0604009,-0.0113974,-0.115991,0.300863,-0.111107,0.0511043,-0.216992,0.129716,0.140503,-0.00748421,-0.0860751,-0.182924,-0.122714,-0.100304,0.169632,0.113406,0.0719853,-0.4051,0.00660493,0.0135425,0.0801624,0.0138648,-0.0216599,0.156694,0.121207,-0.195223,0.40544,-0.117978,-0.040645,0.0554173,0.215814,0.109113,0.119386,-0.41903,-0.037526,0.0427868,-0.0538445,-0.0485976,0.200616,-0.0313374,-0.185725,0.140278,-0.00551296,-0.354815,-0.0377912,-0.0484358,0.153924,-0.0723093,-0.261623,0.0261003,0.120158,-0.0243836,0.110793,-0.0837893,-0.192087,0.0867805,0.0754717,-0.0814193,-0.176083,-0.0131602,0.00275351,0.137333,0.142591,0.0934516,0.128542,-0.0533944,0.00205809,-0.00838787,-0.200185,0.0661083,0.222114,0.0679178,0.00311752,0.112569,-0.0785882,-0.0576475,0.322338,-0.142685,-0.092383,0.257616,-0.061793,-0.109329,-0.0130608,-0.0209783,-0.1617,0.0157649,-0.0261741,0.205794,0.0529522,-0.131872,0.104157,0.0488257,0.114783,0.0837563,0.194968,0.0768963,0.0506132,-0.0671684,0.0506031,-0.129877,0.0510188,-0.0403485,-0.0399819,-0.098464,0.300613,-0.131766,0.0101767,-0.0580005,-0.238007,0.0869163,-0.456554,0.18485,0.10185,-0.0838426,0.0825958,0.0864126,-0.00179511,-0.153866,-0.0427283,-0.326357,-0.163642,-0.00674231,0.0686765,-0.277574,0.191342,0.0986638,0.133248,0.0164946,-0.183014,-0.0982127,-0.0273831,0.0548793,0.217691,0.0440102,-0.036675,-0.206714,0.161942,-0.110505,0.122249,-0.156386,-0.0139648,0.384832,-0.118086,0.217671,0.137281,0.238331,-0.0249998,-0.0361024,-0.0816546,0.115746,-0.284702,0.250241,0.0975546,0.0766866,0.153385,0.147744,-0.126983,-0.0911061,0.142748,-0.325544,-0.0480306,0.0852872,-0.0565228,0.021564,-0.287591,0.0267741,0.021659,0.221712,0.226956,0.080265,0.263923,-0.126017,-0.19189,-0.119717,-0.206436,0.139495,-0.265969,-0.257077,0.193158,-0.0537239,0.0386802,-0.466894,-0.0332132,0.0976004,-0.0485224,0.0658185,0.182055,-0.187506,-0.00107599,-0.0144694,-0.113016,0.114852,0.028413,-0.271821,0.15277,-0.179414,-0.0317143,-0.03176,0.308771,-0.0610532,0.0221739,0.0715086,0.104371,0.0501007,0.0142823,0.181464,0.145809,-0.0717022,0.172688,0.0801152,-0.198648,0.0945466,-0.0682064,0.130199,0.101588,-0.229379,-0.175905,-0.0248729,0.179372,-0.0140387,0.380577,0.0620853,-0.116012,-0.207295,0.0662451,0.0520662,-0.0434341,0.166627,-0.220871,-0.161108,-0.0618656,-0.00344809,0.0191857,-0.0105489,-0.126579,-0.0975664,0.0243694,-0.109901,0.215742,0.155823,0.285982,-0.0726269,-0.0910624,-0.113851,0.0163483,-0.0944586,-0.109493,-0.120768,0.0561111,-0.0887186,0.0272501,-0.336006,0.107168,0.284201,-0.16737,-0.125485,0.259324,-0.203551,-0.082527,-0.184785,-0.0812329,-0.0157404,0.10266,-0.0678171,-0.0237688,-0.0817376,0.0912929,0.152018,-0.0566032,-0.0234976,-0.138961,0.074645,0.09644,0.116336,0.0483271,0.0791298,0.135481,-0.0385411,0.352438,-0.0682662,-0.0654534,-0.0897666,0.0071327,-0.087255,-0.312482,0.0434045,0.27181,-0.0104403,0.261426,0.0856693,-0.106866,-0.316899,-0.0470951,-0.00870876,-0.0616742,-0.0689085,0.291254,-0.0525478,0.0727723,-0.124907,-0.0838557,-0.0604805,0.0695738,0.0143919,-0.0205319,0.0520817,0.0254001,-0.105905,-0.0270878,0.0719935,-0.0913646,0.341759,-0.104345,0.034854,-0.188315,0.0940114,-0.0297058,-0.169988,-0.0181616,-0.170282,0.260428,-0.0330848,0.18365,-0.132439,-0.0185271,0.0495141,0.130929,-0.182301,-0.0969516,-0.014028,-0.0274399,0.137787,-0.0522518,-0.217895,-0.236011,0.00763611,-0.250794,-0.0314465,0.0620068,0.0711792,0.200554,-0.0814484,0.302679,-0.23705,-0.0962471,-0.0611678,-0.0693109,-0.139183,0.00519757,0.0532425,0.185291,0.168766,0.205055,-0.145516,-0.0182798,0.187419,-0.0886524,-0.214776,-0.11663,0.227621,0.155477,0.265535,-0.0614531,-0.173817,0.0826356,0.131999,0.122249,-0.0115931,-0.0843442,0.115086,0.0978735,-0.202692,-0.0238747,-0.083169,0.0642859,0.15037,-0.0702938,-0.112291,0.128835,-0.215397,-0.196665,-0.126864,-0.089459,0.291628,0.0392844,-0.311417,-0.299007,-0.0387178,-0.0989254,-0.0534609,0.169691,0.00105026,-0.149506,0.00551064,-0.338035,-0.0961966,0.148183,0.00174434,-0.0902745,0.165513,0.137961,-0.0346846,-0.0497527,0.0777533,0.154631,-0.213131,0.0426782,0.185183,0.220106,-0.0248467,0.172159,-0.18317,0.0091674,-0.245736,0.0409858,0.179587,0.0932599,-0.150091,0.0570505,-0.169772,0.0489412,-0.0467383,0.0457253,0.0186846,-0.0524021,-0.0255847,0.0280535,0.180444,0.0230903,0.152221,-0.131426,0.273779,-0.109027,-0.214145,-0.124819,-0.289469,0.0861668,0.120865,0.538003,0.332278,-0.0526909,0.116339,0.0599097,0.121409,-0.218291,-0.143354,-0.0627884,0.028854,0.0628387,0.251814,0.18276,0.0197545,0.196804,-0.00295396,-0.140313,-0.0213603,-0.258562,-0.167224,0.187488,-0.000251579,0.0422773,-0.0937528,-0.127603,0.0177716,0.0994155,-0.125047,-0.0171866,-0.00939625,0.0904685,-0.0799705,0.155455,0.0689011,-0.104612,-0.0723215,-0.0701443,0.0538617,-0.212725,0.0834112,-0.234201,0.270422,-0.114861,-0.0109792,0.0937595,0.316427,0.0465293,-0.109279,-0.196358,-0.111063,-0.0355384,-0.00372648,0.0196744,-0.0117631,-0.06675,-0.248615,0.0115259,0.115055,-0.460312,-0.00377741,-0.162014,-0.139583,-0.0604558,-0.187922,-0.0311552,0.00516286,-0.333611,-0.252833,-0.146259,0.406016,0.0552018,-0.130697,-0.0490295,-0.174126,0.0699102,0.0912089,-0.108591,-0.104414,0.0607738,-0.451265,-0.0214016,-0.260607,-0.163076,-0.058253,0.0469985,-0.100972,-0.296638,-0.146126,0.0826401,0.115062,-0.255842,-0.00855514,0.24879,-0.0375548,0.269776,0.210249,-0.0105769,0.198029,-0.0823196,-0.41827,-0.0512711,0.103569,0.00996384,0.0327531,0.142124,0.0757353,0.0343208,0.136617,0.0461119,-0.0129726,-0.11367,-0.129857,-0.186765,0.0110748,-0.139527,-0.101499,-0.0755236,-0.0112628,0.0107597,0.07663,0.254682,-0.11763,0.17335,-0.100551,0.197097,0.00615904,0.386032,0.0425302,0.0591844,-0.0142517,0.0793107,-0.273067,0.0759945,0.234288,0.0890091,-0.10639,-0.187461,-0.186455,-0.067681,0.279564,-0.295368,0.149501,-0.0816722,0.18443,0.0667178,-0.0969764,0.1763,0.0867169,-0.098011,-0.132202,0.249177,0.1494,0.140718,0.0519092,0.0480298,0.0609258,0.0581186,0.0767449,0.201948,-0.0522188,-0.0605904,-0.396532,-0.0703405,0.337231,-0.0331776,-0.0805607,0.0253559,0.074491,-0.0246867,-0.0414274,-0.0322192,0.036716,-0.203005,0.181155,-0.118696,-0.319025,0.347646,0.00371398,0.000781761,0.053333,0.274118,0.13982,-0.0290303,-0.0514476,-0.0512086,-0.200536,0.0530916,0.12076,-0.0133977,0.263179,0.0658789,-0.0704741,0.129661,0.0482318,0.127221,0.0531543,0.17336,0.0405836,0.173917,0.0887607,-0.0143247,-0.0825762,0.000106633,-0.0376699,0.0731689,0.0322891,0.218206,0.0855511,-0.104157,-0.336081,-0.0256776,0.07061,-0.0486131,0.31252,-0.0615998,-0.0201564,0.0774682,0.154884,-0.305453,0.263498,0.0370308,-0.18413,-0.114367,0.0337734,-0.25462,0.0650818,0.0321505,-0.158031,-0.0974912,0.215132,0.219869,0.172818,-0.0136071,-0.091813,-0.0183162,-0.0209445,-0.0672184,-0.0405429,-0.109785,0.0123572,0.14601,-0.0521515,0.133714,0.0995164,-0.00425637,-0.0831891,0.080202,0.0150329,0.0350054,0.232469,0.0637082,-0.13783,-0.00538498,0.181053,-0.294915,0.107535,0.170239,0.0534618,-0.0924055,-0.237415,0.0887965,-0.00465862,0.00124963,0.154094,-0.323571,-0.0496981,0.044311,-0.00885773,-0.0528978,-0.0774282,-0.136132,0.270095,-0.199848,0.136273,0.273096,-0.0389043,0.0149268,0.160766,0.144637,0.26462,0.0709596,-0.13946,0.238799,0.0886479,-0.102315,-0.0775087,-0.116587,0.0582715,-0.0756891,0.104697,0.1095,-0.0560769,-0.382143,-0.144098,0.148173,0.198184,-0.203602,0.0556853,-0.0308689,0.0296437,0.0401348,-0.000624525,0.0234409,-0.0254614,0.0515558,-0.0338194,0.0558192,-0.123003,0.197601,-0.188927,0.153722,-0.133024,-0.0339281,0.0740492,0.0702353,-0.272241,0.274344,0.0940157,0.392407,-0.0158342,-0.00283584,-0.0630496,0.122961,-0.0691428,-0.0243609,0.0181702,-0.25306,0.0747697,-0.176077,0.0819831,0.132552,0.0110923,0.108934,0.166726,0.217983,0.0720517,-0.0033909,-0.328946,-0.282661,-8.15615e-05,-0.157094,-0.0024516,-0.0350667,-0.268727,0.139385,-0.0954051,-0.0563455,-0.31291,0.378843,-0.0356854,0.174151,0.0867336,0.247592,0.0871507,0.0690742,0.241566,-0.175427,0.0670538,-0.106258,-0.0698808,0.251134,-0.0341751,0.119923,-0.174602,-0.22715,-0.139657,-0.037182,0.107105,0.187591,0.08047,-0.0965355,0.133633,0.195786,-0.106562,0.092967,0.031468,-0.0599796,-0.399386,-0.105155,-0.0365746,-0.256315,-0.0200387,-0.18676,-0.0722665,0.211982,-0.238755,0.393091,0.00668907,-0.154597,-0.0759732,0.159245,0.0346189,0.0424409,0.123757,0.0352366,-0.0788074,-0.277852,0.175774,-0.051053,-0.112546,-0.0315072,0.03811,-0.0484417,0.0872295,0.195232,-0.0821809,-0.125849,-0.0943432,-0.0286859,-0.274426,-0.176405,-0.11398,0.0074877,-0.34883,0.118398,-0.0958745,-0.0735017,0.123409,0.0813711,0.230082,0.207054,0.142918,0.0177796,-0.122548,0.396592,-0.0282782,-0.0358841,0.00122172,0.289415,0.0108003,0.00545466,0.338952,-0.266414,0.0645376,0.342807,-0.18953,0.11214,0.0779543,-0.170655,-0.201766,-0.26956,-0.00964798,-0.0215818,0.00953718,-0.169862,-0.0831655,-0.127103,0.196502,0.120986,-0.323527,-0.164151,0.114634,-0.0701093,0.0412928,0.055523,-0.00342702,0.0870057,0.27488,0.0649884,-0.240445,0.236575,-0.205531,0.114562,0.0767609,-0.150921,-0.0594132,-0.117458,-0.000172175,-0.145894,-0.0905504,-0.0231604,0.0509209,-0.137232,-0.0831273,-0.0859391,0.313045,-0.200959,0.134187,-0.136063,0.0809117,-0.163476,0.0234324,-0.2196,-0.260666,0.166004,0.252384,-0.0930901,0.0637312,0.0435388,0.250086,0.15507,-0.138621,-0.0115447,-0.0636702,0.0356437,-0.155171,0.0720434,-0.129722,-0.00588181,-0.0217388,-0.0867745,0.0179944,-0.0382539,0.134271,0.103682,-0.202494,0.1394,-0.115192,-0.0744917,0.0749631,-0.141322,-0.0729329,-0.291388,0.189613,0.271671,-0.100228,-0.00990612,-0.0717883,-0.22056,0.0506386,0.0721213,0.289903,0.0596242,-0.155641,0.223783,0.0679767,-0.0527253,0.0258468,-0.446267,-0.19431,0.0622464,0.0494117,-0.0744218,-0.0628959,0.116006,-0.125095,-0.0321467,-0.30957,0.127293,-0.143076,0.0733334,-0.15381,0.186952,0.0912971,-0.102686,0.0402244,0.132183,0.128111,-0.1388,0.0478795,0.161969,0.0437336,-0.122451,0.0439248,0.0795083,-0.0729621,-0.127543,0.0147763,-0.142559,0.128106,-0.158615,0.207741,0.102615,0.0303487,0.0957552,0.158564,-0.0310264,-0.323096,0.0396068,0.0215086,-0.119634,0.103123,-0.133938,-0.12381,-0.0561299,-0.00561372,-0.0489884,0.0329518,0.0709018,-0.194359,-0.0928997,0.0366175,0.0263716,0.091604,0.0260616,0.179758,0.139903,0.00845302,-0.236018,-0.130575,-0.0306781,-0.0211784,0.202073,-0.118526,0.163505,0.202034,0.233279,0.0666131,0.0939472,0.0442967,-0.112247,0.0823902,-0.0973471,0.027364,-0.28337,-0.150277,-0.092997,-0.244697,0.121525,-0.236887,0.0763019,0.0647046,0.154934,-0.040665,0.0457561,0.0538258,0.0608227,0.00810179,0.119188,0.296632,0.123051,-0.105533,0.303806,0.176428,-0.143304,0.00302588,0.00233742,0.210758,0.191895,0.153064,-0.0793665,0.150173,-0.171124,-0.0144486,-0.168561,-0.12259,-0.183809,0.174413,0.00300348,0.0228999,0.0792451,-0.108408,-0.325565,-0.0173123,-0.147107,-0.0336044,0.0919758,-0.264068,0.0853515,-0.247007,0.17079,0.00101966,-0.00938634,-0.118098,-0.0324923,0.0434376,-0.106057,-0.00511847,0.142505,0.135404,0.144221,-0.0684867,0.0640474,0.0298828,-0.34866,-0.341584,-0.0440018,-0.0702769,0.0242922,-0.030066,0.0776928,-0.098706,0.0609253,0.119625,-0.221569,-0.200934,-0.0857305,0.0653086,-0.282966,0.151472,-0.0646227,-0.232371,-0.0163324,0.129457,0.000297116,-0.134963,-0.0792579,0.0950987,0.0301297,-0.29603,0.0323656,-0.124315,0.00258427,-0.159312,-0.030166,0.169049,-0.0389836,0.211364,-0.15353,0.28442,-0.115462,-0.103296,0.0248173,0.0964013,-0.322239,-0.192449,0.0863431,0.220813,0.0411988,0.00207563,0.0612027,-0.179066,-0.105669,0.00987281,-0.0962594,-0.162903,0.0278748,0.147653,0.0661979,-0.0214522,-0.0454143,-0.110384,-0.0406428,-0.136166,0.0862759,-0.0168983,0.207686,0.267629,-0.214832,0.0729478,0.0405841,-0.0101689,-0.0345345,-0.0647848,0.0393156,0.014656,0.138763,0.326358,0.172624,0.112428,0.00708382,-0.0652564,0.325531,-0.0202715,0.0454044,0.137958,0.0812025,-0.112982,-0.120767,0.0259596,0.160293,0.226309,-0.10444,0.20248,0.0288086,0.259263,-0.000295491,-0.0255628,-0.283742,0.159959,-0.0620298,0.10923,0.109188,-0.186722,-0.159929,0.123504,-0.130352,-0.0239287,0.00912175,0.142584,0.321001,0.276868,0.1086,0.194859,0.111646,0.375871,-0.316559,0.05168,0.0412874,0.0181259,-0.0831024,-0.0974719,-0.100768,0.129086,0.185042,-0.128402,0.120472,-0.0183382,0.126922,0.149467,0.190474,-0.0224253,-0.108799,-0.0946471,-0.132789,0.126945,-0.10553,0.0313909,0.107785,0.19155,-0.131375,-0.192981,0.00444989,0.000628937,0.00319783,-0.201371,-0.0015335,-0.248668,-0.109473,0.0709704,0.197056,0.240078,-0.111982,-0.0577555,0.0609286,0.082273,0.0899979,0.0658302,0.170201,0.257446,-0.173525,-0.156439,-0.0410744,0.0600644,-0.176995,0.104374,-0.0104503,-0.113014,0.0980582,0.0367483,0.160968,-0.0930903,-0.204399,-0.0462631,-0.0998154,-0.156753,0.0308739,0.100182,-0.158239,0.175599,0.0796673,-0.059802,-0.0847552,0.0020519,-0.000474323,0.0570247,0.178655,0.0545049,-0.0685388,0.206906,-0.0482944,-0.0693669,0.192821,-0.0207747,0.0411377,0.154875,-0.0211423,-0.10473,-0.146615,-0.166793,-0.160353,-0.0867608,-0.00939089,0.138537,-0.154052,0.380822,-0.048564,-0.316375,-0.0516232,0.0552305,0.119051,-0.00778889,0.114221,0.401307,0.0900135,0.0494608,-0.0691157,0.0434326,-0.129696,-0.12716,0.00975603,-0.0155278,0.0470381,0.180984,-0.0435131,0.175252,0.189235,-0.0041603,-0.0882528,0.337543,-0.163869,0.0900494,0.151351,-0.101956,-0.103319,0.196401,-0.0924835,-0.188511,0.187584,-0.118319,0.227274,0.16136,0.0441379,0.0024593,-0.148408,-0.0114787,0.0837505,0.00477654,0.0447774,-0.154144,-0.431129,0.333733,-0.0913753,-0.0181481,0.257474,-0.27566,0.108703,0.316621,-0.0390382,0.0269986,-0.0675753,0.108691,-0.12402,-0.0402887,0.0739761,0.193223,-0.221103,-0.24968,0.0993952,0.0132581,-0.180875,0.0372865,-0.19251,-0.155777,0.0773309,0.093148,-0.107737,-0.0351798,-0.0167379,-0.128407,0.186782,0.0777739,0.337433,-0.0662409,-0.115879,-0.129124,0.232535,-0.0254444,0.0221008,0.0784529,0.178214,0.0230246,-0.0309191,-0.0389224,0.0423946,0.100961,0.196164,0.045205,-0.0194591,-0.0749595,-0.0800577,-0.055735,-0.0130519,0.0676886,0.0643402,0.21289,0.110069,-0.0549876,-0.100213,0.113788,-0.199445,0.100052,0.167625,0.132986,-0.0316354,-0.206837,-0.0766988,0.101592,0.132602,-0.18433,0.0925656,-0.0101635,-0.129337,0.342792,0.118756,0.0241587,0.323537,0.11155,-0.143034,-0.101886,0.322803,0.0263509,-0.0422239,-0.266165,0.0466223,0.198058,-0.145126,0.0454344,0.147082,-0.000588059,-0.201904,-0.195327,0.0982839,0.0855895,0.0646123,0.0100384,-0.0789524,-0.241058,-0.0555626,-0.467506,0.191614,0.249394,0.143071,0.0150461,0.0817222,-0.0896615,-0.026718,0.125184,0.0821225,0.206799,0.0983921,-0.106375,-0.181424,0.02393,0.192385,-0.126607,-0.163145,0.100138,-0.0945608,-0.0313504,-0.175571,0.167439,0.156059,0.0922204,-0.0633254,0.148139,0.114333,0.035826,0.2374,-0.0656316,0.164482,-0.175357,-0.0074504,0.213759,0.150133,0.175494,-0.15447,-0.16311,-0.313337,-0.240622,-0.175247,0.278364,-0.078838,-0.0347641,0.163837,0.197571,-0.115203,0.190978,0.127274,-0.215058,-0.182884,0.0246299,-0.0511456,0.0110477,-0.00256592,-0.172597,0.123502,-0.323294,-0.261368,-0.136154,0.0193425,0.0596624,-0.241756,0.217419,-0.260074,-0.270424,0.216784,0.000761246,0.239818,0.133142,-0.0557426,-0.251285,-0.104753,0.122757,0.0131413,-0.120626,0.238337,0.120998,-0.0593763,-0.0962457,-0.088691,-0.164222,-0.0609919,0.102015,0.103723,0.0375731,0.0348879,0.0549617,-0.045789,-0.160352,0.0375739,0.362726,-0.183014,-0.148552,-0.183814,0.0539519,0.127094,0.00364192,0.124964,-0.0965314,0.235932,-0.0072876,0.139109,0.0230532,0.128417,-0.0898013,0.135847,0.0663428,-0.0593248,-0.0652397,0.374967,-0.148638,-0.017919,-0.253914,0.00937195,-0.0412506,-0.0365775,-0.0497289,0.17623,-0.148928,-0.0190575,-0.0152325,0.195472,0.369973,0.120467,-0.0567094,0.2684,0.210314,0.107369,0.0424983,-0.0900894,0.0187377,-0.133741,0.0977028,-0.0276835,0.378331,0.032952,-0.0499072,0.201679,-0.130065,0.236306,-0.0459736,-0.200347,0.331773,0.0810869,0.0996868,-0.312064,-0.273974,0.279833,-0.0983846,-0.0222707,-0.0957458,0.0247921,0.0123284,0.0300698,0.0298701,-0.0533627,-0.00506441,0.13217,-0.0944986,-0.0701578,-0.0302849,0.0926937,0.118757,-0.10654,-0.05537,-0.266444,-0.045264,0.283835,0.172648,-0.0713453,-0.0637781,-0.0542969,0.175334,0.0871333,-0.202833,-0.0680297,-0.0226039,0.0446033,-0.239696,0.0629297,-0.00079938,0.324968,0.0183477,-0.224394,0.0229288,0.216831,0.114639,0.171648,0.0703321,-0.13488,0.179081,0.108001,0.0198094,-0.298514,0.0456233,0.287601,-0.113991,-0.157158,-0.160229,0.1383,0.13324,0.414968,-0.0546326,0.293606,0.0341036,0.0427551,0.118914,-0.0211774,-0.0900358,0.0133585,0.0874439,0.205888,-0.127112,-0.221819,0.247401,-0.0422861,0.0483933,-0.204804,-0.0720201,0.0645509,0.243592,-0.246684,0.160599,-0.103356,0.00497105,0.0482743,0.34805,0.145101,0.420539,0.163881,0.0783169,-0.140005,-0.139388,0.00532679,0.07449,0.0662279,-0.0885068,-0.108024,-0.0545875,-0.144358,0.00303175,0.245323,-0.101628,0.154959,-0.0747896,0.189643,0.0996889,-0.0128046,0.140703,0.178289,0.0824839,-0.0113841,-0.0234242,-0.0419763,0.0709743,-0.010275,-0.170384,0.0865194,0.235063,-0.0576608,-0.166866,0.085307,-0.0531376,-0.0433782,0.277585,-0.00741426,0.349973,0.171714,0.135739,5.7552e-05,0.119255,-0.101713,0.123966,-0.287884,-0.088172,-0.167665,-0.111056,0.000598662,-0.0374865,-0.407083,0.123732,0.0210051,-0.0731713,0.0118736,0.0205784,-0.0730475,-0.0286626,-0.203807,0.0646957,-0.042007,-0.206623,0.111573,-0.148348,-0.00960623,0.0751234,0.175819,-0.235902,0.0609746,0.0963831,-0.0455806,0.0996115,0.150925,0.3557,0.210847,-0.0104214,0.0382024,-0.054402,-0.115161,-0.134234,-0.0317042,0.0646045,-0.0778472,-0.106068,0.0497384,-0.075385,0.175808,0.0358773,0.148476,-0.188369,0.140069,-0.409322,-0.128612,-0.0655595,-0.0885823,0.252278,0.00667007,-0.116335,-0.237192,0.344116,0.0972327,0.0517733,-0.117069,0.173295,-0.00794289,-0.0988348,0.257678,0.023749,-0.141406,0.108603,0.0374224,-0.129825,0.033166,0.153453,-0.854555,-0.530883,0.258313,0.275971,0.402325,0.509258,-0.104896,0.564341,-0.0500376,0.57398,0.721423,0.442139,-0.779106,-0.11782,-0.326075,0.118065,0.961362,0.65712,-0.846186,0.39426,-0.393687,0.681003,-0.526739,0.55765,-0.0472633,0.504718,-0.364912,-0.109442,-0.724293,-0.0624678,-0.49527,-0.0297692,0.646903,0.289192,-0.329541,-0.0474376,0.274234,-0.302217,-0.532155,0.754456,0.436757,1.43419,-0.190629,-0.375739,-1.08357,-1.19113,-0.167792,-0.654396,0.252842,-0.146004,0.213847,-0.00189464,0.361871,-1.09923,0.344854,0.316485,0.584385,-0.447619,0.442144,-0.213017,0.0292428,0.531451,-0.0248008,-0.979996,0.173862,-0.0482009,-0.727838,-0.861725,-0.823847,0.213496,0.506922,0.249809,-0.450197,-0.802653,0.452635,0.447417,0.679706,-0.121028,-0.254136,-0.0883465,0.408845,-0.312145,0.321551,0.219825,-0.0288506,0.269494,0.964613,0.318805,-0.10028,-0.0836264,0.740117,0.227528,0.310035,0.806577,0.07292,0.287803,-0.877665,0.485069,0.324341,-0.656078,0.79356,-0.063685,-0.202366,-0.124785,0.351884,-0.112686,0.080708,0.622844,0.326539,-0.674058,-0.0900717,-1.01712,1.26077,-0.925157,0.081989,-0.272622,0.818386,-0.474638,0.434341,0.198391,0.00638998,-0.361437,0.35742,-0.106348,-0.469763,-0.234182,0.126862,0.238553,0.315501,-0.689416,0.352073,0.312475,-0.093656,0.378478,0.116686,0.358742,-0.355181,0.683975,-0.301274,-0.170975,-0.863433,0.423769,-0.32855,0.168451,0.679739,0.0230736,-0.280361,-0.507276,-0.0352419,-0.878413,-0.329679,0.286657,-0.92642,0.0475096,-0.155441,-0.221755,-0.971736,0.0962296,-0.0625594,-0.440487,0.312813,-0.0674046,0.263274,-0.347483,-0.295373,-0.570071,0.232442,-0.206393,-1.16626,0.0869052,-0.916434,-0.225865,0.80944,-0.0550238,-0.0190202,0.142728,0.226394,-0.346313,0.502219,1.12912,0.446331,0.0229958,-0.921863,0.15626,0.109584,-0.21185,0.374626,0.209188,-0.220445,0.22832,0.0914461,0.156181,0.539487,0.0114804,0.543904,-0.209389,-0.0507434,-0.00519422,0.30005,-1.00973,0.208738,0.70649,-0.523738,-0.610395,0.459918,-0.105414,-0.0922856,0.749972,-0.404453,-0.0623126,0.207363,-0.101186,-0.386688,-0.396365,0.280346,0.919523,0.659277,0.10807,0.0296279,0.625512,0.374941,-0.427414,-0.0923877,-0.677797,0.318358,0.0107218,-0.00444862,0.113274,0.611931,0.802573,-0.252793,-0.00972809,-0.0842107,1.15176,-0.780835,0.0677586,-0.3412,-0.275615,0.592329,-0.148853,0.405062,0.129339,0.112888,-0.326869,0.332597,0.207254,-0.337029,0.428714,0.437627,0.521633,-0.0395664,-0.8054,-0.487432,0.000228249,0.216484,-0.278466,-0.158979,-0.0290301,0.325298,-0.352651,0.0135043,-0.130062,0.285655,-0.604001,-0.00326593,-0.446827,0.449286,-0.412497,0.338602,-0.407367,0.599432,-0.625068,0.0847403,-0.101521,-0.349121,-0.18475,0.0487087,-0.252541,0.407448,0.343608,0.270448,-0.680635,-0.107515,0.396977,-0.137964,-0.147097,0.242688,-0.576785,0.457286,0.0284562,-0.3145,-0.640939,0.424686,-0.0592596,0.128378,-0.105513,0.629658,0.060455,-0.37261,-0.479993,-0.579549,0.29038,0.541907,-0.488932,0.00486133,-0.271197,-0.0522412,-0.303555,0.273451,-0.193859,0.451105,0.20187,0.193287,-0.374125,-0.286756,0.337642,-1.42474,0.0742954,-0.934272,0.332809,-0.349135,1.13329,-0.425258,-0.145589,-0.856201,-0.636435,-0.0151347,0.422358,-0.517486,0.743037,-0.536021,-0.136112,0.0368877,0.724091,-0.510167,-0.500528,0.0283124,-0.116897,-0.00680097,0.236574,0.008639,-0.0828812,0.183106,0.485773,-0.406594,0.0614423,0.771589,0.428408,0.205407,0.229524,0.169906,-0.683378,0.128941,-0.297455,-0.817451,-0.183021,-0.130332,-0.408568,0.0728004,-0.67125,0.64666,-0.130643,-0.420486,-0.129444,-0.190087,0.045911,0.0162014,-0.0247146,-0.591926,0.478929,0.0569396,0.513424,-1.14535,-0.139032,0.82623,-0.684573,-0.0706364,0.687924,-0.49055,-0.197572,0.370877,0.262622,-0.247801,0.285135,1.33991,-0.56279,0.509628,-0.0656483,0.51048,0.730101,0.264562,-0.776721,-0.373353,-0.141348,-0.691266,0.160798,-0.127697,0.555829,0.0292684,-0.534053,-0.192892,0.345509,0.035717,-0.536121,-0.177678,-0.216387,0.0195359,0.0893532,0.265682,-0.632151,-0.297132,0.0532298,0.0203942,-0.773352,-0.15928,0.507465,-0.100767,-0.0916691,-0.342776,-0.825871,0.655199,-0.434614,1.13068,0.225321,0.168335,-0.150791,-0.40509,0.312525,-0.0360845,-0.192291,-0.345457,-0.275342,0.657575,-0.0508445,-0.792037,-0.0428355,-0.00877645,0.0648553,0.0967316,0.220814,0.178668,0.445763,-0.381396,-0.404266,0.164111,0.243947,0.485961,0.160803,0.0019808,-0.709972,-0.527887,-1.05708,-1.13219,0.312607,0.573915,-0.184334,0.250545,-0.515962,-0.136174,-0.760404,0.162808,-0.0123949,-0.143553,-0.127717,0.323138,0.23209,-0.588428,0.603485,-0.566303,-0.631346,0.336773,-0.122425,-0.436863,-0.113819,-1.19032,0.338066,-0.261444,-0.206951,0.11564,-0.150522,-0.336952,0.573428,-0.675978,-0.942829,1.1974,-0.194276,0.279338,-0.281084,-0.361178,-0.47667,-0.176375,-0.00880823,0.466624,-0.0579798,0.134759,-0.738217,-0.157134,-0.058479,0.247148,0.380697,0.8049,0.235942,-0.363156,-0.175901,0.558708,-0.573094,-0.861783,-0.99643,-0.0968713,-0.578968,-0.904557,0.0365078,1.20555,0.207031,0.276845,0.150779,-0.589159,0.0884841,0.319799,-0.527608,0.0834688,-0.290326,-0.501741,-0.126507,1.03354,-0.169465,-0.188359,0.477927,-0.955847,-0.443913,-0.0629096,0.209653,-0.119072,0.346748,-0.610375,0.256087,0.0692784,-0.575453,0.345848,0.451013,0.202842,-0.205128,0.144155,0.665712,-0.179275,-0.580004,0.13719,0.13502,0.364876,0.601104,-0.792172,0.527956,0.386631,-0.173616,0.137412,0.0533888,-0.599707,0.347027,-0.116294,0.392206,-0.366641,0.414006,0.0971339,0.470272,0.331334,-0.0983987,-0.101516,0.489009,0.101094,-0.110181,0.1331,0.191554,0.0574786,0.747766,0.270827,0.327772,0.396527,0.152009,-0.403278,-0.484003,-0.0744831,0.0268956,0.6102,-0.606148,0.397969,-0.610628,0.585176,0.99031,0.40881,0.365954,-0.211429,-0.443117,-0.339665,0.220495,0.0881143,0.235453,0.369211,-0.0714303,0.474912,0.102033,0.463975,0.556532,1.09972,0.434415,0.324448,-0.511235,-0.194805,0.0530454,0.895654,-0.128506,0.123651,-0.192724,-0.0552436,0.266768,0.276279,0.00263288,-0.314762,0.559976,-0.343792,-0.327094,0.106704,-0.0964224,-0.0216082,-0.244164,0.120708,0.267131,-0.0895682,-0.326664,-0.799745,-0.714408,0.233999,0.923668,0.321287,-0.291632,0.686259,0.232536,0.163441,0.712811,-0.311568,-0.0277442,-0.237415,-0.397092,-0.233737,0.387392,-0.750018,0.453836,0.45701,0.169077,-0.323055,-0.0136668,0.105503,0.359538,0.00750726,-0.449663,-0.007714,0.426101,0.154293,0.400672,-0.312448,-0.11266,-0.711217,0.704559,-0.841552,0.0695928,0.154994,0.481704,0.489968,-0.152177,1.18494,-0.777488,0.131584,0.402485,-0.135551,0.159504,0.646544,-0.230367,-0.486304,0.230956,0.208906,0.650751,0.416555,-0.148804,-0.0281804,0.353005,0.718392,0.0483998,0.00793654,0.195977,0.143081,-0.0692829,-0.168,-0.297571,0.477454,0.421531,-1.07815,0.270687,0.133466,0.747747,-0.17097,-0.460911,0.234286,0.231882,-0.26273,0.0298912,0.785164,-0.70831,0.6322,-0.920607,-0.470625,-0.0190941,-0.65984,-0.176889,-0.35277,0.41325,1.24316,-0.334161,-0.522313,-0.721574,0.648266,-0.11918,0.161188,0.711457,-0.149826,0.684227,-0.488721,0.74022,0.202029,0.111774,-0.28049,-0.0922416,0.0990123,-0.156329,-0.76701,-0.15137,-0.132915,-0.125346,-0.176098,0.418368,-0.645158,0.165056,0.298993,0.352788,-0.268156,0.353695,0.206315,-0.550344,-0.237973,-0.24512,-0.208537,-0.141814,0.594497,-0.383758,0.209146,-0.641168,0.0260501,0.198355,-0.529314,0.444492,0.584409,-0.323657,-0.692498,-0.450243,0.106041,-0.0300377,0.34819,-0.111468,0.335593,-0.302909,0.0945903,0.633099,-0.0335569,0.436339,0.212045,0.419769,-0.253967,0.10614,0.416425,0.397872,-0.228905,-0.212991,0.944628,-0.81329,0.259811,-0.694211,0.844844,0.403645,0.225817,0.0795989,-0.00807219,0.227615,0.159046,0.886085,-0.267169,0.395099,0.0559829,-0.697303,0.110435,-1.25226,-0.15546,0.0029853,0.92608,0.0313485,0.200258,0.161851,-0.21356,0.465311,-0.0309493,0.162825,-0.601443,0.968042,0.298505,-3.44217e-05,0.583028,0.439277,-0.384417,-0.293628,1.23471,-0.0131015,0.0283895,0.50691,0.577275,0.599017,-0.21729,0.515685,0.851437,0.342043,0.00173508,-1.04047,-0.0654933,-0.320436,0.854343,-0.192102,-0.47197,0.322176,0.921023,-0.738295,0.471322,-0.341946,-0.230394,0.365623,0.177835,-0.2602,0.622905,0.122552,0.00795025,-0.283762,-0.168712,0.0952242,-0.229724,-0.030089,0.153432,-0.522275,-0.131695,0.268168,-0.0819008,0.233844,0.195215,-0.138625,-0.120233,-0.767701,0.396873,-0.857444,-0.112618,-0.931956,-0.0120721,-0.833385,-0.10337,-0.24804,0.0140989,0.0809583,0.119427,0.431483,1.02985,0.761752,0.163472,0.169127,-0.422203,0.0025139,-0.0369859,-0.0918056,0.993162,-0.208697,0.0920085,0.410076,-0.0168382,0.161703,-0.114089,0.00142586,0.152753,-0.00628679,0.0584355,-0.390951,0.684277,1.16739,0.13733,0.126866,-0.370194,0.39616,-0.367201,-0.700791,-0.197751,0.0708808,-0.0672581,-0.404204,1.22267,-0.898422,-0.244699,0.0109776,-0.863156,0.927331,0.562632,0.250259,0.229449,-0.23313,-0.671326,0.433463,0.071501,0.237276,0.159469,-0.157445,-0.178728,-0.458978,0.314568,-0.559874,-0.695086,0.261792,-0.581404,0.0884939,0.0284427,1.31939,0.867814,0.516458,-0.382475,0.313016,-0.688664,0.0235907,-0.215875,1.07064,-0.300655,0.0145192,-0.155989,-1.00165,-0.450088,-0.424287,-0.744367,-0.539054,0.753136,-0.102837,-0.152749,-0.17177,-0.900395,0.685526,-0.0246939,-0.0291848,0.431834,-0.644704,0.526159,0.207413,0.659952,0.376454,0.798829,0.0296651,-0.422026,-0.328599,-0.566965,0.727089,0.190108,-0.131571,-0.331822,0.62665,0.389363,-0.0595526,0.17165,-0.0501949,-0.606141,0.282255,0.908469,-0.367543,0.271512,-0.778584,-0.307223,0.275143,-0.454681,0.289104,-0.228308,-1.03876,0.029556,-0.757216,0.940618,-0.572454,0.059911,-0.106898,-0.118833,-0.703676,-0.174075,-0.483746,0.35425,-0.368195,-0.127996,-0.301853,0.333341,0.605035,-0.120596,0.548813,-0.314092,-0.209674,0.400925,-0.0416366,0.682817,0.465742,-0.105736,0.20138,-0.403446,0.0630668,-0.421624,-0.387049,0.242459,-0.80876,0.42091,0.204454,0.216354,-0.0726321,-0.665642,0.289466,0.595762,0.740164,0.698582,-1.35332,-0.115206,0.11779,0.937075,1.16375,0.428724,-0.141107,-0.226987,0.280407,0.307921,0.500047,-1.36456,-0.536046,-0.0991385,0.14532,-1.05752,0.176365,0.784797,0.76766,-0.787641,-0.0125736,0.315475,0.672042,0.734979,-0.584966,-0.0199738,0.680088,0.163757,1.49463,0.298148,0.397606,-0.337029,0.257328,-0.553564,0.636793,0.095731,-0.127961,0.857162,-0.291564,0.0646829,0.156402,-0.372057,-0.988376,0.089637,0.1017,0.0444941,-0.276647,-0.0588196,0.184477,0.0735695,-0.39013,-0.797498,0.430755,0.858281,0.0937591,0.100446,0.3227,0.788678,-0.402429,-0.302199,0.273282,-0.0667103,0.606037,-0.524571,-0.0604497,-0.661174,0.591857,-0.748521,0.0728614,0.247467,0.607375,-0.536653,-0.0229419,-0.272033,0.163986,-1.19818,0.168606,0.123301,-0.0187052,0.0653597,-1.31228,-0.448598,-0.141855,0.48001,-0.804425,-0.442917,0.00144785,-0.447723,-0.349216,-0.196028,0.526572,1.02294,0.112191,-0.653507,-0.772689,-0.413727,0.576997,-0.413444,-0.990521,-0.0975638,0.350649,0.545762,-0.471899,-0.240306,0.469016,0.046959,0.279351,0.452509,0.463779,-0.402667,0.0503262,-0.53504,-0.0446417,-0.169559,-0.222156,0.0694355,0.585974,0.148274,0.392076,0.398443,-0.579056,0.101009,-0.627091,-0.11214,-0.341248,0.330966,0.225392,-0.53669,-0.446606,-0.725639,0.504295,0.12708,0.374274,0.16346,-0.75609,0.452207,0.503966,0.611917,-0.453494,-0.464912,-0.311169,0.984293,-0.0993098,-0.892944,0.0619071,-0.549367,-0.0874324,0.466509,0.449451,1.36317,-0.010778,0.435701,-0.447006,-0.431662,-0.239598,-0.28291,0.761703,0.364911,0.068872,-0.596752,-0.376789,0.626466,0.0943621,0.0856924,-0.647304,0.0448637,-0.585498,-0.775783,0.0906914,0.616561,0.277447,0.99227,0.0827674,-0.643564,-0.68193,-0.587201,0.0880961,0.208802,-0.435654,0.727417,0.0163406,-0.20265,-0.287311,0.251644,0.057406,-0.503548,0.0379993,-0.821921,-0.196918,0.242666,0.94439,-0.173207,0.273675,-0.538585,-0.42534,-0.0162393,-0.602869,0.44846,0.0200609,-0.553854,-0.208806,-0.374197,1.0269,-1.24537,0.525789,0.108366,-0.254918,0.272386,0.360461,-0.572523,-0.590045,-0.143612,-0.303104,-0.17706,-0.200716,0.0924845,0.170242,0.471886,0.844257,0.16607,0.344009,-0.113146,-0.0842944,0.512747,0.151765,0.212165,0.234394,-0.891657,0.0864059,0.614986,-0.241811,0.316818,0.414348,-0.229356,-0.0300547,0.605319,0.752356,-1.05133,-0.425768,-0.0872834,0.0473666,-0.0342423,0.163302,-0.0858681,0.726974,-0.0899954,-0.000886165,0.0224366,0.296133,0.0966464,0.871745,0.583226,0.643596,0.15131,0.206424,-0.296083,-0.124776,-0.618601,-0.65963,0.042684,-0.46713,0.557336,0.38281,-0.462138,-1.03186,0.375254,-0.490583,-0.134544,0.0711303,0.364107,0.221715,0.797181,-0.367082,0.106165,0.172568,0.282717,-0.0995706,0.41188,0.137961,-0.463965,-0.294548,-0.196488,0.265723,0.162463,-0.360135,0.0720174,0.00363673,-0.369874,0.0126808,0.149807,-0.158214,-0.464572,-0.473154,-0.547397,0.197136,-0.954928,-0.318551,-0.372926,-0.0781459,0.534814,-0.413438,0.00593279,0.509689,-0.00214635,-0.369896,0.166143,-0.601009,0.231209,0.0578727,-0.244099,-0.173019,0.0727956,-0.446754,0.282137,1.21715,-0.562341,0.0607923,-0.573292,0.23789,0.0530075,-0.901226,-0.12053,-0.745085,0.245796,-0.725747,-0.318974,-0.178442,-0.212067,0.438189,-0.0830399,0.00820743,-0.122234,-0.655165,-0.424807,-0.0699793,-0.122734,0.866505,-0.252721,-0.179183,-0.242258,-0.208139,0.613038,0.0182782,-0.171062,0.343219,-0.972501,-0.838958,0.855391,-0.196226,-0.127005,-0.606263,-0.636008,0.198206,0.786448,-0.30239,0.119943,0.404614,-0.12197,-0.144838,0.0537129,0.345462,-0.435406,0.293561,0.496764,-0.0192949,0.111685,0.632427,-0.240803,0.486841,-0.311285,-0.648493,0.750949,-0.0580295,-0.516972,0.424876,0.356844,0.773504,-0.421596,-0.261833,-0.492046,-0.460609,-0.215106,-0.205915,0.0674307,-0.420943,0.0472757,-0.241552,0.154303,-1.12307,-0.709092,-0.484583,0.442107,0.193843,-0.0701272,-1.16586,0.237717,0.266932,0.117661,0.502296,-0.74397,-0.619278,-0.137314,-0.177052,0.0013589,0.0311311,-0.972161,-0.674014,-0.489694,-0.0465915,-0.558554,-0.143193,-0.740173,-0.326557,0.126777,0.0634473,0.240317,0.669,0.203106,0.441601,-0.325928,0.290381,-0.562731,0.345185,0.239276,-0.00855299,-0.63567,0.930929,-0.424678,-0.473361,-0.40422,-0.734585,-0.311902,0.13381,0.045392,0.269041,0.797105,-0.994039,0.583129,0.19285,-0.6657,0.395211,-0.0407266,0.802553,-0.801834,0.228049,-0.548203,0.464788,0.525949,-0.70312,-0.342485,1.20251,-0.10661,0.111173,0.0451851,0.246616,0.559664,0.0106954,0.853208,-0.420972,-0.549466,-0.357252,0.0298413,0.00639916,-0.9504,0.34141,0.906871,0.235607,0.967949,-0.025332,0.16132,0.153009,0.272909,0.401634,-0.409075,-0.202179,-0.0185828,0.344601,-0.0656379,0.0758428,0.380332,-0.209543,0.52295,0.646174,-0.443926,0.106031,0.439488,0.482606,-0.0329665,0.1912,-1.15243,-0.26567,0.145585,0.516903,0.664962,0.530572,0.269658,-0.557844,0.0475316,-0.115514,0.358231,-0.553219,0.56869,-0.156698,-0.181588,-0.43259,-0.167177,0.775253,0.0806955,-0.719397,0.125711,0.741443,-0.220231,0.861021,-0.199101,0.243622,-0.123707,-0.452588,-0.136082,0.0438768,-0.695891,-0.333153,0.452926,-0.359928,0.608015,0.0981556,0.00676461,-0.868663,0.00130695,0.181013,0.932629,0.274614,-0.456927,0.165999,0.00683145,0.75008,0.79145,-0.634005,-0.488946,-0.491605,0.861725,-0.272216,-0.817023,-0.704451,-0.765513,0.0919607,-0.752669,0.286539,0.0461839,-0.434506,0.561317,0.0662865,0.21719,-0.95496,0.472492,-0.0411403,-0.283996,0.154426,0.186352,0.48903,0.260623,-0.031872,0.622119,-0.163314,-0.38433,-0.600788,0.434524,-0.103935,0.134244,-0.0451855,-0.375659,0.320483,-0.485502,-0.16022,0.220934,-0.375135,0.825335,-0.284005,0.0725102,-0.56053,0.575102,-0.822236,-0.403843,-0.262079,-0.261433,0.667743,-0.0809172,0.210868,-0.206016,-0.780547,-0.818262,-0.177622,-0.162447,-0.200396,-0.436967,-0.128495,-0.435508,0.509004,0.378953,0.410218,0.0303307,0.325248,-0.0317534,-0.284648,-0.257019,0.0888274,-0.287134,-0.0384788,0.423516,0.807855,-0.42477,-0.312173,-0.705499,-0.550161,0.572822,-0.417282,0.629979,0.634513,0.474884,0.750947,-0.758556,0.0528602,0.529233,-0.660473,-1.02974,-0.233142,-0.762778,-0.807692,0.362355,-0.120358,-0.0291796,-0.214857,0.618668,-0.0609492,-0.585138,-0.807795,-1.06823,1.3422,0.229957,0.628905,0.00947918,0.437658,-0.102077,0.13902,0.376603,-1.18446,-0.318257,1.02888,-0.478331,-0.223414,0.271435,0.333531,-0.238745,-0.00610253,0.0218939,-0.621981,0.11286,0.0397726,-0.171557,-0.570737,-0.991719,-0.00263739,0.192983,0.780926,-0.310797,-0.199484,-0.092122,0.38629,0.343046,0.597219,-0.21519,0.158073,-0.155164,-1.0803,-0.238872,0.0229492,0.279559,0.0856467,0.150191,0.285046,0.0108765,-0.159619,-0.446458,1.20691,-0.444493,0.257727,0.0144495,0.383319,-0.156233,0.382233,0.166342,-0.096335,-0.107403,0.0179227,-0.0828218,0.00440669,-0.505731,-0.126674,0.163877,0.196787,0.164908,0.299639,0.0639806,0.217506,0.36946,0.314005,0.0239739,-0.212207,-0.26982,-0.58385,-0.169297,-0.0194482,-0.868369,-0.5951,-0.45387,-0.606543,-0.541447,-0.530513,0.537749,0.0590953,-0.364488,0.475547,0.56534,0.193118,0.402124,-0.326066,0.561196,0.496074,-0.0679289,-0.462727,-0.191424,-0.427018,-0.155504,-0.391224,0.934176,-0.534562,0.239708,0.31033,-0.166595,-0.4619,-0.413904,0.138379,0.349475,0.190075,0.304486,0.831897,0.193627,-0.607593,0.840969,-0.00583956,-1.02111,-0.236416,-0.951818,0.452035,0.135332,0.00824644,0.259293,0.301071,0.483801,-0.505214,0.746381,0.130312,-0.0291666,-0.249295,-0.307468,-0.731572,0.471661,0.0269317,-0.970645,0.751117,-0.484447,-0.137481,0.223938,0.483038,0.0600974,0.835381,-0.608297,0.000909155,0.521633,-0.725952,-0.542691,-0.39169,-0.684431,0.0578747,0.504033,-0.865741,-0.0564885,-0.113351,-0.0530723,-0.580181,-0.783755,-0.402685,-0.190852,-0.0769653,-0.453286,0.394863,-0.365838,0.372163,1.93702,-0.172264,-0.0110769,-0.022924,0.226767,-0.380349,-0.392608,1.03733,0.860974,0.288528,-0.245733,-0.272686,-0.6428,0.989466,0.618382,0.440105,0.154268,0.377775,-0.573617,-0.449268,-0.209411,0.020843,0.507289,-0.325888,-0.662568,0.0577809,0.374979,-0.0942123,-0.179574,0.546214,-0.309738,-0.0681862,-0.183162,0.551159,-0.241334,-0.170719,-0.461163,-0.286705,0.0674212,0.0372194,-0.0919911,-0.530969,-0.714935,-0.0755977,-0.0318974,0.197031,0.127916,-0.840203,-0.185492,0.328685,0.441338,0.253483,-0.866757,0.0844882,1.08596,-0.430352,0.96101,0.590221,0.619128,-0.0180557,-0.106559,0.2474,-1.12835,0.552526,-0.241308,-0.413449,-0.594995,-0.147496,0.203569,-0.279369,-0.0184397,-0.816832,0.671348,-0.617598,0.370643,-0.377091,-0.132521,0.610364,-0.00916909,0.741265,-0.297434,-0.458981,0.168157,-0.106909,0.112685,-0.176451,-0.189832,-0.149306,0.697829,-0.278345,0.0244246,-0.810041,0.515356,-0.470861,0.55955,0.0934336,0.926922,-0.127684,0.178412,0.901624,-0.328936,0.170692,-0.0178786,0.0900495,0.187601,-0.507707,0.738337,0.41354,1.00492,-0.335664,0.305098,-0.796643,-0.235795,0.195449,-0.542329,0.425162,-0.280203,-0.273797,-0.173535,-0.638274,0.546363,0.156302,0.74159,0.203494,-0.905525,-0.364475,1.30872,0.352885,-0.118911,0.0048797,0.0786499,0.630592,0.279923,-0.21339,0.735534,-0.56714,0.880096,0.445212,-0.338075,-0.387449,0.311156,-0.921931,0.0045262,-0.316449,-0.571345,-0.0959791,0.453167,-1.21898,-0.10872,-0.0390558,0.761491,-0.259957,0.197078,-0.285085,-0.0957485,-0.0307706,0.783083,0.50564,0.406152,0.781964,-0.349923,-0.0343546,-0.296076,0.182292,-0.192203,-0.791684,0.666063,0.514752,-0.2834,0.178809,-0.379137,-0.237561,0.269187,-0.0446305,0.594325,0.958544,-0.56333,0.728904,-0.558412,-0.395279,0.33995,0.969648,-0.282036,-0.619463,0.572268,0.545768,0.0025617,0.169843,-0.0699299,0.103161,0.653822,0.110555,0.656768,-0.86382,-0.127771,-0.218506,0.426536,-0.03862,-0.362901,-0.352389,0.409538,0.284589,0.882044,0.092113,-0.419639,0.0662158,0.155777,-0.0822298,0.629571,-0.431837,-0.00202501,0.968195,-0.0838836,-0.533796,-0.401111,-0.162952,-0.0972193,0.181632,-0.0690633,0.0840994,0.635031,0.404697,-0.173523,-0.354467,-0.691206,0.27562,0.0326976,-0.284933,-0.145155,-0.34812,-0.459125,0.711141,0.714107,0.172825,0.364005,0.385012,0.121988,-0.204449,-0.144479,-0.15998,-0.2795,-0.26784,1.26201,-0.408701,0.528533,-0.219028,0.135352,0.312087,0.615669,0.0808832,-0.186744,0.395948,0.187717,-0.0167413,-0.0961755,-0.133648,-0.011818,-0.571484,0.559864,-0.0975564,-0.492049,-0.791163,0.15946,-1.28704,0.275863,0.378754,-0.628279,0.498422,0.729896,0.00454264,-0.457473,-0.535505,0.175749,0.558026,0.271234,-0.298127,-0.302195,-0.042353,0.607851,0.371185,-1.30303,0.109823,-0.204504,0.445471,-0.479118,0.899385,-0.488688,0.523243,-1.0668,0.2563,-0.172314,0.779144,0.586064,0.1913,0.327635,0.223073,-0.115208,-0.402669,-0.00464921,-0.0134126,-1.1327,-0.132521,0.651979,-0.862809,-0.87749,-0.508286,-0.412472,0.502744,-0.363558,0.00749902,0.315976,-0.175654,-0.162219,-0.265987,-0.513266,-0.653891,-0.613203,-0.272379,0.301592,0.271651,0.144577,-0.612702,-0.115096,-0.118587,-0.345085,-0.75896,0.293669,0.1401,0.340566,0.32479,-0.697411,-0.345034,-0.292048,0.129731,0.360497,-0.624269,-0.33738,-0.0466162,0.995936,1.01311,0.169356,0.536523,0.144172,-0.591371,-0.127739,-0.705265,0.162207,0.0915759,0.743636,-0.0637088,0.0198108,0.590983,-0.256669,-0.436661,0.233812,1.14412,-0.72471,-0.585021,-0.0422765,-0.096194,0.389031,0.53984,0.0839814,0.15246,0.332043,-0.0929883,0.654787,0.735383,0.638049,-0.0565487,-0.122767,-0.0268072,0.11122,-0.269688,-0.147643,1.24478,-0.0130662,0.0297445,-0.162566,0.991996,0.3966,-0.104713,0.841369,-0.33127,-0.231953,0.0865363,-0.249233,-0.399472,-0.657002,0.337077,-0.137875,-0.363963,1.16282,0.200487,0.456545,0.109273,0.461136,-0.0434559,0.368178,0.600446,0.1238,0.226743,0.335721,0.063872,1.25901,-1.27363,0.482326,-0.311431,0.198336,-0.198321,-0.497207,0.505088,0.106506,0.143638,0.380155,0.316831,0.272214,-0.139033,-0.00493738,0.00298186,0.290428,0.57127,1.24479,-0.327746,-0.11574,-0.144053,0.0970057,-0.176926,0.204977,-0.17112,0.140033,-0.150405,-0.309032,0.878626,-0.354425,-0.627217,0.500278,0.421577,-0.637407,-0.0696627,0.403219,-0.0781997,-0.864101,-0.123428,0.128561,-0.119198,0.210123,-0.585075,-0.234278,-0.317801,0.533321,-0.210169,-0.865075,-0.0871085,-0.208682,0.279116,-0.174683,0.32094,-0.334901,-0.00611047,0.648322,0.33803,0.396334,0.424816,-0.758003,-0.0479936,0.0287893,-1.01485,-0.379509,-0.247604,0.21947,1.17361,-0.100879,0.099443,0.0523773,0.683392,0.420943,0.480973,-0.54876,-0.135702,0.713576,0.383527,-0.503363,-0.173897,0.100336,0.16611,0.34587,0.318211,0.171194,-0.284464,0.0143622,-1.13823,-0.539858,0.284143,0.0749834,0.140411,-1.01241,0.00786553,-0.313604,-0.960834,-0.517843,-0.014892,-0.265241,-0.232314,0.775018,0.0512595,0.350763,0.310807,0.374513,0.027562,0.460341,0.841805,-0.246908,0.257769,0.212733,0.699904,-0.81048,0.0897767,0.422884,-0.162023,-0.393368,-0.0459208,-0.404771,-0.0420969,0.468417,0.640066,-0.269253,-0.582898,0.903159,-0.237306,0.197383,0.536381,-0.717578,0.0791179,-0.58649,0.69768,-0.383124,0.35835,-0.526249,-0.795276,-0.553052,0.206413,0.116909,0.261343,-0.0551646,-0.166108,0.129396,-0.31202,-0.348846,0.583479,-0.166699,0.389922,0.731187,0.683056,0.418095,0.298449,0.128078,-0.185064,0.114716,-0.603277,0.388016,0.00889249,-0.43654,0.553825,0.393607,1.11383,-0.584916,-0.312984,-0.891031,0.208462,-0.787733,-0.068217,-0.57853,0.661177,0.0264333,0.16804,-0.495328,0.0244006,-0.175124,0.136013,-0.0927075,0.387067,-0.296461,-0.265765,-0.304403,-0.654683,-0.329985,-0.0959019,-0.269028,0.266509,-0.367479,-0.0794321,1.28746,-0.717939,0.385761,-0.134481,-0.464246,-0.423639,-0.20937,0.103133,-0.13177,-0.811817,0.0289807,0.337264,-0.127699,-0.259339,-0.201339,1.20511,0.329868,-0.122035,-0.576906,-0.394456,-0.0254256,0.205519,-0.698968,-0.366949,0.290943,0.747981,-0.283418,0.124764,-0.0238993,1.48285,-0.213329,0.0500777,-0.153626,0.0245166,-0.0793058,-0.247544,-0.0437587,-0.160969,0.0143057,-0.525398,0.560154,-1.1885,0.232343,0.133619,0.890971,0.290059,-0.969222,-0.121908,-0.445048,-0.429943,-0.272775,0.103138,-0.0581161,-0.963863,-0.808271,-0.304336,-0.262717,-0.82417,0.336181,0.0934835,-0.11045,0.309542,-0.621488,0.142316,-0.58108,0.260785,-0.218549,-0.379584,-0.102561,0.740646,-0.502932,-0.019087,0.542947,-0.423836,-0.198997,0.212747,-0.225712,0.194572,-0.173238,0.066811,0.230235,0.127911,-0.109869,0.321002,-0.0869502,-0.345037,-0.117913,-0.350391,0.175091,0.60819,-0.341985,-0.130435,0.447586,-0.511808,-0.0271719,-0.882238,-0.721335,-0.425988,0.0207203,-0.717659,-0.586367,-0.388216,-0.21884,-0.49605,-0.135952,0.198711,-0.151051,0.109622,0.166572,-0.0210544,0.401661,0.569507,0.0398806,-0.399148,-0.371471,0.13181,0.275351,0.377139,0.0358472,-0.520489,-0.55574,0.0507103,0.256242,1.06034,0.189014,-0.271987,-0.857896,0.491161,-0.0682836,0.794432,0.104306,-0.804773,-0.482863,0.719221,0.250529,-0.190433,0.842536,0.166641,0.262488,-0.277686,-0.480968,0.279057,1.40658,-0.159066,-0.197598,-0.306157,-0.67907,-0.197732,-0.714294,0.0335593,0.122945,0.504729,-0.401878,-0.292677,0.205662,-0.0057703,-0.392322,-0.375584,0.614909,-0.159046,-0.32498,-0.0308021,-0.102321,0.414917,-0.229782,0.97888,0.216218,-0.130437,-0.179931,-0.186319,0.185439,0.525771,-0.161216,-0.200721,-0.576058,0.395612,0.793324,0.296645,0.215735,-0.503433,0.290079,-0.192963,0.0631955,0.719038,0.284586,0.278751,0.330447,-0.0295208,-1.22998,-0.442938,-0.116789,-0.179564,-0.142222,-0.180221,-0.338884,0.0791211,-0.165734,0.212488,-0.415964,0.012214,0.504962,-0.0465163,0.373881,0.166382,0.269891,-0.252201,0.820952,0.570676,0.564113,-0.161123,-0.228666,0.0740942,0.0871637,-0.122285,-0.320403,0.349847,0.612588,0.173213,0.923425,0.996814,0.04602,-0.72243,-0.949288,-0.00846672,0.456576,0.749991,0.049215,0.17992,0.374737,-0.282524,0.461032,0.147457,-0.364149,-0.466478,-0.501846,0.394904,-0.0909125,1.03961,-0.466227,0.237169,-0.679383,-0.292152,-0.239522,0.201368,-0.0686922,0.314723,-0.0911093,-0.400278,-0.57354,-0.132987,0.669231,0.412574,0.665537,0.30018,-0.559216,0.19921,0.159609,0.101221,-0.106609,-0.042027,-0.289411,-0.421251,0.166737,0.149286,-1.03208,-0.043517,-0.900615,-0.179474,-0.146715,0.10972,0.439164,-0.518623,0.421162,-0.339698,-0.0694302,-0.023926,-0.292668,0.303798,-0.0981276,-0.0152646,-0.686447,0.156856,0.255099,-0.855867,-0.353736,0.439889,0.283721,-0.546746,0.555836,0.283158,-0.605051,-0.125996,0.181641,-0.474698,-0.988315,-0.123692,-0.0316117,0.58877,-0.10791,-0.520857,-0.207183,-0.243566,-0.257182,-0.333998,-0.173046,-0.366507,0.11351,-0.374868,0.0158317,0.45094,1.32475,0.0537102,0.423509,-0.307278,0.367011,0.285094,0.613197,0.293597,-0.400722,-0.660131,-0.434141,-0.919769,0.432609,1.1623,0.464862,0.768537,-0.537301,0.406528,-0.0426963,0.00777284,0.197935,-0.0252427,-0.262957,-0.000740852,0.933134,-0.142638,0.46341,0.234171,0.386211,-0.416866,-0.326104,-0.33669,0.306263,-0.846737,0.101758,0.0358327,0.396605,0.742354,-0.0774092,0.247999,0.411428,0.245896,-0.0415147,-0.0861426,0.755579,-0.301983,-0.932174,0.0588861,0.305957,0.511244,-0.386812,-0.394246,0.0100859,0.375584,1.05101,0.374281,0.188241,0.0979333,0.189898,0.580092,0.0103724,-0.468626,0.38238,0.233065,0.517937,1.06704,0.272651,-0.0263449,-0.726552,1.06586,-0.190064,0.694289,-0.00958056,-0.433907,0.056998,0.38396,0.439805,-0.385211,0.111198,-0.0839289,0.96026,0.29174,0.0331697,0.262554,0.53695,0.389397,0.111262,-0.466201,0.666899,-0.0315169,-0.408846,-0.789311,0.616131,0.515502,0.054393,0.215897,-0.764478,0.196386,0.146756,0.679293,0.286123,-0.467916,0.572612,0.205702,0.0130171,-0.747466,-0.41326,-0.235396,0.547991,-0.200567,-0.118942,-0.526814,0.188705,0.112017,0.277061,0.0668341,0.450832,0.229089,-0.271331,0.0303032,0.182116,-0.261395,-0.436783,-0.264767,-0.0188312,0.32543,-0.668043,-0.0235758,-0.358177,-0.771853,-0.212332,0.585069,-0.376211,-0.147899,0.114833,0.288934,0.235032,-0.28957,0.085461,-0.80975,-0.0132058,0.059354,-0.190768,-0.414251,-0.217054,-0.725926,0.658888,-0.263894,-0.274777,-0.00664545,-0.207474,-0.744322,-0.967707,0.751218,0.17787,0.654734,-0.101664,-0.545187,0.196291,-0.262324,-0.309412,0.286258,0.662038,0.5619,0.260927,-0.338843,0.206845,0.22098,-0.490422,-0.704111,-0.244828,0.386927,-0.0629533,0.194522,0.0246883,-0.376005,-0.256405,0.103123,-0.505254,0.424454,0.157928,0.160035,0.188404,-0.352458,0.59067,-0.555585,0.108879,-0.520232,-0.365131,0.128114,-0.0688406,0.279964,0.382972,-0.546816,0.756217,0.353347,0.186777,0.232555,-0.0816156,-0.0167321,-0.757458,-1.16329,-1.30143,-0.365492,0.0733309,1.08945,-0.578848,-0.0235513,-0.154444,-0.195667,-0.426352,-0.160376,0.299312,0.193159,-0.324596,0.636593,-0.127996,0.081524,0.395806,-0.14027,-0.183931,0.156641,0.757866,0.237891,0.0247179,0.329307,0.114511,0.40627,-0.494742,-0.311967,0.616301,0.386614,0.206133,-0.370599,-0.311126,-0.183755,0.457853,-0.217919,-0.0287157,0.0499892,0.0968426,0.225318,-0.28284,0.304711,0.189984,-0.292893,0.276491,-0.13751,-0.552074,0.732337,0.229173,0.199942,0.0904762,-0.618885,0.557754,0.534598,0.447067,-0.0570857,-0.175419,-1.02921,-0.0996408,0.0277021,-0.25461,-0.849798,0.635358,-0.627999,0.0972809,-0.434197,-1.09643,0.481596,-0.270671,-0.270632,0.348635,0.958387,0.0573283,-0.119372,-0.359261,0.827147,-0.509811,0.0436284,0.0361379,-0.379694,0.111555,-0.501364,-1.18594,-0.314594,-0.42671,0.496242,0.465561,0.0317439,-0.191818,-0.360429,0.381679,-0.775588,-0.289413,-0.0745185,0.65211,0.178654,-0.274622,-0.875618,-0.0303423,-0.280474,0.118407,0.597279,-0.166419,-0.401179,0.304657,0.609444,0.0763464,-0.377515,-0.420563,0.469118,0.0975255,-0.0999127,-0.864302,-0.925002,-0.34509,-0.11956,0.0651935,0.0864794,-0.63157,0.305454,-0.128352,0.55382,-0.714414,-0.419237,0.917274,0.572962,0.0370547,0.112263,-0.324094,-0.556229,0.177403,0.246645,-0.441708,0.437742,-0.147172,0.783859,0.150562,-0.303123,0.625109,-0.612486,-0.240732,-0.664519,-0.656442,0.358355,0.251486,-0.385773,0.0680307,0.0394149,-0.761414,-0.230687,0.498296,-0.421537,0.256859,-0.416384,-0.146462,-0.146152,-0.0536354,0.590818,0.183496,-0.362714,-0.0783389,-0.538246,0.433242,0.253322,-0.0904645,0.978961,0.228858,0.0872291,0.779591,-0.310828,-0.24944,0.301022,0.248787,-0.14677,-0.417631,0.384026,-0.0683881,-0.771298,-0.0571225,-0.396014,0.00468353,0.735903,-0.50664,0.0303454,0.365772,-0.211396,-0.38155,-0.151226,-0.0844572,0.00837395,-0.157554,-0.313373,-0.508597,0.129981,-0.662979,-0.270249,0.278693,0.0147468,-0.639227,-0.0562751,0.200513,-0.12281,0.651872,0.279106,0.104646,-0.338537,0.184093,-0.565156,-0.249155,0.926985,0.0940175,-0.324629,0.975648,0.246822,0.450664,-0.679495,0.68231,0.0139622,0.263501,0.581987,-0.46441,0.58796,0.355322,-0.42252,0.78298,0.129155,0.297479,0.271438,-0.1445,-0.226135,-0.0149185,0.0199032,0.259151,-0.0717317,1.06104,-0.291324,0.273524,0.0291397,0.505908,-0.511993,0.0142482,-0.205157,-0.624694,0.354986,-0.197634,-0.474041,0.0330496,0.210441,0.109052,1.20338,0.00792438,-0.776318,0.0209939,0.293871,0.662901,0.125319,0.18306,-0.0196072,-0.444384,0.655451,-0.524464,-0.0163278,-0.040346,0.144944,0.529424,-0.0886255,0.676565,0.363859,-0.472364,-0.570144,-0.836924,-0.318774,-0.335469,0.873685,0.679724,0.181103,0.076681,0.114471,-0.437116,-0.240161,0.691714,-0.629967,-0.465557,0.735756,-0.265031,-0.351853,-0.0092771,-0.491158,-0.387434,-0.431322,-0.513538,0.393869,-0.635139,-0.049856,-1.14999,-0.3086,-0.117146,-0.0992727,0.252179,-0.392015,0.980863,-0.11459,-0.467068,-0.0750383,-0.123389,0.739132,0.262228,0.358585,-0.169898,0.676901,0.595884,0.533012,0.343056,-0.0979455,-0.0598179,-0.343866,-0.612095,-0.202878,0.174434,0.196015,-0.546385,-0.196824,-0.29322,-0.772254,-0.131881,0.397564,-0.14278,1.02934,0.404113,-0.367973,-0.347766,0.142598,0.550986,-0.486024,0.230783,-0.348866,0.244558,-0.527801,-0.0910375,0.291906,0.582011,0.159182,1.26393,0.576741,0.0188498,-0.139086,-0.0411057,-0.193874,-0.700491,0.056018,0.00875247,-0.215521,0.441306,0.634606,-0.531813,0.798398,0.13372,0.522703,0.157272,-0.388544,1.35197,-0.206234,0.0525394,0.17719,0.633586,0.0754715,-0.0169813,-0.404614,-0.352556,-0.115042,0.308678,0.22755,0.530447,0.760932,0.282573,-0.139376,0.150205,-0.239189,0.26398,-0.197273,0.0926778,-0.0181022,-0.0631095,-0.181751,-0.220379,0.112364,0.342981,0.893571,0.360654,0.719467,-0.387337,0.121847,-0.144166,0.2389,-0.00657329,0.487863,0.0640166,0.272583,-0.137109,0.00863541,0.441135,0.00899156,-0.158415,-0.087269,-0.107172,-0.0425793,-0.535268,0.287437,-0.159655,0.024568,-0.704597,0.177002,-0.332331,0.0225534,0.0264858,-0.481257,0.319278,0.0445135,0.781747,-0.0458769,-0.0390466,0.18333,-0.218575,0.204871,0.324881,-0.619268,0.152027,-0.558958,-0.601863,-0.250192,0.168362,-0.259322,0.0340593,-0.189641,0.551699,-0.420817,0.166267,0.512429,0.163611,0.581933,-0.470752,0.778925,-0.0280671,-0.584925,0.392748,0.005961,-0.435587,-0.0206266,0.26351,0.630955,0.618123,0.098294,-0.00238156,-0.0424588,-0.161106,-0.42901,0.320313,-0.275718,-0.568914,-0.2246,0.155324,-0.394113,0.220872,-1.22571,0.32396,0.0916829,0.441627,-0.0392733,0.290768,0.332075,-0.4731,-0.0207691,0.0531122,0.24278,-0.201289,0.205674,-0.254875,-0.166123,0.157888,-0.696232,0.0610633,-0.233541,-0.43899,0.0380826,-0.681332,0.408267,0.306401,-0.282268,0.51399,-0.460627,-0.212806,-0.303419,-0.613206,-0.297327,-0.361136,-0.716874,-0.203083,0.551298,0.475708,0.442431,0.38143,-0.904001,-0.0353116,0.388357,0.00075534,0.37411,-0.547636,0.330941,0.359443,0.689556,-0.184036,-0.0624137,0.0358563,-0.722379,1.26356,0.389578,0.34437,0.255634,0.161443,0.509372,-0.146059,-0.623162,0.0254744,-0.669196,-0.328997,-0.272904,0.125505,0.17471,-0.118371,0.625544,-0.442578,0.873056,-0.370851,-0.0459632,0.155213,0.161365,0.347115,-0.372815,-0.358198,0.478614,1.35689,-0.172686,-0.0520258,0.173628,0.367529,0.452747,0.38653,0.390752,-0.786261,0.0152493,0.56986,-0.633922,0.191129,-0.0206743,0.353257,0.543453,0.26927,-0.0943789,0.130298,0.381513,-0.784829,0.0141712,0.775204,-0.521979,-0.400433,-0.229051,0.00939726,0.0197768,0.37047,1.00613,-0.291024,0.542431,-0.353672,0.864179,-0.245742,-0.5196,0.154246,-0.583211,-0.478483,0.579598,0.681419,-0.148334,-0.309971,-0.178049,-0.237948,0.120007,0.121401,-0.337174,0.732632,0.197343,0.020552,0.192686,0.31737,0.370849,0.300079,-0.430625,-0.160176,0.560918,-0.754526,-0.654817,-0.00957665,0.0139974,0.51254,-0.435694,-0.209608,0.122389,0.37708,-0.315403,0.0293531,0.0149019,-0.321252,-1.09834,-0.124863,0.62451,-0.193544,0.13667,0.633907,-0.334305,-0.202275,-0.181938,0.349576,-0.512946,0.100957,0.591268,0.329555,0.376867,0.514589,-0.0834322,-0.917794,-0.131728,-0.140182,0.344161,-0.522437,0.325994,-1.29539,-0.202403,0.26623,-0.347825,0.130313,0.321322,0.262137,-0.477617,0.199557,-0.716036,0.325832,-0.0132941,-0.0494102,-0.552781,-0.770151,-0.880692,-1.20656,-0.928207,0.496353,0.00148855,-0.177874,0.0726265,0.422524,0.0301317,0.302352,-0.828921,0.343314,-0.566476,-0.262989,-0.557233,-0.524104,-0.312048,-0.0664648,0.266806,0.234077,0.0656796,-0.396442,0.136656,0.420498,-0.775368,0.0292111,0.421331,0.215628,0.0663461,-0.122057,0.102527,0.160784,-0.100479,0.120043,0.160885,0.243883,-0.33406,-0.520338,0.828617,0.292369,0.158473,0.343549,0.0719152,-0.093131,-0.21054,0.180893,0.0655934,0.0507696,-0.633257,0.199965,0.692116,-0.322856,0.0912459,0.289757,-0.183246,-0.0335752,-0.522856,0.709177,0.335615,-0.688615,-0.0485011,-0.494712,1.14945,0.0350829,0.369625,0.320633,0.372119,0.379547,0.293381,0.436796,0.0291294,0.607901,-0.319508,-0.636827,-0.44695,1.11755,0.264754,-0.830809,-0.572881,0.148712,-0.0405433,-1.03409,-0.094558,0.288299,0.799558,0.0216213,0.431042,-0.0143005,0.480935,-0.160913,0.0369344,-0.582172,-0.140136,-0.0682905,-0.7219,0.0112371,0.637478,-0.256141,-0.332662,-0.675737,-0.474672,-0.119549,-0.337116,-0.597928,-0.0889927,0.0495617,1.00438,-0.342941,-0.0122627,-0.205537,-0.14374,-0.0265575,0.335656,0.268473,0.379831,0.387016,0.526973,0.859122,0.566036,0.201136,-0.122236,0.179744,-0.702111,0.589291,0.193573,0.621692,-0.400619,-0.50789,-0.386831,0.88423,-0.585561,-0.0197309,0.708353,-0.271687,-0.707427,-0.444308,1.08914,-0.348591,0.107949,0.0936209,-0.0488753,1.0061,0.779758,0.101772,-0.201745,0.468449,0.477847,-0.538731,-0.128579,-0.0977711,-0.500201,0.597596,-0.118341,-0.609178,-0.0328439,0.193082,-0.114933,0.0236718,-0.238433,0.123407,0.411352,0.129165,-0.167698,0.362614,-0.0657569,0.113098,0.119249,-0.758324,0.00853441,-0.285414,-0.856396,1.0044,-0.0487434,0.154052,0.563012,0.239177,-0.446993,-0.514434,-0.340594,0.0320388,-0.528126,0.67221,0.0901412,-0.496011,-0.730661,-0.000101849,-0.892567,0.525855,-0.432736,0.236616,1.16865,0.0988561,-0.271675,0.218759,-0.0754664,-0.114364,-0.0288325,-0.41729,0.295782,0.224252,0.171925,0.899657,-0.594223,-0.0221212,0.0721475,0.478268,-0.322159,0.666099,0.032358,-0.069493,-0.609511,-1.15322,0.196312,-0.908267,0.0720774,-0.541174,0.0722608,-0.518035,0.0852363,-0.448856,-0.570104,0.567898,-0.0235707,0.273627,-0.27261,0.258265,-0.409987,0.296904,-0.0126412,0.31306,0.00732243,-0.353746,0.190891,0.567681,0.558554,-0.167727,-0.319425,-0.855196,0.15543,0.571933,-1.08063,0.3851,-0.0941146,0.625459,-0.219415,-0.00994284,-0.621264,0.0918755,0.203881,-0.581727,0.397881,-0.118528,-0.00239408,-0.625994,0.070042,-0.235523,-0.709396,0.517361,0.658921,-0.275394,0.282321,0.711535,-0.468253,0.242705,0.64815,-0.758312,0.0528464,0.23675,0.120548,-0.0978823,-0.653294,-0.765636,-0.202001,-0.288297,0.341923,-0.0300982,0.653425,-0.186332,0.847534,-0.273159,0.737777,0.198697,0.284887,0.57477,-0.135604,0.0609934,0.415229,-0.4548,-0.47041,0.0358985,-0.218862,0.440785,0.403975,-0.0652728,0.486225,-0.0485601,-0.886128,0.00286791,0.636921,-0.995671,0.0765802,0.120383,0.0164882,-0.407711,-0.117581,0.0400138,-0.0418663,0.0222715,-0.346626,0.478513,0.196206,0.213313,-0.238716,0.0267547,-0.518213,0.453788,0.126741,0.538413,0.296987,-0.21917,-0.19095,-0.123362,-0.261899,-0.257422,0.983463,-0.783354,-0.370005,-0.0803101,0.129963,-0.56712,0.278611,1.03138,0.205016,-0.363571,-0.187817,0.22946,-0.560544,0.485748,0.63274,-0.110323,-0.0630078,-0.0559393,0.102866,-0.0515067,-0.226444,0.144649,-0.294482,-0.730632,-0.637976,-0.746377,-0.420073,0.422756,0.0964718,-0.103843,-0.310662,-0.477407,-0.713952,0.646768,0.527739,-1.36939,-1.01238,-0.885679,-0.0276232,0.167661,-0.919903,0.24044,-0.118952,0.341036,-0.0531856,0.0473235,-0.116027,-0.380276,-0.266256,0.131851,-0.484937,0.500474,0.550835,-0.251497,0.326079,-0.0282422,-0.048439,0.572794,-0.0598197,0.187741,0.0371147,0.862567,1.05043,-0.129007,-0.463206,0.572995,-0.461653,0.253139,-0.347157,0.754749,0.517332,0.270217,-0.6151,-0.23488,0.00460625,0.213428,-0.398288,0.918762,0.0516776,-0.116509,0.26116,-0.0477666,0.387919,0.0476181,0.246377,-0.281226,0.0110904,-0.348364,0.151318,-0.575076,0.703461,0.452563,0.506277,0.858718,0.087839,-0.623687,0.0352175,-0.407931,-0.111165,-0.600415,0.370514,0.530982,0.0898137,-0.477197,1.14754,-0.126016,0.405372,0.886866,0.356649,-0.148982,-0.733699,0.214277,0.067605,0.429271,0.370737,-0.70975,-0.503006,-0.400976,0.345697,-0.119411,-0.132322,-0.623446,-0.0462763,0.360207,0.322898,-0.888716,-0.257653,0.237369,0.7346,0.361146,-0.283164,0.866795,-0.138848,0.105499,-0.576381,0.251332,0.307091,0.482036,0.0728011,0.390844,-0.76553,0.309732,-0.794287,0.200095,-0.00431687,-0.16695,-0.966837,-0.168686,0.260393,-0.188455,0.172636,0.0542846,0.450521,-0.299857,-0.204925,-0.784335,0.17522,0.247128,-0.00238878,0.410562,0.406942,0.528363,-0.397612,0.454392,-0.279414,-0.416235,0.082954,0.712527,-0.257697,-0.482725,0.939598,0.177035,-0.105165,0.0262041,-0.264679,0.242609,-0.466641,-0.116222,0.483403,-0.0164009,0.91517,0.89793,-0.472426,0.483803,-1.07229,0.33823,0.0571076,-0.15554,-0.788411,0.00994767,-0.075802,-0.270404,-0.598042,-0.228487,0.128745,-0.222343,0.859977,0.612018,0.489446,-0.200097,-0.0513265,-0.512071,-0.0524069,-0.157673,0.442968,-0.0931278,-0.605456,0.112983,0.0556622,0.00173778,-0.176575,0.130671,0.300896,-0.683326,0.443221,-0.0515073,-0.103385,-0.199028,0.25926,0.267538,0.0359638,0.509451,0.0843368,0.725143,0.676312,0.158245,0.155997,0.107699,0.210793,0.245731,-1.1291,-0.48332,-0.550959,-0.0923062,-1.10433,0.888662,-0.68129,-0.347353,-0.00360779,0.0657181,-0.0352561,0.00707899,-0.237871,-0.354448,-0.751777,0.279475,-0.250063,0.391374,0.373666,-1.17225,0.0859481,0.613358,0.159087,-0.318628,0.550186,0.361789,-0.57278,-0.345957,-0.511401,0.318213,0.607576,0.187428,0.0708041,-0.854075,-0.509131,0.0894105,-0.0308553,-0.410138,-0.0905013,-0.597344,-0.0155624,-0.117854,-0.046821,0.0897637,-0.417674,-0.33954,0.877779,1.04922,-0.615193,-0.204453,-0.895301,-0.518754,0.0157859,0.257745,0.411243,0.522255,0.460687,0.720382,-0.589547,-0.0421862,-0.0896014,-0.77374,-0.190737,-0.0457561,-0.198236,-0.256365,-0.169978,-0.149338,0.454615,-0.0490484,-0.218899,-0.491547,-0.147978,0.367187,-0.221576,-0.577949,0.271091,0.481135,-0.419156,-0.268127,-0.789451,0.00308293,-0.424106,-0.43586,0.5675,0.100145,0.227223,-0.0547723,-0.0290432,0.626802,-0.574096,-0.661613,0.968347,0.00598185,-0.275297,-0.151861,0.0582656,0.269695,0.361502,0.519301,0.189138,0.170858,0.61947,0.358434,-0.440575,0.715501,0.025911,0.0977892,-0.265397,0.324759,0.0579626,0.523554,0.367675,-0.29006,-0.502679,0.495483,0.709224,0.313543,0.247888,0.0427264,-0.191892,0.338001,0.235485,-0.95529,0.31058,-0.340615,0.272578,0.467087,-0.471407,-0.350575,0.0699875,-0.447429,0.262557,-0.770313,0.147782,-0.766413,-0.466481,0.126688,0.0701294,0.461286,0.634188,0.617213,0.221802,-0.86587,0.755244,-0.631037,0.578016,-0.0399898,-0.170716,-0.585613,0.216159,0.223846,0.0834407,-0.636836,0.0367326,0.537625,0.324387,0.252633,-0.789716,0.120229,0.266383,0.85923,0.246886,0.148564,-0.278921,0.23478,0.257402,0.00639911,-0.796331,0.254279,0.318427,-0.573213,-0.453913,0.385473,-0.263209,-0.292769,-0.208281,0.0827027,0.00141925,-0.25956,0.954726,-0.125113,0.527708,0.344522,0.533478,0.200044,-0.294349,0.000466779,-0.679574,-0.0246327,0.318903,0.339334,0.0732797,-0.384617,0.644633,-0.619049,0.390263,0.371472,1.06688,0.49584,0.814353,-0.492274,-0.0537925,-0.421823,-0.0573138,0.250311,0.0491545,-0.856062,0.0125377,-0.616175,0.8948,0.94378,-0.397011,0.757412,-0.118034,-0.11298,0.379925,-0.00350653,0.0536785,-0.348623,-0.204036,-0.754964,0.0872595,-0.15298,0.185891,0.282624,0.291425,0.391179,-0.213377,0.0178998,-0.316948,-0.474757,-0.56384,0.395728,-0.650958,-0.219388,-0.107605,-0.204906,-0.736978,-0.469308,-0.873034,0.0561553,-0.0671162,-0.688277,-0.177084,0.285873,-0.512232,-0.544136,0.0416404,0.0723046,-0.0243974,-0.884419,0.469517,0.536173,0.555371,-0.506005,-0.176004,-0.372524,0.00355574,0.424191,0.124179,0.450386,0.108745,-0.279958,-0.437799,0.461506,0.94708,-0.441201,0.168669,-0.734184,-0.802034,-1.28504,-0.374134,-0.406217,0.101406,0.703913,0.762556,-1.12477,0.294618,0.36638,-0.34119,0.130307,0.0465378,0.0479602,0.199508,0.0425284,0.223518,0.131063,0.244728,-0.0291545,0.141328,-0.215286,-0.513627,0.583162,-0.0511013,0.456015,-0.182052,-0.763181,-0.0158649,0.038513,-0.968867,-0.300437,-0.191132,-0.0335606,0.340108,-0.788908,0.267727,0.30026,-0.263005,-0.0397761,-0.261072,0.362956,0.62194,-0.574285,0.255694,0.673059,0.476564,0.196647,-0.301638,0.126089,-0.0862361,-0.342444,0.509976,0.37167,-0.58885,0.0605959,-0.832142,0.478114,-0.848047,0.656613,0.436072,0.146082,0.523509,0.12399,-0.232816,0.226662,-0.472903,0.0849096,0.814661,-0.148552,0.0407365,0.440081,0.155421,-0.188149,-0.708962,-0.26559,0.407546,0.170795,-0.178175,-0.186212,-0.207402,0.170395,0.549924,0.13751,0.0887135,0.5551,0.226748,0.186344,-0.210046,0.0913693,-0.403248,0.0107321,-0.481055,-0.0833958,0.311524,-0.314469,-0.216811,-0.574225,0.412038,-0.820245,-0.0574159,-0.0315635,-0.291686,0.399324,0.568005,-0.289962,-0.395815,0.04925,-0.0928754,0.0356299,0.0940696,-0.20281,0.481208,-0.00741254,-0.722551,0.388677,-1.03327,0.0443849,-0.474957,0.642458,0.210867,-0.168548,0.411382,-0.210967,-1.07247,-0.0783211,-0.694857,-0.122345,-0.962517,-0.101658,-0.943284,0.246643,-0.488446,0.0335392,-0.64681,-0.37012,0.142593,0.418439,0.423491,0.450423,0.725887,-0.354686,-0.222432,-0.0528185,-0.225211,0.179781,-0.234807,-0.12756,-0.462424,-0.0189131,-0.611034,-0.108481,0.412244,0.472293,0.0579701,-0.221147,-0.386345,0.456447,-0.13245,0.589056,0.812165,-0.129053,0.418506,-0.0468482,-0.240716,0.0641122,-0.746306,-0.32056,0.726469,-0.146499,-0.160505,0.265096,-0.586762,0.730495,-0.201259,0.325557,-0.228885,0.602303,0.150571,0.0145386,0.406486,0.287164,-0.0448826,1.3148,0.605529,-0.366742,-0.369556,-0.59525,0.627323,-0.359974,-0.850874,0.430633,-0.75647,-0.334279,0.0681958,-0.198016,-0.354614,0.394613,-0.372293,0.232907,0.0339379,0.154576,0.422707,-0.105817,-0.78967,0.235157,-0.201318,-0.203014,-0.627933,1.04233,0.398008,0.168401,-0.227796,-0.696284,0.753128,0.300254,-0.415156,0.121003,-0.287319,0.297176,0.279687,0.223825,-0.474781,-0.238632,-0.318376,0.912604,-0.114176,-0.894929,0.175801,-0.27128,0.0274374,-0.0117194,0.0063936,-0.305796,0.0963508,0.499742,0.771647,-0.280432,0.00243321,0.365879,0.0491165,0.0810328,0.150922,-0.122573,0.163742,0.894337,0.218306,0.815183,0.182905,-0.265532,0.0118995,0.00926282,-0.0885196,-0.387166,0.0203979,-0.256118,0.105528,0.0604862,-0.235027,-0.383998,-0.304914,-0.18878,0.565763,-0.0371538,-0.67969,0.190074,-0.341591,-0.427007,-0.662701,-0.0732631,0.59699,-0.095108,-0.448277,-0.297659,-0.24718,-0.175531,1.08767,0.0724417,0.300925,-0.437755,0.0780777,0.24853,-0.36362,-0.605363,0.132149,0.213368,0.329479,-0.41275,0.625982,-0.922579,-0.546652,-0.916826,0.335911,0.597565,-0.397322,-0.000533976,0.578208,-0.385438,-0.0231161,-0.325994,0.326747,-0.728754,-0.263913,0.585889,0.349001,0.0953454,0.197267,0.438898,-0.354023,0.885523,-0.21066,0.253974,0.72502,-0.165359,-0.319594,0.35454,0.326613,0.0797515,-0.382893,-1.09851,-0.305536,0.327704,0.740594,-0.0870208,0.129603,-0.0130366,-0.472574,-0.212122,-0.850628,1.3858,-0.14445,-0.743466,0.471469,-0.31549,1.05701,-0.219742,0.40356,0.403734,0.932562,-0.608997,-0.192983,0.30167,0.332392,-0.176203,0.0584514,-0.324552,-0.213501,0.458388,0.743957,-0.5792,0.843037,0.124291,-0.375221,0.107776,0.0291903,0.188714,-0.675277,0.00363293,0.404882,0.110475,-0.714083,0.320584,0.279752,0.494009,-0.243799,0.150669,-0.514878,0.157175,-0.000309607,0.146001,-0.653663,-0.53103,0.710422,-0.0419364,-0.498012,0.500744,-0.285276,-0.345845,0.546681,0.341031,0.181617,-0.274215,-0.0545647,1.03954,0.148665,-0.772374,0.753881,0.212619,-0.382523,0.812023,0.346287,0.055212,-0.289019,-0.371635,0.538305,-0.497036,-0.22322,0.00591494,0.410793,-0.932221,0.221704,0.244498,0.66747,0.533946,-0.138687,0.208469,-0.110162,0.361336,0.162428,0.171897,0.832632,0.436494,0.273237,-0.303522,-0.169017,0.198981,0.0884025,0.182033,-0.534286,0.299498,-0.38,0.112043,0.587251,0.0896351,0.424043,-0.0651439,0.140405,-0.126041,0.00550992,0.134411,-0.468312,0.273785,0.328371,0.74417,-0.105023,0.585368,-0.446941,-0.914041,-0.114074,0.350305,-0.17733,-0.518992,-0.251246,-0.230933,0.914864,0.454613,0.250076,0.796447,-0.041482,-0.0102659,-0.306821,-0.66706,0.72775,-0.194708,-0.163482,-0.00844237,0.23723,-0.299261,0.676763,0.192461,-0.157525,-1.00069,0.397056,0.0280062,0.30314,-0.590218,0.534583,0.62671,0.0890118,0.140291,0.0833241,0.517887,-0.0656791,0.270791,-0.679519,0.183107,0.128224,-0.275098,-0.256264,-0.422782,-0.0725626,0.459252,-0.00469206,-0.917171,-0.0841874,-0.0225817,-0.924192,0.289298,-0.811637,0.263169,-0.156669,-0.298143,-0.306184,0.338144,-0.393109,-0.603226,-0.230173,-0.0135266,0.233096,-0.597171,-0.00716984,0.572593,-0.253791,0.505622,-0.582813,-0.11188,0.124476,0.0187033,1.00022,-0.638611,0.722848,0.594323,-0.969972,-0.156966,0.248384,0.303952,-0.204267,-0.473218,-0.39535,-0.398459,0.572587,0.209775,0.212274,0.559597,0.243269,0.0416844,-0.35405,0.653639,-0.31508,0.0862646,-0.481358,0.115193,-1.008,0.408355,0.23071,-0.46869,0.537857,0.212078,0.314215,0.640525,-0.495528,-0.146825,0.599595,0.491299,-0.0545358,0.178899,0.710822,0.322659,0.485925,0.382268,-1.21596,-0.03931,0.428378,-0.368973,-0.128925,-0.379079,0.370607,-0.338643,0.253089,0.213059,0.258206,-0.112774,-0.00510246,0.0895768,-0.839757,-0.251398,-0.149399,-0.216078,-1.00906,-0.319011,-0.112438,-0.33657,0.318009,0.549038,-0.401624,-0.0647138,0.146269,-0.487676,-0.659437,0.316281,0.163473,0.328663,-0.419069,0.314837,-0.744542,0.369267,0.231424,-0.120034,0.371004,0.473299,0.487633,1.19996,0.691391,-0.0510941,-0.198333,0.0885936,0.0218408,0.0229571,-0.656249,-0.587436,-0.343894,0.730502,0.231412,-0.0338683,1.34287,-0.291823,-0.0214356,0.154687,-0.198988,-0.19142,-0.236893,0.16845,-0.272102,-0.348402,-0.808236,0.627835,-0.127031,0.886131,-0.0248564,-0.130913,-0.269769,-0.310541,0.0401711,-0.169834,-0.709438,0.15547,0.237206,0.331006,-0.515389,-0.513613,-0.543038,0.259971,-0.801584,-0.163485,-0.170398,-0.541156,0.367986,-0.0496005,-0.352451,-0.0178059,0.0174174,-0.146752,-0.0791301,0.209621,0.0181644,0.215442,0.295427,0.364012,-0.407372,-1.06182,-0.548268,0.258537,0.312339,-0.412892,-0.270105,-0.90215,0.397931,-0.437828,-0.578969,0.447347,0.468721,-0.0224791,-0.253018,-1.42919,0.156047,-0.102641,0.112441,0.551046,-0.121564,0.2626,-0.420183,0.0650143,-0.209095,0.00549814,0.723721,-0.325781,0.521558,-1.04856,-0.140649,0.500917,0.307276,-0.0611098,0.707096,-0.152788,-0.0911675,-0.095634,0.463915,-0.729657,-0.526346,0.00324665,0.350178,-0.0470715,-0.00502144,-0.360355,-0.320643,-0.000345692,0.173001,-0.0965878,0.631568,0.00293674,-0.810122,-0.780373,0.0114189,-0.134894,0.536012,0.25047,0.153717,-0.709968,-0.332306,0.364692,-0.410612,0.864859,0.54116,0.384082,-0.0629907,-0.280011,0.0915015,-0.124402,0.52159 diff --git a/cpp/inference/f_inp.txt b/cpp/inference/f_inp.txt new file mode 100644 index 0000000000000000000000000000000000000000..3540a2c6630092c8fcf03eac5a74ec0c6d0ff069 --- /dev/null +++ b/cpp/inference/f_inp.txt @@ -0,0 +1 @@ +0.917797,0,0,0,0,0,0,0,0,0,1.99734,4.84725,7.0934,7.97735,7.78009,7.90287,8.27638,8.09588,8.81706,9.32949,8.57033,8.3769,9.07865,9.49231,9.16652,9.64876,8.82141,8.7753,8.14095,6.78727,5.71874,4.7466,4.13544,3.1179,2.60932,1.954,6.47267,8.94982,9.46776,9.60901,9.56218,9.8122,9.21951,10.2078,9.65143,9.83459,9.71634,9.57046,8.93481,9.20728,8.90267,9.3175,9.44079,8.65144,8.0207,8.85709,8.95133,9.11687,9.06472,9.12635,8.41505,9.7972,9.14509,9.2337,9.9605,10.3481,10.0228,9.89667,10.0586,10.3835,10.5513,10.1428,10.2116,9.85655,10.0489,9.92869,9.51024,9.05587,7.68832,8.65584,8.13332,8.56766,9.18749,8.02102,9.85484,9.9833,9.32879,8.93875,9.06264,9.77961,9.9065,8.59046,9.48271,10.3374,9.84556,9.13114,8.71467,8.15041,6.68057,5.01245,4.73275,4.58478,3.13272,4.10942,3.18802,3.86303,3.06651,2.9885,3.11382,4.07999,2.87542,3.02644,5.45375,7.13213,8.93432,9.06797,9.09941,8.92566,9.00822,9.14474,8.70348,8.9588,8.9668,8.92299,8.65849,8.62805,8.62385,8.47287,9.35295,8.84321,9.34476,9.00415,9.75279,9.11326,9.21086,9.27864,9.6748,9.6241,9.06392,9.20721,9.18439,9.44902,9.11123,8.74135,8.22726,7.38875,7.00424,6.20079,6.89306,7.76416,7.77136,6.8423,6.13137,6.28987,5.96428,6.87393,7.14149,6.17931,7.60088,4.17206,6.16793,5.07835,6.58098,5.31121,6.25444,4.57087,6.48263,6.90626,5.77598,5.15825,5.78648,5.54008,1.82944,4.97604,5.21709,6.71706,5.7086,4.10261,4.14179,4.44799,0,2.02225,4.38105,2.76131,2.56824,1.49154,0.127716,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3.03209,3.77153,4.21083,1.24543,7.23683,6.53226,6.20955,6.92735,4.79402,5.14389,5.96283,3.72907,3.95616,3.4311,3.93559,2.76871,3.05928,3.90551,2.72258,6.38756,6.30647,4.95698,3.07007,1.13291,0,0,0,0,0,0,0,0,0,0,0,1.33496,0,0,0,0,0,0,0,0,0,2.4153,6.4466,8.64539,8.21799,8.92642,8.48505,8.76184,9.29045,9.47326,9.77625,9.68319,9.5413,9.42782,10.1573,10.6144,9.83171,9.40345,9.43166,8.74974,7.79662,7.00939,6.46815,6.11631,3.08819,4.59346,5.03774,8.26807,9.12829,10.285,9.6931,10.7447,10.1773,10.7517,10.9879,10.8014,11.0203,11.2293,11.1766,10.7314,10.5979,10.7099,10.8123,10.7001,10.0451,9.52182,10.1215,10.7359,10.772,10.5321,10.4192,10.2667,10.9209,10.8324,10.7383,10.4664,11.1605,10.8762,10.1852,11.3581,10.7023,10.9993,11.1678,10.199,10.97,10.3887,10.3328,10.4313,9.51674,8.70445,9.41245,9.39303,9.98806,10.0855,9.67286,10.0914,10.3683,10.3738,10.4528,10.596,10.7559,10.5545,10.4235,10.6428,10.7187,10.5525,9.95212,9.61136,8.8827,7.01128,6.55229,4.81469,4.97113,6.25231,5.06596,4.28373,3.79167,3.0712,3.1427,3.45393,3.94147,2.82364,3.08157,6.35611,7.81037,9.98201,9.70111,9.90088,9.1604,9.62105,9.85576,8.90417,10.101,9.13469,9.55505,9.7738,8.75285,9.72319,8.90754,9.36949,9.96125,9.22896,9.96436,10.2038,9.17536,10.2546,9.45793,10.3944,9.86346,9.43781,10.252,10.0805,10.01,9.62127,9.03128,8.94469,8.49943,7.17264,8.73444,9.48258,8.86456,9.23045,9.0612,8.94389,8.13016,7.44412,8.78131,8.63609,7.40938,8.56371,8.5177,7.87206,6.62055,7.7036,8.42003,8.45541,6.22128,8.13302,9.08543,8.5622,7.23715,7.68281,8.0689,7.97397,7.20169,6.21988,7.40993,6.78874,5.12237,5.57521,5.84644,5.13198,4.77935,5.1004,3.08418,3.15003,2.96196,1.91171,0.130952,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3.79774,3.51735,4.68352,4.40132,8.1407,8.82093,7.18792,8.00293,6.12837,6.20935,7.34476,5.59385,4.14504,4.29328,5.21898,4.23062,3.93366,5.42063,5.29107,7.69982,7.64465,5.32879,3.7318,1.87767,0,0,0,0,0,0,0,0,0,0,0,1.9894,0,0,0,0,0,0,0,0,0.0166216,3.07048,7.60477,9.79503,8.6711,9.97892,9.27372,9.47675,10.3573,10.3107,10.4579,10.7252,10.5993,10.0135,11.0001,11.7436,10.1994,10.192,10.2692,9.55663,8.80316,8.10218,7.64624,7.3285,2.98303,5.80602,6.32283,9.45691,9.48883,11.2106,9.88024,11.8081,10.7799,11.8976,11.8949,11.8551,12.0846,12.3715,12.336,11.9204,11.7146,11.9003,11.951,11.7848,11.1624,10.6618,11.2075,11.9232,11.9396,11.6653,11.5125,11.4631,11.9664,12.0052,11.8789,11.1979,12.0837,11.8188,10.7008,12.4532,11.2541,11.682,12.18,10.1457,12.0122,10.964,10.9747,11.4033,10.2108,9.71347,10.3074,10.4778,11.1113,11.0478,10.8399,10.5389,10.9914,11.3931,11.5953,11.7422,11.7501,11.3867,11.6175,11.6994,11.3381,11.4201,10.8795,10.5731,9.76449,7.57657,7.69968,4.99729,5.59556,7.53863,6.05239,5.32022,3.54239,3.06743,3.46294,4.0297,3.38565,2.64546,3.20494,7.32028,8.66121,11.0023,10.524,10.8187,9.60532,10.4306,10.7257,9.29946,11.1523,9.47799,10.3772,10.8166,9.02053,10.7609,9.57822,9.39769,11.0049,8.79006,10.9522,10.8891,9.3146,11.2735,9.81982,11.2691,10.3148,10.0496,11.2713,11.042,10.7835,10.3561,9.54858,9.81824,9.54077,7.51678,9.99358,10.7451,9.90258,10.3619,10.2971,10.218,9.32511,8.57982,9.98483,9.77475,8.48617,9.5526,9.82752,9.04748,7.76837,8.74874,9.70598,9.68971,7.38812,9.29986,10.3178,9.83511,8.45986,8.88496,9.32774,9.29181,8.43816,7.224,8.26941,7.82009,6.13271,6.70129,6.96489,6.44843,6.05086,5.97503,3.64055,3.93843,4.09576,3.09896,1.36636,0.0235141,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,4.6974,1.83094,5.38771,5.68884,9.10553,10.0627,8.18284,9.03274,7.23198,7.23574,8.4595,6.79201,4.52213,5.23982,6.30992,5.36267,4.88567,6.5633,6.55233,8.79804,8.74918,5.93841,4.57263,2.76625,0.240001,0,0,0,0,0,0,0,0,0,1.08376,2.59546,0,0,0,0,0,0,0,0.339493,2.68966,4.11744,8.37457,11.0936,10.1706,11.8241,11.2929,10.803,12.4574,12.4551,11.1898,12.8854,13.1195,12.2578,12.6769,13.4928,12.0917,12.1077,11.9406,11.4382,10.4128,10.1456,9.10737,8.90773,7.72339,8.50449,8.09533,11.1663,12.5489,13.4628,13.2298,13.3492,13.3246,13.1258,11.5961,12.8205,13.462,12.4852,11.3886,11.9191,12.6119,12.8625,12.6161,9.89699,11.3849,11.6311,12.7872,12.1547,11.2876,12.5344,11.8833,12.3363,9.02164,12.9912,13.952,13.7079,14.1479,13.8294,13.1797,13.9766,13.373,13.7562,13.9162,13.1739,13.4378,12.6376,12.5926,12.8764,9.59761,5.71662,11.5955,11.8832,9.9307,12.9001,12.9005,11.8181,12.5849,12.8991,12.228,8.27176,12.5299,12.4026,11.4101,9.96087,13.72,13.528,12.649,12.0226,10.2328,10.1456,10.2324,9.48033,7.89965,7.0223,7.91523,7.64346,6.62065,5.9129,4.64342,3.43064,3.24782,1.21756,3.77494,7.71121,11.0993,12.9426,12.0785,12.674,12.0887,12.243,12.5461,12.035,12.7287,11.9763,12.52,12.8027,12.6208,12.9625,12.5209,12.2531,12.9573,12.3802,12.9478,13.1846,12.5684,13.0494,12.4776,13.0003,12.6191,10.099,11.8377,10.5858,10.5586,8.68793,9.12784,9.67019,9.31385,10.4142,12.1792,11.9531,9.17598,12.0291,10.5676,11.7032,11.0766,11.4198,11.7125,10.2482,11.4745,10.8819,11.2913,11.6976,9.907,10.5441,11.6134,11.1198,9.00227,10.9864,11.406,11.3596,10.6459,8.39784,10.6653,9.65475,9.08467,8.20872,9.96803,9.48184,5.51208,7.19441,7.08572,6.57622,7.18878,6.44002,5.71667,4.86642,5.1634,3.37697,2.89973,1.12056,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,5.3741,6.84932,7.37555,5.37723,10.0033,11.3272,11.0928,9.32885,8.30321,8.77654,9.16057,8.5648,5.97125,6.28344,6.52185,6.92365,7.46078,7.51754,7.0995,9.53148,9.61898,5.95584,4.6937,3.01848,0.947286,0,0,0,0,0,0,0.573151,0.288587,1.80861,0.558491,2.78621,0,0,0,0,0,0,0,0.228526,2.68216,5.8201,7.97727,11.3725,11.0132,12.5195,12.7142,13.0688,13.4771,13.6058,13.6277,14.2225,14.3951,14.2613,14.2773,14.6782,13.4502,13.5273,11.3729,11.9258,10.508,10.5353,8.8541,8.1751,9.61456,8.27522,9.16821,12.2034,13.7964,14.5966,14.8485,14.8477,14.7242,15.0169,14.9009,14.7166,14.8747,14.0174,14.1998,14.4522,14.4858,14.5462,14.2323,13.9033,13.8463,13.8125,14.3274,13.0069,13.2023,13.2629,13.3039,14.0062,14.0827,14.578,15.0717,15.1341,15.1925,14.5189,13.7044,14.9324,13.1974,14.6624,14.4513,13.5799,14.1771,12.9242,14.0022,12.6653,11.7863,10.121,12.4342,13.2579,13.5759,14.2178,14.2062,14.5091,14.6718,14.636,14.5063,14.1469,14.127,13.9946,14.0489,14.1538,14.7122,14.5381,13.8717,12.692,11.5741,11.6023,11.317,10.3271,9.96326,9.387,8.39491,8.34289,7.6738,6.15762,5.60402,4.63825,5.35761,4.12807,3.50207,7.05881,11.5937,13.3646,12.8637,13.2144,12.7218,12.6141,13.3387,11.9149,13.7123,11.7699,13.5102,13.4056,13.0345,13.9649,12.7667,12.9525,13.7883,12.4225,13.746,13.9816,12.621,14.0407,12.0592,13.5278,13.2231,11.6495,11.1849,9.62478,9.80112,8.68904,8.57067,8.82821,8.57665,10.6665,12.4444,11.5169,11.1212,12.0554,10.9212,12.0127,10.8519,12.0746,12.583,10.0958,11.6963,9.83161,10.5717,11.5821,10.3929,11.1873,11.6368,11.1084,10.3704,11.8211,10.7261,11.4833,10.8306,10.4696,10.4146,9.04859,9.93943,8.96429,9.83714,9.79501,6.973,7.29882,6.58765,6.60124,6.6101,5.80324,6.35655,3.04335,4.71371,2.40101,3.01882,0,0.0360797,0.303915,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.696551,4.94944,7.24481,7.90358,7.10332,9.49233,10.7086,11.2993,9.17513,7.64424,8.37522,7.73626,8.45251,6.68174,5.57772,4.55856,6.18749,7.8555,7.16539,6.59812,8.52021,9.17657,6.03294,3.65583,1.82734,0.946705,0.345608,0,0,0,0,0,1.15851,2.00189,2.73755,2.01817,3.19627,0,0,0,0,0,0,0,0.70892,3.03094,5.92766,8.46586,11.9868,11.1759,12.9852,12.8945,12.7581,13.7875,14.0493,13.2108,14.5786,14.8741,13.8697,14.596,15.3258,13.4018,14.4965,12.8094,12.3951,10.2728,10.9601,9.17639,8.33962,10.1733,8.94664,10.1205,12.529,13.4824,14.9609,15.1701,14.6742,15.649,15.2451,15.2415,15.3345,15.5208,15.0503,15.6525,15.7707,15.8123,15.6304,15.2656,14.8028,14.3574,14.4117,14.9125,14.8503,14.3745,13.6043,13.9602,14.4088,14.1771,15.1263,15.5149,14.5739,15.794,14.9597,14.4883,15.8241,15.0299,15.7254,15.4727,14.567,15.173,14.2557,14.7337,13.1036,12.3094,10.2768,12.6928,13.5707,13.5329,14.5187,14.8278,14.5164,14.9025,15.1505,14.8633,14.4835,14.5276,14.4538,14.3169,14.3266,15.0271,14.4046,13.7393,12.8114,11.7605,11.4064,11.4156,10.0309,10.2931,9.52258,8.45659,8.31743,7.97413,6.91012,5.436,5.17157,5.08232,3.94767,3.25869,6.99883,11.5504,13.2361,12.6581,13.6894,12.7262,13.3247,14.0282,13.1244,14.4886,13.6397,14.5973,14.5955,13.9112,15.0835,14.3735,14.6341,15.1047,13.9978,14.8624,15.0684,14.5028,15.0412,13.757,13.7215,13.5851,12.3391,11.316,9.20114,9.26449,8.55015,9.4255,8.54991,8.64303,11.0559,12.032,11.7451,12.3139,11.4493,11.2164,12.2553,11.0555,12.4378,12.5536,9.59818,12.1443,11.3318,11.3918,11.0828,11.2665,12.2352,11.2098,11.1794,9.89794,12.002,11.45,11.201,10.1941,11.8897,10.4578,9.34836,10.7163,9.36279,10.6742,9.80523,7.84099,7.22058,6.17712,7.39511,6.03351,5.7355,6.53055,1.8387,4.63227,3.81986,2.88522,0.909135,0,0.379542,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.513222,4.41384,6.95192,7.77148,7.66785,8.91819,10.125,10.9485,9.35551,7.25902,7.97489,6.70374,8.06096,6.39664,4.94817,4.67114,5.71461,7.56215,6.80729,6.36809,7.58069,8.78124,5.44712,3.0404,1.15117,1.09806,0.662415,0,0,0,0,0.0349571,1.46424,2.1687,2.89307,2.35132,3.47691,0,0,0,0,0,0,0,1.30729,3.08985,5.57765,8.64199,12.5273,12.2571,13.38,13.3083,12.7759,14.2564,14.5253,13.7109,15.0038,15.3557,14.3244,15.1858,15.934,14.7585,15.1382,13.2703,12.8942,9.69587,11.1921,9.16296,9.40078,10.3697,9.06422,10.851,12.9874,13.6558,15.4745,15.7617,15.349,16.3576,15.5345,15.2313,15.7995,16.1499,15.2912,15.9355,16.1595,16.3875,15.923,15.4966,14.9396,14.3274,14.571,15.0764,15.3887,14.5165,14.3931,14.902,15.1372,14.4496,15.7494,15.9842,14.902,16.2599,15.5804,15.4905,16.3228,15.9468,16.3947,16.1107,15.5127,15.811,15.0606,15.1198,13.7609,12.7899,10.209,12.7711,13.6713,13.7335,15.187,15.4702,14.7414,15.0337,15.5536,15.07,14.4493,14.9464,15.0382,14.69,14.6577,15.2782,14.0722,13.4465,12.7315,11.7087,10.7514,11.1074,9.15483,10.222,9.19182,8.19432,7.90798,7.7953,6.92961,4.91769,5.15145,4.37331,3.58859,2.95727,7.16502,11.2639,12.8598,12.9499,14.0681,13.2506,14.105,14.3044,14.163,14.8447,14.514,15.1905,15.3082,15.0509,15.7196,15.4539,15.625,15.8199,15.2843,15.6204,15.699,15.395,15.5888,14.6688,14.289,13.6479,12.516,11.8374,8.65742,8.67119,9.19941,9.88754,8.90586,8.8267,11.2738,10.8538,12.079,12.9773,11.4982,11.5077,12.4333,11.2436,12.6566,12.0966,10.0813,12.5685,12.2257,11.9349,9.95924,12.0879,12.7531,10.6955,12.037,10.9293,11.8143,11.9652,10.4204,9.95646,12.4903,11.1506,9.26707,11.3135,9.45323,11.2683,9.7499,7.96806,6.98458,7.04845,8.08869,5.2312,5.41506,6.62296,1.8483,4.56627,4.30351,2.50263,2.00294,0.51704,0.435522,0.204552,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,3.13557,6.11036,7.1944,7.64271,7.6082,8.96345,9.96701,9.20858,6.73571,7.27837,5.23004,7.14605,5.4769,4.5431,5.62772,5.284,6.69379,6.07451,5.87591,4.53012,8.06525,3.96736,2.41207,0.339973,1.02947,0.766095,0,0,0,0,0,1.4769,1.85619,2.6567,2.20047,3.52535,0.514882,0,0,0,0,0,0,1.83484,2.69127,3.95143,8.2457,12.8909,13.074,13.6644,13.8765,13.6914,14.8371,14.8797,14.8133,15.4937,15.7385,15.449,15.8598,16.3662,15.7476,15.5265,13.0707,13.3396,9.3711,11.0545,9.48639,10.1737,10.0855,8.34965,11.3523,13.4987,14.7426,15.9769,16.3242,16.3515,16.8588,16.148,15.5717,16.3641,16.8121,15.5217,15.2585,16.0058,16.5846,15.4136,14.6736,13.7995,13.2521,14.2174,14.7299,15.3033,14.4054,15.5604,15.8722,15.9585,15.3387,16.3365,16.4076,16.0324,16.5346,16.0365,16.1837,16.4663,16.3313,16.7239,16.3466,16.0602,16.1179,15.3992,15.1188,14.2391,13.1301,10.7362,12.6279,13.7959,14.7328,15.9463,16.009,15.4832,15.424,15.9046,15.3785,14.5993,15.4936,15.7096,15.4123,15.4182,15.4675,13.9396,13.638,12.3967,11.5081,10.327,9.63454,8.71996,9.45596,7.75583,7.94273,7.20039,5.81548,4.13866,4.56209,4.61469,4.17866,3.89406,3.25537,7.52685,10.9768,12.4911,13.7616,14.3531,13.8539,14.7474,14.0917,14.7672,14.7278,14.8603,15.3645,15.6026,15.7811,15.9614,16.0212,16.1714,16.0981,15.9922,16.0166,15.9042,15.7968,15.7376,15.0504,15.02,13.258,12.3091,12.4576,9.42644,9.72469,10.2594,9.84289,9.89618,9.57411,11.2335,8.43914,12.4402,13.1886,12.6337,11.7536,12.4952,11.5873,12.6769,10.6497,11.2104,12.783,12.6004,12.126,10.0222,12.6949,12.8286,12.0297,12.895,11.9618,11.7346,12.201,10.3106,11.0561,12.6229,11.8706,8.32042,11.6944,9.69994,11.5933,9.86073,6.73515,6.64015,7.98199,8.54838,5.55535,5.07955,6.72428,3.56388,4.61147,4.05706,2.56711,2.665,1.50391,0.583909,0.15729,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.825663,4.22446,5.09725,5.9205,5.91624,8.0429,6.80005,7.80403,6.24035,6.69957,4.69633,5.80126,1.63184,5.22378,6.17446,5.37538,4.24691,4.80857,4.43055,5.54211,7.26134,4.23464,2.25567,0,0.432174,0.637574,0,0,0,0,0,0.995668,0,1.24762,0.674846,3.08143,0,0,0,0,0,0,0,2.03091,3.20002,5.14772,8.16552,12.7621,12.0956,13.6318,13.9565,14.1178,15.2114,14.305,14.9967,15.7904,15.5145,15.8487,16.1439,16.0904,15.3613,15.5029,12.9939,13.4848,10.4833,9.0476,11.1804,9.44135,9.08411,9.28191,11.4123,13.6334,15.5402,15.8971,15.9088,16.6649,16.9453,16.9169,17,17.1824,17.4473,17.0165,16.0046,16.4893,16.6648,15.0493,13.3034,13.2757,13.9745,14.2501,14.6723,15.0374,16.2064,16.6862,16.6577,16.5024,16.3531,16.5907,16.4136,15.8428,16.26,14.9322,15.8577,15.9845,14.0086,16.2237,14.9069,14.768,15.6191,13.1375,14.1001,13.5327,12.6809,12.0983,12.1861,14.5358,15.7961,16.3056,16.0947,16.147,16.2465,16.1724,16.0685,15.9508,16.0929,16.248,16.2489,16.2741,15.3314,13.4159,14.1963,11.6697,11.8236,11.3473,9.42279,10.1953,9.54915,8.96033,9.28871,8.46477,5.81771,5.69528,5.21738,6.07162,3.84106,4.50531,4.18826,7.88702,11.6198,12.6812,13.9818,14.5565,12.5776,14.9884,13.6091,14.024,13.5852,12.9162,14.243,14.3397,15.2379,15.1176,14.7218,15.6179,14.9478,15.0791,15.2789,14.2886,14.7959,14.8856,12.5564,15.4434,13.1762,13.2096,12.81,11.2242,11.2406,10.9926,8.56012,10.8683,10.8788,10.9378,9.72224,12.816,10.7244,12.8432,11.6949,12.132,12.3907,12.2752,11.5886,11.6535,11.7385,10.4764,11.9235,11.1618,12.7498,12.2971,13.5928,12.9532,11.2814,13.322,12.4679,12.256,10.8749,12.0561,11.588,9.92068,11.569,10.9369,11.4826,10.2161,6.10845,5.91127,7.36043,8.4729,6.29737,6.91293,6.85231,5.3417,5.01204,3.12163,3.87647,2.31979,1.48343,0.543765,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2.19169,1.32145,1.14812,4.42973,4.19682,6.29903,5.61806,4.74981,4.8366,5.25121,5.43703,5.03839,0,4.74286,5.80424,4.22927,3.57441,2.39773,3.82567,4.36227,6.19866,3.66794,1.27563,0,0,0.530689,0,0,0,0,0,0.681616,0,0,1.25169,2.28742,0,0,0,0,0,0,0,1.95518,4.45424,6.48961,7.6822,12.0869,12.271,13.2564,12.5842,13.0773,15.0524,13.8184,14.317,15.5473,14.0261,15.1068,15.8279,15.1701,15.4309,15.2381,13.6713,13.1076,8.63991,10.8832,11.8971,9.16223,8.77537,9.14212,11.6813,10.69,15.7175,15.4465,11.5912,15.1729,16.0828,15.5847,16.2288,16.7509,17.1384,17.1061,16.9543,16.8462,16.6145,15.7576,14.6828,13.556,14.0997,13.9261,14.1784,15.8817,16.4964,16.6051,16.2012,15.0371,14.8733,15.9322,14.5853,14.5334,15.7883,14.5594,15.2608,15.8372,14.9216,15.2102,14.1935,13.7149,14.6356,12.6805,12.8424,12.2401,6.4742,11.9179,10.3873,13.9661,15.0351,15.5947,14.3935,14.1632,15.4208,15.279,15.0018,14.7506,15.7412,15.7908,14.2892,16.0212,14.5924,13.4249,13.9962,8.35991,11.5087,9.9533,10.389,11.0246,9.50228,7.94666,8.41958,7.43298,6.84838,7.29108,5.79119,4.3804,2.08077,5.63874,4.0253,8.02301,11.9596,13.7149,14.5847,14.7464,14.6592,14.9771,14.1628,13.2982,12.6068,11.0988,11.42,12.8896,13.7972,14.3408,13.2506,13.9054,12.9488,13.1752,13.553,11.6603,13.3749,14.2347,14.7767,15.6612,13.7753,14.1242,11.9733,11.4544,11.5512,10.3657,8.84097,10.6398,10.4066,10.3279,10.9001,12.9962,11.195,10.8151,11.368,11.0949,11.5122,10.3485,11.4916,11.0265,10.8556,10.0163,11.556,11.5681,9.96078,14.0597,14.5391,10.5587,13.4074,14.1544,13.9775,13.645,11.2498,11.1096,9.37784,4.41655,10.8008,9.24897,9.56634,8.88301,7.88272,6.40679,7.97498,9.14426,8.69952,7.68799,6.07383,6.6111,5.69131,0,3.84126,0.898075,0.445912,0,0,0.125973,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2.21827,1.58796,0.707371,3.38254,3.36853,4.79852,4.45257,3.02124,4.78478,0,4.71998,3.83078,2.89936,3.88547,4.14242,1.555,1.78246,2.73035,1.88921,3.39532,4.21159,4.09037,0.510526,0,0,0,0,0,0,0,0,0.107647,0,0,1.04798,1.59665,0,0,0,0,0,0,0,1.77823,3.45658,6.30407,6.53947,11.1947,10.4941,12.7238,13.3774,14.0331,14.6241,14.7354,14.528,15.3107,15.398,15.1435,15.9471,15.5018,14.9731,15.4349,12.09,11.8574,11.0573,11.3088,11.3109,11.2565,11.5407,9.31529,11.6175,13.5874,15.6844,16.4107,11.7416,14.2234,15.1283,15.3729,15.1529,15.186,15.7364,14.5187,15.2757,15.5814,15.455,14.256,13.15,9.24701,13.2999,12.4041,11.6684,14.6506,15.3153,16.6284,16.0064,13.8993,13.8123,15.4302,15.0149,12.6815,16.7889,15.4739,13.3488,15.5839,13.732,15.0136,14.889,11.3103,14.4467,12.3402,11.0865,12.0395,11.0167,10.7308,12.4119,11.146,14.3811,14.7855,14.7705,14.109,14.24,13.9695,13.3606,14.3936,14.9134,15.3013,15.0235,15.776,14.566,13.4368,13.2908,11.5897,12.2858,9.04353,10.02,10.8631,9.99652,6.20123,7.12147,7.6119,8.22081,7.69923,6.9675,4.15937,7.44937,4.17237,4.46722,7.82486,11.9609,13.447,14.1791,14.2055,12.9451,14.3017,12.7109,10.0339,12.6303,10.9226,10.3091,12.218,11.0288,13.75,13.026,11.667,13.1102,10.8449,12.8036,11.2637,10.837,13.4317,13.5397,15.329,11.5633,13.7524,10.3414,9.90663,11.5885,10.1535,9.5449,7.86347,9.03537,10.0739,11.0185,13.0363,10.2064,11.0672,11.6296,9.19586,8.79875,11.2312,11.8113,11.5627,11.1935,10.9904,11.8463,11.4086,12.8237,14.2279,14.5083,13.5235,14.0194,13.192,14.0894,13.7199,11.8491,10.6425,10.3185,11.0091,10.1744,9.47412,9.48528,10.8072,9.67664,7.25585,8.49257,9.81875,9.04092,6.96865,7.56634,6.89852,5.30235,3.15567,4.34575,2.59874,1.90035,0.734555,0,0.339923,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.9551,1.2316,1.7993,3.60272,0,3.85759,2.73952,2.98975,3.25492,1.60677,2.36341,1.91036,2.89063,3.50145,2.87339,2.2232,2.31582,3.41044,0.468342,2.80969,4.34247,2.32632,0.733397,0,0,0,0,0,0,0,0,0,0,0,0.702538,1.24353,0,0,0,0,0,0,0,0.959059,2.42985,3.56105,7.12923,10.3131,10.4825,12.4852,12.9331,13.2779,14.3323,14.0555,14.2167,15.4799,15.4345,15.4877,16.4601,14.9823,16.1131,15.8524,12.9023,11.8934,11.0969,9.39041,10.8478,11.4271,12.6801,11.8651,11.046,12.8398,15.0785,16.8591,16.7243,16.8788,16.8845,14.1281,15.3476,15.0712,15.2454,14.646,13.6785,14.4731,14.9403,13.2859,11.3896,11.9897,12.4237,12.3947,12.6823,14.0692,16.3545,16.7745,16.7479,13.1087,15.3939,17.4139,17.4287,17.4753,17.7067,16.5122,15.6651,14.7735,14.5111,15.4461,14.9966,14.6711,14.4083,12.6673,11.2207,12.3602,11.9334,11.5679,12.2935,14.3266,13.6195,15.8326,16.0446,13.7947,15.0058,15.0186,14.7717,12.5909,16.3003,16.3903,15.1838,16.4842,15.4502,13.9205,12.9888,12.8101,12.8017,8.58464,11.3932,11.8285,11.5548,8.83709,7.74813,7.07085,8.71208,8.80286,8.34044,7.21954,7.88794,7.08705,5.68378,9.26683,11.8622,13.394,14.0706,13.8289,13.0898,13.675,11.7149,10.6534,12.043,11.6201,11.374,10.8641,12.1613,12.5836,11.5289,10.8493,11.8231,10.8513,11.8099,10.597,10.8702,12.0824,12.0776,14.3063,13.8192,13.6515,11.6256,11.1565,12.7173,10.7743,10.749,9.63393,10.0151,10.1199,9.86091,12.5712,10.0919,11.2762,11.5119,10.2582,9.95247,10.999,10.2113,11.6173,12,10.9025,12.3581,11.3559,12.5981,12.8287,13.1619,11.804,12.9012,9.29107,12.4917,10.7254,11.5346,10.3959,11.1926,11.721,10.1397,11.3152,11.7651,12.8427,10.5859,10.216,11.2028,10.8553,9.01197,7.35532,8.94252,5.33257,6.03261,5.04222,4.45319,4.72896,1.67638,1.72182,0,0.625601,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.82697,1.08736,1.78977,2.5204,0,2.09283,2.00897,3.04381,2.68856,1.56982,3.65966,2.36415,2.70869,2.55557,2.53937,4.25277,2.75325,3.20037,0.369552,2.96351,4.39745,1.44907,0.583851,0,0.692533,0.785321,0,0,0,0,0,0,0.207296,0,0,1.32692,0,0,0,0,0,0,0,0.769215,1.10046,4.76261,5.32435,9.93305,8.7265,12.873,12.8895,13.5731,14.5112,14.4063,14.7467,15.6051,16.3999,16.3896,16.5203,16.2765,15.8378,15.7003,13.9432,13.0732,11.2738,8.7645,11.199,10.7532,12.3598,12.6969,12.4466,13.2557,15.6851,17.1436,17.3805,17.9942,17.9255,17.1883,16.6265,16.0213,15.8707,14.5944,13.6612,13.6363,15.4667,13.9956,11.3464,9.78638,11.0504,12.6305,12.496,15.0931,15.3372,16.823,16.9042,17.6239,18.0164,18.5663,18.3636,17.7924,17.6983,14.1848,16.1851,14.9064,12.6125,15.2999,13.6178,14.4593,13.674,12.5641,10.8953,12.7037,11.8462,11.2464,9.84537,14.3176,15.6721,17.2416,17.6945,17.3056,16.9909,16.8053,16.9735,17.0673,17.7291,18.0013,17.8063,17.4548,16.4001,15.26,13.9604,11.8347,13.0694,11.0428,12.7473,13.4761,13.0655,10.7959,9.90476,9.88813,9.57351,9.64188,9.67683,9.12643,9.7281,9.2594,8.50398,9.5022,11.595,12.9059,13.2997,13.3528,12.3703,12.9906,9.52115,9.53485,11.3088,9.76699,10.5988,10.3495,10.6986,11.7028,10.4973,10.0121,10.7855,9.66682,10.9058,8.92902,9.39528,10.9231,9.92274,12.6816,11.485,14.3617,13.16,12.8853,13.3353,10.4058,11.7863,8.917,11.0567,11.0936,9.87632,13.279,11.7952,12.015,12.5607,11.7611,12.8542,12.3585,12.1083,12.826,12.4228,10.6526,14.2043,14.5092,12.7416,11.3858,10.6321,12.705,11.4913,12.2145,12.9584,13.7294,13.0235,11.4573,12.9348,13.9482,12.2607,13.2647,13.0964,14.1043,12.1291,13.547,13.6069,11.9858,9.12209,9.40044,10.5351,8.0533,6.97969,4.23939,2.8656,5.72534,2.76286,2.01742,0.0607747,1.1808,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.68978,0.0715171,1.87814,3.40943,1.30158,1.72576,2.63463,3.919,1.87454,1.48285,4.63282,2.24622,2.657,1.97676,4.29396,4.88332,2.10445,2.893,2.35731,1.21878,4.43209,2.32154,0,0,0.35414,1.57157,0,0,0,0,0,0,1.02704,0.0697367,1.17028,0.957699,0.0626917,0,0,0,0,0,0,0.618387,2.84658,5.46489,5.82669,9.66613,10.8173,13.0019,11.5963,12.3142,14.3458,11.9256,12.8934,14.8423,15.7439,14.5998,15.6625,15.3306,13.8927,14.5195,13.9568,13.08,11.1025,10.8295,11.3374,10.4519,9.96774,12.0357,12.7612,12.3316,16.0087,16.5876,14.8171,17.4776,17.6505,17.3135,17.1435,16.6399,16.5929,15.4148,13.3639,12.4908,14.8204,13.1162,11.6152,12.854,12.7703,12.5784,12.3312,14.474,14.6979,16.8517,17.5813,18.1188,18.047,18.2559,17.0866,16.6782,16.9564,16.3059,16.015,15.1754,14.3423,14.8183,13.8945,13.7525,13.4347,12.9122,11.5973,12.5581,11.4031,10.4752,10.4141,13.7038,16.2385,17.8095,17.4136,17.4053,17.8999,17.0297,17.0922,18.0072,17.7067,17.7612,17.8623,17.2912,15.5882,14.0518,14.4252,12.0809,12.8996,13.2852,12.9434,13.455,13.3425,11.5481,10.1882,10.3185,10.0994,9.95741,9.11731,9.28723,9.68127,9.5242,8.1612,7.01972,11.1915,12.7105,12.9691,12.9538,9.72726,11.883,10.0106,9.46719,10.2625,8.23682,9.73975,9.97211,9.97712,10.1093,8.18782,7.09557,8.90555,8.45206,10.0328,8.58897,8.4663,10.0423,10.609,10.8962,12.6197,13.9473,13.8188,13.6718,12.174,12.7291,11.6641,11.6864,11.0263,11.0933,11.7864,14.5883,13.7671,13.2542,14.3044,13.9241,14.3839,13.9435,14.3244,14.4105,12.242,14.2428,15.6563,15.1682,12.6556,13.7673,13.4871,13.4298,12.0463,12.5083,13.0345,14.4751,14.8747,13.2084,14.1298,15.5845,15.2873,14.8634,14.3613,15.3893,14.4566,14.7483,14.2325,12.6168,10.547,10.4091,11.4466,9.86586,5.37636,6.66885,6.36423,6.03609,3.28806,1.38139,0,1.5872,0,0,0,0,0.186371,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.64359,0.46,3.01026,3.3763,3.00522,2.5021,0.965777,2.94492,4.10501,4.06941,4.66202,3.82868,2.58865,2.67332,3.8211,4.57848,3.58443,3.0904,1.29693,3.33813,4.19039,2.73622,1.74641,0.628881,0.746751,1.50727,0,0,0,0,0.236626,0.261729,1.18917,1.20559,1.47763,0,0,0,0,0,0,0,0,0.226453,2.48051,4.38496,2.63837,9.24331,9.33475,12.536,12.2416,10.9944,13.2827,12.8731,12.6139,13.5238,14.2285,14.0282,14.0541,13.8077,13.3683,12.4057,11.7522,11.8057,8.73529,10.2204,10.6175,9.96642,5.4017,10.2608,11.5152,13.4279,15.512,15.7734,15.6149,16.1353,16.5073,15.2687,15.7102,15.9256,15.7642,14.3282,12.6924,11.2815,13.5097,9.82475,12.1531,12.5852,12.1613,11.698,11.3057,13.8698,15.1137,15.9782,17.2821,16.3358,16.6237,16.8593,14.3878,15.8312,16.1736,16.0664,14.7419,14.6167,13.4822,13.7973,12.9783,10.7829,12.5138,10.9983,12.1862,10.823,10.9853,10.22,9.36004,13.5895,13.8223,17.3524,16.6365,17.7162,18.5507,18.2879,17.8434,18.2748,17.3798,15.2875,16.2069,16.051,14.0134,14.2545,14.6249,12.4701,13.0827,13.2382,10.2235,11.2108,12.0896,10.0371,8.28686,8.94044,9.0077,8.92861,7.41516,7.88505,6.72425,8.28251,6.23636,6.89449,11.1047,12.5061,12.0599,13.0716,10.872,11.7544,10.0768,9.05582,9.18257,7.54829,8.86129,7.31084,9.90814,7.21839,8.41726,7.53481,9.36028,7.04472,7.96487,7.64948,6.91551,9.10507,9.37774,11.8251,12.9076,11.6582,12.6105,12.9271,12.8556,12.3924,10.941,12.5281,11.3031,12.0158,13.4448,15.4765,15.6317,15.2093,15.3976,15.4825,15.4876,13.6389,16.2999,15.5583,15.4602,14.8637,15.7885,14.5849,12.9362,14.0266,13.4892,12.5393,11.2709,11.9857,10.6032,13.3839,14.9543,14.0501,15.2027,15.3919,15.573,15.1475,14.5305,15.5161,14.3451,13.9707,13.1574,11.3207,10.8608,10.7149,10.9085,9.57671,7.73751,7.45622,6.71818,5.65301,1.30562,0.569929,0,1.57811,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.561932,1.44672,2.35598,0.397735,1.31071,3.44998,1.33351,3.11098,2.47197,4.46751,3.66971,2.01029,1.27896,2.77544,0.586502,2.53521,2.26063,2.63816,0.687903,3.20392,3.30498,2.86189,1.889,0.0217154,0.0386651,0.686815,0,0,0,0,0.678116,0,1.2208,1.76682,0.833407,0,0,0,0,0,0,0,0,0,0.0291507,1.89489,3.84094,8.65609,8.47031,12.3201,13.5025,13.6061,13.7589,13.2588,12.4665,13.6925,13.7289,13.1558,13.9262,13.9039,11.0596,11.192,9.84753,10.3016,8.34983,9.64897,8.08581,8.76468,6.52767,9.27546,10.4533,12.437,14.8957,15.8094,14.179,15.5488,16.0618,15.9753,15.8835,15.2344,14.8462,12.0108,11.0015,11.609,12.669,9.13676,10.9435,10.0566,10.7001,10.708,10.4263,13.26,13.5415,15.6551,16.7026,16.5915,16.5188,16.0907,15.3735,14.2239,15.6522,14.9694,14.6431,14.0873,13.4941,12.7894,11.6084,10.5052,11.0066,9.88183,10.6694,9.06216,10.2469,9.93902,9.76591,13.1592,13.8266,16.3903,17.1209,17.8592,18.6441,18.7906,18.5257,18.1312,17.4572,16.8877,15.9806,14.632,14.4881,13.0507,14.2084,10.8282,12.7031,11.763,8.9989,7.47677,9.96956,6.9164,7.87451,7.70709,6.1527,7.56389,6.87842,8.21441,6.32385,6.58778,5.16261,9.07466,11.6987,12.6435,12.7682,12.977,12.2972,12.1643,9.95187,8.81384,9.05718,8.45984,8.95443,8.20764,9.95657,7.56604,7.35332,5.18178,8.50583,7.93415,7.56287,7.44435,7.11519,8.15585,8.97965,10.9432,12.1657,10.2223,11.628,12.5482,13.2715,10.8267,11.6834,12.7208,12.6834,13.8113,14.4778,16.4312,15.481,16.8299,15.4675,16.6244,15.745,15.4134,17.1435,17.2159,16.796,14.4617,15.6211,14.279,13.6726,12.2605,11.7857,12.0412,11.4043,11.295,10.8646,10.238,13.8953,12.4663,15.1399,13.7138,14.2212,13.9702,12.4884,14.4205,11.1307,11.7179,10.7817,9.16322,9.09303,9.25111,8.80874,6.82389,7.38595,6.5347,5.07933,5.19454,1.39204,0.953302,0.28301,1.77383,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.453422,1.37688,1.5436,2.00479,2.89555,2.32635,2.85252,3.18306,4.52168,2.81949,1.28101,0,2.59912,1.25811,0.388768,1.83059,1.5439,1.62384,2.83897,2.48352,0.0475972,0.513665,1.03202,0.483383,0.495029,0,0,0,0.0571363,0.563437,0.321403,0.178948,1.80133,1.4965,0,0,0,0,0,0,0,0,0,1.67339,1.10568,3.59271,7.99987,7.22794,11.9564,14.7123,14.6948,14.7698,13.3749,13.9094,13.7563,13.632,14.0057,14.3562,13.8879,12.0455,9.55895,9.10588,9.35263,9.43921,9.54413,8.12751,7.27515,6.9153,8.84762,9.68184,12.0495,13.1579,15.105,15.0527,14.9867,15.5816,14.3006,15.3228,14.8672,13.9363,12.6347,11.4316,12.5027,12.5497,11.1701,10.3477,10.4935,9.228,11.1083,9.46516,12.5427,14.4702,15.4145,15.8756,15.3773,15.4321,15.9272,15.7251,15.4438,15.1549,13.6115,13.3295,13.3895,10.86,12.1384,11.0263,9.05594,9.32513,9.09591,7.19644,9.51144,8.40423,9.32996,10.5658,11.6847,12.5435,14.8712,15.4835,15.7375,17.4259,17.3458,16.9052,16.8555,16.2897,15.7593,14.5608,13.6719,13.777,11.6425,12.927,10.1535,11.2581,9.47319,8.91438,7.80079,8.28845,7.38941,8.02227,7.53785,5.80516,8.06134,6.51762,8.83558,6.54302,6.68414,4.81139,9.70138,11.7628,11.9144,12.6139,12.7162,11.1598,12.2639,9.71921,9.16478,9.34396,8.62179,8.33437,7.94057,9.19292,8.39107,7.93692,6.6745,8.05451,5.69898,7.53746,7.74854,8.00598,8.62208,7.02132,9.33021,11.1149,11.8587,11.1811,12.5666,11.8659,12.1564,12.4025,11.8102,13.0492,14.3652,14.3452,16.8235,16.2969,17.2652,15.3755,16.6805,15.5205,16.3735,16.6521,17.3564,16.6368,14.0803,15.3937,14.0237,13.0699,12.586,11.6617,11.4894,11.0436,10.0365,9.87306,9.82269,12.4127,12.3415,13.6938,13.3977,11.7756,11.3875,12.3461,12.2328,11.6285,10.4505,9.28781,9.26093,7.1857,7.01316,5.49665,6.30403,5.87925,4.63187,4.38905,5.0125,1.34826,2.1909,0.623894,1.81566,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.147312,0.208071,1.72792,2.47785,2.83308,3.1978,2.8781,3.44505,3.28386,4.77366,3.92137,1.33401,1.47168,3.12364,1.08148,2.40509,2.54608,0.63904,0.872347,2.33287,2.70902,0.418484,1.29409,1.97915,1.21264,0.545175,0,0,0.320967,0.478023,0,0,0.520057,0.507307,0.775093,1.3356,0.473158,0,0,0,0,0,0,0,2.30152,1.30355,3.60383,7.09915,7.50463,10.8463,14.6043,14.6299,15.391,14.1657,14.3916,13.6299,12.7089,13.5449,13.9753,12.6696,11.3252,11.128,10.0779,9.1721,9.9317,9.58135,7.76279,7.61988,8.08177,7.4742,8.00779,10.9326,11.5461,14.3214,14.2423,14.8602,15.1527,14.2472,14.8297,14.1193,13.1068,12.679,12.525,13.1595,12.5706,12.1852,11.4452,11.1069,9.52912,10.7333,8.95095,12.2167,13.3377,13.7898,14.4044,13.1455,15.1756,15.7275,14.7277,15.099,14.3716,12.7085,13.0739,13.1105,10.322,11.8474,11.5062,10.8008,9.79506,7.87662,6.80124,8.82723,8.70408,9.55926,10.1196,11.3749,11.1858,13.8025,14.3224,13.3926,15.5798,15.2454,13.5773,15.5186,15.2731,14.7636,13.3399,13.3408,13.4227,9.99375,10.7912,9.44162,9.56752,9.03947,8.93751,8.7044,6.30809,6.01729,7.52342,5.90321,6.14981,7.81973,6.99387,8.87544,7.36495,6.12954,6.06414,9.09952,11.3208,11.4877,12.846,12.4593,11.3345,11.8987,9.66438,9.92644,9.02284,8.99656,6.71802,7.51534,7.5461,7.71532,7.22916,7.09157,7.90466,6.30479,7.44066,7.08133,6.90245,6.74247,7.17315,7.66315,10.4939,12.2839,11.4755,11.6116,12.4475,13.0477,12.4593,12.2645,13.6464,14.4806,14.8585,16.5614,16.5505,16.3309,15.6735,15.8316,15.228,16.1916,15.4695,16.3903,14.8906,14.7016,14.475,12.2914,11.3559,12.4809,10.675,9.83607,9.43624,7.77765,9.77043,9.02658,11.3112,11.1721,11.1618,11.8108,10.9787,10.7483,10.4902,9.54306,10.2405,8.73961,8.77083,7.43382,5.95835,6.05392,4.45322,4.91192,4.83267,4.0199,4.25603,4.87518,1.85888,2.44227,0.691648,1.59282,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.290922,0.744417,1.71967,1.36488,2.89997,3.30275,2.92374,4.0338,3.11333,4.64292,4.90706,1.21609,1.89119,3.53182,1.51942,3.48741,2.42847,2.02807,2.05556,1.6095,2.5234,0.691757,1.88345,2.56912,1.65061,0.461366,0.979703,0,0.261762,0,0,0,0.686583,0,0.755712,2.42143,1.36397,0,0.0652538,0,0,0,0,0,2.1725,1.67751,3.59229,5.43943,4.38071,9.49408,13.2253,14.8083,15.7478,13.9302,15.1925,13.2893,12.5666,12.7525,13.2342,11.0195,11.6602,12.5281,9.43377,9.1068,9.38806,9.37442,7.05884,7.98276,8.16462,6.25168,8.56571,9.54938,11.6119,14.0591,13.3979,14.7031,15.4369,14.976,15.3329,14.5887,14.0969,13.9495,13.7572,13.8572,12.9974,12.4728,12.8977,12.4645,10.3575,10.1738,9.63556,12.5495,11.1754,13.303,14.5947,14.7169,15.2126,15.447,13.5127,14.706,13.8779,13.2462,13.5483,13.6549,10.3317,11.9008,12.4867,12.5963,11.2339,8.4699,8.11923,9.72128,8.87641,8.93495,9.38828,11.1767,12.1241,14.1849,14.6848,14.7063,15.5766,15.711,15.0569,14.7903,14.9827,13.8054,12.7881,12.6048,12.9009,9.84441,9.73394,9.25496,8.18282,9.25276,8.25558,8.73952,7.6193,4.61407,7.1145,6.60922,5.84643,7.84116,6.1611,8.0623,7.52998,3.79899,6.5409,8.6323,11.1699,12.2987,13.185,12.2283,12.0973,11.9057,9.6549,9.41814,9.62975,8.53665,7.66155,7.3919,7.53686,7.54257,5.48795,6.08789,5.55603,6.61871,6.93179,6.62823,6.74985,6.53828,6.43346,7.47685,9.99392,11.5908,10.564,11.1295,13.513,13.1779,12.5652,11.8917,13.7724,15.3571,15.5894,15.8601,14.8885,14.4276,15.7422,14.0352,15.8109,15.5997,15.73,15.6365,14.2775,14.556,13.5693,11.2965,12.1351,11.4204,10.265,8.97361,9.29241,7.35106,9.13251,9.77978,10.4248,9.69209,9.32928,10.2553,10.6197,10.2838,9.57199,9.82917,8.18852,7.01231,7.66455,7.18123,6.40973,5.34459,5.65121,3.40612,4.08051,3.62207,3.08687,4.07367,1.96824,2.27362,1.2543,0.904601,0,0,0,0,0,0.554765,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.417049,0.720086,1.02728,2.34525,3.01796,2.72214,2.41026,4.37542,2.70158,4.5174,4.98949,2.4478,1.41245,3.32909,3.68189,3.97229,2.82092,3.10732,2.65174,3.00518,1.67286,1.10591,2.54266,2.35119,1.00906,1.62117,0.587297,0.268369,0,0,0.32258,0,0,0.747518,1.06571,2.274,0.819738,0,0.301648,0,0,0,0,0,1.55791,1.02554,3.08063,3.39953,5.85167,8.7813,11.4684,13.9477,15.3737,14.8163,15.93,15.0466,12.8064,12.1835,13.3041,12.2434,12.2694,12.8077,11.4654,11.0323,8.89127,10.0607,8.83605,7.96377,6.87064,6.51879,8.42249,10.15,11.3044,13.7601,13.4409,13.9596,15.6265,15.7588,16.0799,15.6863,15.79,14.2022,13.8499,13.7503,13.8021,11.9954,12.7075,12.6743,9.63757,11.1986,10.2299,12.6261,13.0571,14.332,15.3609,15.4698,14.8701,15.5819,14.2243,14.0604,13.295,14.1439,12.9285,13.6899,12.5583,12.5807,13.1378,12.5314,11.7225,8.47007,7.17685,9.43968,8.36882,7.76978,9.80673,9.48887,12.3619,14.3382,14.263,14.3573,15.8345,15.9835,15.6112,15.183,14.3719,13.6333,13.3189,13.3412,12.9748,11.4878,11.0067,10.1886,9.35617,9.67983,8.5156,7.22357,7.88854,7.13337,6.39434,6.87124,7.28147,7.19745,5.37649,7.28788,6.86672,3.66732,6.37975,9.01255,10.8226,12.99,13.2723,11.4816,12.7303,12.7321,11.0867,10.103,11.0221,7.35365,7.38637,7.4373,7.3724,6.75917,7.28299,5.35209,6.84476,6.23165,6.76642,6.33291,7.1082,6.39351,5.44171,6.25633,9.7655,10.3695,7.96494,9.90143,13.4416,13.0422,12.7072,13.4066,14.0886,15.4381,16.6275,15.3847,13.9504,14.2028,15.477,15.074,15.9796,16.1974,16.1669,15.7398,14.4082,14.0994,13.9061,10.3671,12.5203,12.5713,10.6638,9.76377,8.75586,8.39055,7.9794,9.32912,10.2902,9.71279,10.0613,10.0232,9.61141,9.23443,9.34562,9.74991,6.50019,6.66641,5.97526,6.27913,6.69821,4.91164,5.94556,4.90201,3.7347,2.98532,3.21824,3.21519,2.14293,2.08139,1.80742,1.16546,0,0,0,0,0,0.881238,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.1631,2.68779,1.80617,3.20335,2.70866,2.26008,1.7049,3.78848,3.39597,3.10846,3.95907,2.86365,2.33742,2.90413,3.92881,3.32298,2.5873,2.79232,2.43004,4.0639,2.96852,1.81338,2.43173,1.03184,0.209342,1.98302,0.200113,0.0564271,0,0,0.727285,0,0,1.7813,1.65114,3.17606,0.325311,0.799076,0,0,0,0,0,1.39554,1.96155,1.14233,3.05515,2.74981,5.29217,7.37382,11.2768,11.2177,13.4702,14.3379,14.997,15.4217,13.6602,13.1276,13.242,12.6132,12.5457,12.8262,12.6283,11.3567,11.2823,10.3341,8.47208,6.81193,6.08429,5.6047,8.72706,10.2922,10.0707,13.0458,12.5847,13.4623,15.0977,15.7289,16.1155,15.922,15.563,15.2468,15.097,14.1253,13.8789,12.5625,12.5721,10.5622,9.84387,11.9886,10.3894,11.7078,12.6738,14.045,14.7917,14.0186,13.7952,14.6254,14.3611,12.8249,13.5221,14.3209,13.9217,12.4955,12.1132,13.0069,13.1375,12.8412,11.428,8.8162,7.26553,8.69587,7.94601,9.24824,9.13954,9.84115,10.772,13.749,13.8601,13.9656,15.7341,15.835,14.5089,14.1621,14.3108,13.9608,12.9613,14.3022,12.3362,11.4966,11.8054,11.5644,10.2717,9.90952,7.69234,6.47914,7.73447,8.69847,7.36404,7.83915,7.07271,7.44597,7.15688,5.29685,6.6324,4.09156,4.52037,9.1202,10.3403,12.8092,13.2385,12.8789,12.6999,12.9839,10.3458,10.5405,11.09,9.6078,8.42412,9.22404,8.71229,6.61306,7.24329,5.70049,7.71602,6.93652,5.93347,6.36896,6.22872,7.07148,6.49979,6.29805,8.38377,8.26194,7.48201,9.87737,11.6042,12.0696,11.8337,14.2973,15.5964,14.8911,15.3073,16.066,15.0165,15.5267,13.5591,14.4402,13.7621,15.0094,15.2094,14.8155,13.9225,12.4011,14.1535,10.8083,11.7151,12.2464,11.7392,9.5088,8.51679,10.2009,8.31766,7.97939,9.63861,8.78761,9.46711,9.23548,8.64661,8.71937,8.50213,8.65991,6.84296,6.95666,5.2748,5.57105,5.37101,3.88282,4.38603,4.30356,2.34271,4.63119,4.30782,2.69542,0.618231,0.810935,1.29143,1.49977,0,0,0,0.0230466,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.540576,2.66137,3.07404,1.87317,2.62758,2.43831,1.76582,1.72061,2.25129,1.91307,1.28429,0.342508,2.41286,0.955068,2.61814,1.69452,1.79757,1.47466,2.62203,3.61679,2.11462,0.952843,2.12564,1.46258,1.39593,1.56095,0.578656,0,0,0,0,0,0,1.99303,1.91362,3.94331,0.655257,0.328418,0.553737,0.443812,0,0,0,1.6659,1.83417,0.902346,3.02148,2.03254,2.71589,4.01289,9.8589,10.2188,10.7576,11.0778,12.027,14.9461,14.5154,13.0048,13.2142,12.4056,12.188,13.438,12.863,12.0492,11.8992,10.502,8.36377,7.96095,6.6475,6.69651,9.90591,10.2734,10.1296,12.5503,12.2529,12.3996,14.2932,15.7523,16.2125,15.9977,15.5676,14.1495,14.9726,14.1664,13.4819,13.0612,12.1293,9.84834,10.487,11.6506,9.49874,11.3599,12.5435,13.8938,14.4957,13.6111,13.0157,13.7749,13.3733,12.3353,13.2812,13.4071,13.9733,13.2358,12.912,13.1141,12.9274,12.915,11.4386,8.50308,8.85856,9.07307,7.96526,9.46875,8.486,9.96923,11.3317,13.3996,13.7962,13.8336,15.5805,15.4473,14.5776,14.5005,13.8047,13.9472,12.894,14.3557,12.0428,11.9512,12.1114,11.8579,9.96226,9.05769,8.33334,6.93707,7.66094,7.66013,7.72903,8.35821,6.15686,8.49427,7.72801,5.75754,6.69367,5.77288,6.25171,9.42902,10.7209,13.5703,14.2436,14.1527,14.5053,13.4418,11.2615,9.46189,10.7615,10.2737,10.1016,9.12376,8.81854,7.47546,7.86099,7.62072,7.07337,6.66275,7.18197,5.95436,6.12671,6.1153,6.31268,6.42825,6.57272,6.82076,6.75775,8.47808,9.74777,10.4925,11.1865,14.0821,16.1999,15.8012,15.274,16.8724,16.8658,16.3631,15.3916,13.4609,14.1573,14.9829,13.5918,15.5613,15.428,13.7503,14.4794,12.1851,12.1961,11.2476,11.7164,10.7122,8.95449,10.5705,8.61555,8.76739,10.1639,9.83927,8.71932,9.00518,9.17644,6.72656,9.10486,7.57636,4.45586,6.3185,5.62095,5.76849,5.16431,2.98252,4.99909,3.34483,3.03202,4.84482,3.79144,1.55455,0,2.21828,0.979064,1.4221,0,0,0,0.484876,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.21052,2.1857,0,2.36124,2.31666,2.02593,2.23665,1.16851,0.957856,2.13357,0.847149,2.5625,2.32276,2.37584,1.87838,1.19156,1.15131,2.36274,2.52412,2.08972,1.13229,1.84936,1.4992,1.73548,0.896461,0,0,0.312866,0,0,0,0,1.88878,1.98926,3.67898,0.337029,0.381711,0.197254,0.371113,0,0,0.456523,1.51728,1.31361,1.99811,3.31213,1.8766,4.84328,5.46633,7.588,7.78649,9.27568,10.0971,11.3227,13.9829,14.8845,14.3286,14.0446,12.9603,12.1471,13.5696,11.5095,12.3871,11.121,10.6227,9.23493,8.21211,6.63514,6.5297,9.94654,9.13235,10.2046,11.5817,10.8935,11.334,12.8676,13.98,14.465,15.0523,14.959,14.1214,13.8873,13.3968,12.392,11.4837,10.3805,9.36496,10.0366,10.5793,8.60464,11.0542,12.366,13.2927,13.7184,12.2437,12.3334,12.8997,13.1568,11.529,12.6318,11.4071,12.262,12.6218,12.3754,12.3528,11.9451,10.9876,10.139,8.83498,8.64283,8.68033,8.70869,9.41355,8.10874,9.39206,11.7047,13.3662,13.9961,14.1418,15.0635,14.6543,13.9058,14.1476,13.2831,13.6742,13.3685,13.9276,11.947,10.9669,10.8821,10.4148,9.58698,6.99206,7.26836,8.39966,7.45921,7.00483,5.96907,8.26014,6.32892,8.11273,7.72635,7.22968,9.02441,8.25851,8.85811,9.471,11.9936,13.4881,14.5528,14.9612,14.6774,14.4048,11.878,12.8066,13.0936,12.635,10.5907,8.59891,8.32364,8.76101,8.21585,8.04692,6.99474,6.64138,6.74234,5.07518,5.96067,6.35163,5.0351,6.29228,7.17969,5.74774,7.77233,7.19375,9.41847,9.9552,9.96619,12.8044,15.2811,15.9506,16.5236,16.7983,17.6236,17.3731,17.0819,16.0977,15.7291,14.7401,15.4537,15.6693,16.2391,14.1829,15.3762,12.352,11.6602,12.9627,12.6895,12.0291,11.1244,11.7871,10.5381,10.4505,10.4881,11.1034,10.2416,9.73411,8.8887,9.10292,8.65205,8.92281,6.23893,9.01562,7.2681,6.70528,6.80877,6.32757,5.70674,5.08665,4.40912,3.96116,4.02555,3.23131,1.42934,2.54411,2.11051,2.29318,0.327031,0.0983105,0,0,0.715499,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.000280341,1.06331,0.222216,1.78134,2.52305,2.42796,1.4399,2.23829,3.05788,0.758312,2.76277,3.00287,1.39381,2.13135,3.23491,2.1957,2.02904,1.9791,2.34409,2.83969,1.93179,2.18218,2.66013,0.248446,0.638223,2.09682,0.486068,0.177696,0,0.390775,0,0,0,0.265304,1.31897,1.66686,1.98201,0,0.614532,0.386128,0,0,0,0.269845,1.98954,2.5949,1.85327,2.24016,3.51336,4.42348,5.37033,4.68638,7.94802,8.43178,9.83532,9.8699,11.8267,13.8537,15.0918,14.5258,13.5088,12.8373,13.4238,11.6129,11.9788,10.1406,10.9608,9.66924,7.3536,7.26372,7.26416,8.85933,8.37419,8.89326,11.1372,10.1065,11.1851,12.0169,11.1514,11.5201,12.0932,12.3209,11.8937,12.4498,12.6232,11.2471,10.1086,7.96804,6.47435,7.87062,9.69285,8.52077,9.57146,10.928,12.4429,12.5074,12.7353,12.1328,11.9855,12.7328,11.1451,12.4435,10.8288,9.94433,11.1285,9.17026,9.95758,9.33126,9.45183,9.50635,8.73015,8.02415,6.79204,8.37547,9.11198,7.59385,8.44123,10.9302,13.3162,13.9897,13.4047,14.1405,13.8271,13.8729,13.3242,12.2934,13.6341,12.6042,13.13,11.5777,10.0365,8.73555,10.017,9.65957,7.34859,6.56478,8.8749,8.31182,7.63218,5.65114,6.8262,6.97215,7.84042,7.63436,7.32539,10.1604,10.8705,9.70304,10.6064,12.8217,12.8522,14.1219,14.4989,14.1807,14.1506,12.8108,13.3556,13.5892,12.9076,9.81424,9.97413,9.04919,8.01478,7.80412,8.87597,7.06061,5.64619,5.15543,4.13574,5.18139,5.98006,6.63888,6.35229,5.6616,5.93096,7.50727,6.37679,8.68856,8.71274,8.91849,11.7069,13.5492,15.0978,16.1381,17.2584,17.9954,17.1816,16.45,15.8078,15.2161,14.6046,15.5179,14.2003,15.1698,15.3762,15.4946,14.3039,13.0807,12.5267,13.4437,11.9974,11.4221,12.4786,10.1204,10.8819,10.9785,11.1349,10.0444,9.02208,9.01265,10.2971,10.0065,8.72564,8.31744,10.1902,7.79824,8.43824,7.55697,6.00366,6.42306,4.15575,4.18059,4.27964,4.19645,3.52567,2.49267,1.79143,1.91474,2.33229,0.252278,1.09616,0,0,0.309039,0.779534,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0285368,0,0,1.02734,1.42201,3.44892,2.42302,2.05331,1.22669,1.14003,2.85372,1.04719,3.15169,3.02237,0.246369,0.232631,2.11518,3.06609,3.39986,1.95682,2.49892,1.53428,1.78011,2.73858,1.49638,0.600515,0.703576,2.15065,0.927931,1.15351,0,0.425532,0.28487,0,0,1.58913,0.850112,0.466799,1.48179,0,0.494451,1.27915,0,0,0,0.420653,2.65363,3.11986,1.58415,2.07983,4.21989,4.4443,5.52633,2.52704,5.87961,7.15454,8.29259,9.09627,10.4023,13.3309,14.4306,14.5388,14.5156,14.1215,13.3113,12.4907,12.8321,10.3591,11.1118,9.40763,7.05236,6.86737,7.21649,7.62133,8.75629,10.2587,12.3568,11.128,11.2542,12.9604,11.6681,10.5668,12.8341,11.6458,10.6263,10.9964,11.1707,10.1094,10.8239,9.87371,7.68424,7.57387,8.9819,8.10252,10.1045,11.5148,13.0058,13.4446,13.0186,12.8439,12.4311,13.1896,11.6121,12.5535,11.468,11.0527,10.8197,8.93768,8.87962,9.4648,8.79146,8.93076,7.4806,7.06184,7.0873,7.77406,7.62834,7.27617,9.19821,11.08,13.4964,13.8571,13.4534,14.174,14.6463,14.1458,13.7522,13.863,13.8225,12.813,13.3343,11.9165,9.36155,10.2122,11.3743,8.83199,8.62875,8.41457,8.14964,7.55516,7.12082,6.18678,6.68836,8.0068,8.80073,9.52232,9.38698,12.6725,13.1791,10.1304,11.1439,12.1762,12.4434,12.2809,12.7094,14.3375,12.6518,13.4757,13.368,12.6478,11.5711,10.5939,9.99386,8.24094,7.20381,7.9358,8.82918,6.65079,6.50536,6.88582,4.15599,4.79417,5.48149,6.76596,7.37465,5.64915,6.80588,7.00742,6.4606,9.48204,9.87423,10.0951,13.5545,14.1837,15.5734,15.4594,16.165,17.7601,16.08,15.8247,15.2109,14.4221,14.0248,14.5522,13.906,15.0298,15.1129,14.1905,15.4537,14.5311,13.3833,13.4665,11.0048,11.8965,13.4182,11.5772,11.0669,11.7433,12.1961,12.6191,10.5793,9.92496,10.933,10.7505,10.53,8.69667,10.8251,8.64807,9.12017,7.45506,7.97402,6.63706,6.5966,5.90319,4.48146,5.33384,5.28344,3.51086,0.272306,0.513747,1.83068,0,1.04097,0,0.291859,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0890282,0,0,2.3188,2.35374,3.90584,2.22043,0.198329,1.17967,0.976255,2.41062,0.831706,2.58853,2.43966,0.910703,0,0.467967,2.717,3.09687,3.05952,2.34881,2.18346,2.18791,1.85092,1.72449,2.36495,1.99334,2.35501,1.24122,0.687828,0,0.441043,1.12469,0,0.149612,1.73679,1.49393,0.0364603,2.66335,0,0,0.185111,0,0.0101212,0,0,2.0257,2.65557,0.674269,2.17419,3.85316,4.5471,4.85995,2.50218,4.88753,6.07703,6.63397,7.28553,9.53552,11.5883,13.0798,14.6639,14.3785,14.1651,13.5621,12.9379,13.2045,11.4123,10.7701,9.01855,7.35072,7.29335,8.30645,6.81394,10.1895,11.0265,13.0735,12.2685,12.0177,13.7061,13.2526,12.9015,13.7443,11.2005,11.4448,10.5553,10.148,9.96875,10.8671,9.78463,7.78058,7.98645,7.48649,7.02243,10.473,12.5376,13.0155,14.2569,14.2254,13.3071,13.9093,13.0603,12.9277,12.1847,12.5536,11.1966,9.32872,9.73659,9.74702,9.51075,8.8092,7.26247,7.19578,6.4749,6.92676,7.18597,6.89871,7.57797,10.6126,12.1012,13.5658,13.779,14.1639,15.3661,15.5339,15.2226,14.8737,14.7345,14.1742,14.4206,13.6054,12.6819,11.9803,10.2682,11.6905,9.0554,9.39548,8.87277,7.48789,8.08242,8.38778,7.31169,7.35218,6.96313,10.0317,11.26,10.9997,13.6162,13.59,11.1543,11.1474,11.4575,11.0926,10.3794,11.1976,12.6039,11.5211,13.0728,13.1638,11.3423,10.5218,9.95427,8.30068,8.26473,7.8826,7.95652,7.44284,7.14198,7.81607,7.28146,4.80635,5.39712,5.81071,5.06615,6.86987,7.10152,5.61328,7.11837,7.20507,9.7802,10.6845,11.2846,14.6744,14.5612,15.4784,15.9041,16.0141,16.6495,15.4105,14.2637,14.5061,12.9993,13.1242,12.7077,14.0566,14.068,13.4766,13.6057,14.4516,13.4637,13.2225,12.5558,11.5892,12.1932,13.1318,12.2066,12.8907,13.7699,13.8348,13.7935,13.1946,11.6802,12.1714,11.7828,12.3627,11.0639,11.1773,10.1438,8.10552,8.41114,8.5697,7.49046,7.24093,5.86661,5.97986,4.70186,5.89577,3.12662,0.854497,0.536581,1.43964,0,0.540225,0.141287,0,0.0541215,0.54655,0,0.219604,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.744151,0.669164,0.892488,3.24738,3.14571,2.9683,2.958,1.16695,2.84392,2.66544,2.57823,2.08383,2.423,2.41764,1.38617,1.84389,1.61211,1.83241,2.21326,3.95608,1.95612,2.98226,2.01892,1.60633,2.92139,1.54301,1.20964,1.43725,0.299483,0,0,0,0.216041,0.709125,0.820604,0.0401425,1.77628,0.409535,2.92171,0.453249,0.995113,0,0.541983,0.986135,0,0,1.90862,0.919351,1.8274,3.55426,4.36526,4.37852,5.12589,3.31371,2.38416,5.528,5.8245,6.92582,8.73032,10.1154,12.1599,14.0765,14.9222,13.8821,13.5202,11.5737,12.125,11.443,9.72849,7.98999,7.31472,7.25619,8.6973,8.12516,10.4974,11.8865,14.0253,12.6081,13.2637,14.0683,12.7109,12.806,13.8564,11.8434,10.7973,10.8448,11.5524,8.87819,10.2052,9.14844,7.87305,7.50026,7.22309,6.67233,9.74657,11.8881,12.8774,14.4048,14.4532,13.9537,14.5309,13.5609,12.1016,12.5858,12.3643,11.7238,8.8983,9.60774,9.48976,8.44956,7.98311,6.78732,7.05202,6.14018,6.83511,7.72413,7.84084,8.88471,11.7383,12.0596,14.2754,14.2375,13.9691,15.2702,15.4273,15.1276,14.6382,15.0143,14.655,13.9784,13.6691,12.8982,12.6382,10.3637,11.6652,11.126,9.76641,8.65145,6.75404,7.58495,8.40648,6.81738,7.31369,7.71985,10.4166,11.8656,12.1393,13.1696,12.1684,10.2984,10.0487,10.6879,10.1907,9.80051,10.4938,10.8504,11.0628,11.4792,11.5496,11.861,8.37239,9.15258,7.55759,8.50131,8.08035,6.81278,6.90446,7.60579,6.83672,6.85926,4.73355,4.71462,6.52141,6.38407,6.87416,6.1436,6.18715,7.87096,8.07313,9.20152,10.2868,12.4492,14.3586,13.6147,14.535,14.5241,14.2531,13.9157,13.8297,11.7124,11.918,11.1711,11.1114,12.0225,12.1414,11.7563,11.8458,11.0356,11.9654,10.523,10.3444,11.3757,11.0817,11.0639,11.0486,11.4966,12.4832,13.5829,13.7975,13.6212,13.3574,13.1751,12.8401,12.3245,13.4274,13.2435,11.2162,10.031,9.94465,10.0168,7.51559,7.55582,7.00929,4.61112,6.60534,4.77467,5.2819,2.71114,1.75604,1.36449,0.975478,0.0630047,0,0.49705,0,1.63417,0.662455,0.389231,0.975768,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.285526,0.611008,2.247,3.41834,3.12701,2.40665,3.01648,2.68166,2.81529,3.28572,2.76821,3.41209,2.23291,2.52757,1.92154,1.91599,1.48027,3.23928,2.09729,3.93139,2.63641,1.91905,1.99796,2.03711,2.49856,0,0.943854,1.66946,0,0,0.261118,0.525024,1.15686,0.699439,0,0.495541,2.22228,0.965072,2.81266,0.582077,1.74441,0.259017,0.764116,1.04234,0.411442,0.107393,0.905102,1.51834,1.61173,3.63981,4.30761,4.02835,4.76528,3.80554,4.71501,5.49088,5.31237,7.07485,6.80248,8.39975,9.86432,11.4614,14.2452,12.9199,13.0914,12.3927,11.9949,9.47398,7.77703,7.65621,5.36239,6.07264,7.68233,7.84566,10.2692,12.4505,14.6357,13.3068,13.5404,14.3349,13.3844,13.3016,13.7317,12.739,12.2413,11.9725,10.2076,10.148,11.2359,10.1749,9.78671,8.75868,8.00551,7.9761,9.76708,11.4171,12.5949,14.4338,14.5931,14.5889,14.7855,14.3872,13.4394,13.1268,12.4538,11.8705,11.1411,10.1207,10.5032,10.3557,9.65569,8.63347,8.68159,7.44821,7.37035,8.02341,9.15497,8.83177,12.5875,12.6338,15.1271,14.8833,14.6319,15.3551,15.6022,14.879,14.9564,14.6226,14.3549,12.9575,13.253,12.148,11.162,11.216,10.066,10.9872,10.0618,10.0186,8.02434,8.12168,7.1608,8.24655,8.2314,8.46547,10.0296,11.9136,12.376,11.8982,8.63439,10.0169,8.39688,9.9066,9.90305,9.22445,9.47861,9.78378,10.3019,11.5093,11.6096,10.7109,7.55702,7.78657,7.85778,8.64625,7.95398,7.80648,7.72507,7.14041,6.36327,7.19014,5.28926,5.73679,5.9639,7.04941,7.34611,6.72695,6.13629,7.25569,8.89773,10.1365,11.9261,13.0314,13.3505,13.8715,14.6039,12.8574,12.0601,14.0118,12.9023,11.3188,12.3542,11.1364,11.8545,10.1563,10.5088,9.92228,9.75212,10.0361,9.73209,8.61073,8.85411,10.3232,9.66978,9.12541,9.02283,10.2952,10.9562,11.5375,12.7581,12.5357,11.318,12.6641,10.9934,11.5552,12.8727,12.5841,9.73937,9.50809,9.70492,10.3104,7.03909,7.42425,7.09949,5.36232,5.93956,5.66614,4.52994,2.66752,1.66854,0.252763,0.120443,1.40558,0.616978,0.060534,0.594767,2.39607,1.69604,1.21953,0.931719,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2.46441,3.37039,2.19682,2.76139,2.07302,3.28166,2.27191,2.45381,3.30956,3.23229,2.75153,2.95132,2.80863,3.1167,2.99685,3.04645,1.69864,2.54159,2.47122,1.07051,1.16222,0.266626,2.45416,1.59866,1.06257,2.29543,0,0.930468,0,1.41459,1.33318,1.39676,0.490083,0.647955,1.56608,1.64642,2.93266,0.52649,1.32935,0,1.24255,0.816023,0.322286,0.441813,0.602652,1.92379,1.25085,3.02404,2.30888,3.67282,5.26578,2.70575,3.98349,5.54341,5.24022,6.77047,6.58684,6.78476,8.32885,10.8901,12.8152,12.0289,12.7071,12.3525,11.782,9.57103,8.58007,7.58186,6.00886,5.88752,5.75822,8.88811,11.9131,14.4245,15.5433,15.1054,14.9516,15.9394,15.2517,15.2188,14.972,13.7102,14.3259,12.7543,11.0792,11.0413,12.0762,11.115,10.5152,9.76361,9.01655,9.50006,11.6312,12.7241,14.9717,16.024,16.0243,16.051,15.7588,15.6993,15.1268,14.636,14.0065,13.0486,12.4202,10.5687,12.0551,11.0568,10.3118,9.80664,8.74495,8.78532,7.99154,6.74037,9.41292,9.34893,13.2632,13.8888,16.8838,16.5109,16.1699,16.9666,16.7119,16.2953,16.5004,15.9741,14.9501,13.366,13.6805,12.614,9.6324,11.0221,11.2708,10.5862,10.7656,11.4,9.89069,10.4003,8.34886,9.314,8.66763,9.43349,7.77367,10.9816,10.6847,10.1594,9.13292,9.76071,8.67597,10.1715,9.4017,8.28008,7.5587,8.51626,8.84704,10.2246,11.6215,7.91707,8.18699,6.85412,7.69522,8.26215,6.93758,7.68916,8.1273,7.05736,7.03574,6.50393,5.87472,5.3465,6.28021,6.67219,6.97683,7.07384,6.97591,8.30777,8.54682,9.89372,13.4109,12.7295,13.963,14.4328,14.1255,12.9745,13.3777,13.7647,13.3764,10.6753,11.9703,11.1982,11.5467,10.1365,10.2659,9.77208,9.11137,9.88367,7.01261,7.18109,7.59821,8.26641,6.69167,7.03765,8.5039,8.42428,9.82699,10.8139,10.7325,9.55537,9.82265,10.8879,9.48496,10.1739,11.1286,9.63773,8.39253,8.15012,8.7103,9.04048,6.22801,6.08405,6.30301,4.32885,3.63425,5.32287,3.86351,2.77787,1.79303,1.3105,1.56393,1.36333,0.462246,0,0.204747,1.74954,0.641443,0.503979,0.127788,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.586061,1.86815,2.48001,1.28772,2.28015,2.72475,3.30735,2.51447,3.37012,2.54476,2.71476,2.39192,3.04743,4.42324,3.30251,3.72255,1.94076,1.74642,0.916772,2.83504,2.50345,1.75064,2.66518,2.88068,2.92728,1.04996,2.13669,0.475587,1.21906,0.968847,1.71473,0.378113,1.18608,0,0.866361,2.13262,1.92716,2.16811,0.920924,0.695136,0,0.160278,0.659825,0,0,2.54154,2.08594,2.50499,3.30292,2.00084,4.04686,4.9961,3.78247,4.30704,4.68843,5.47806,6.78989,6.37369,6.11366,8.52639,10.1756,11.6963,11.4052,12.4408,10.615,9.3939,9.13043,7.49911,6.19436,7.08882,5.1697,7.75357,9.72056,12.8969,15.4095,16.2225,15.9634,15.7105,16.5872,15.7374,15.7646,15.2513,14.6502,13.7325,12.7228,11.9386,11.7441,12.1456,10.1037,9.20477,9.86884,8.87976,9.48309,13.2,15.2372,16.7346,16.6794,16.1899,17.1799,17.1771,15.821,16.0679,15.4722,13.4027,13.654,13.3979,12.0059,13.0555,11.4382,9.86081,10.3911,8.89516,9.36897,7.50892,5.39338,10.0895,10.0307,14.6862,16.7423,18.2149,17.462,18.0835,18.6628,18.6293,17.9422,17.9097,17.59,15.8988,15.6418,15.9397,14.6785,14.2187,13.6036,13.4482,12.33,11.3565,10.7195,12.3571,10.3234,10.3076,9.86873,9.67837,11.2349,10.8333,9.90793,9.29114,8.67265,9.45425,7.49974,8.79059,8.32821,7.10407,7.56457,8.26804,8.45955,8.25885,8.38413,10.5691,9.33954,8.8321,8.51937,8.37814,7.62205,7.17603,6.69399,7.61231,7.63123,6.81982,7.17534,5.18461,5.33902,6.25241,7.41312,8.23143,9.41631,9.00966,8.53268,10.7216,12.0273,14.0318,12.7583,13.5074,13.4832,13.497,12.257,12.5687,12.0113,12.4383,10.5049,10.8037,10.3258,9.60537,9.85264,8.97441,8.97587,7.99566,8.04132,6.44222,6.33794,6.15794,5.47329,6.22077,6.55852,7.25061,7.61794,6.40002,7.01235,7.56838,7.23039,7.13263,7.80149,7.22902,6.9134,7.49746,5.84804,6.21084,5.90283,5.55069,4.98788,4.87669,6.1073,4.38271,3.34496,2.97777,3.75343,4.50219,2.58019,1.32649,0.623465,1.768,1.61167,1.16063,1.08487,0,1.72947,0.992236,0,0.945868,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.29887,0.11,2.26056,0.288237,0.976781,3.13773,2.93927,2.63429,4.00601,3.23135,3.28534,2.48738,2.51812,3.76436,3.43076,2.73398,1.65515,2.49627,2.95119,2.80283,2.93373,1.5673,3.45574,3.60211,2.51736,2.90524,1.49056,0.686961,0.129778,2.08298,1.30326,0.546295,1.03988,0.989446,1.8689,1.71875,0.515467,2.50792,1.43558,2.38389,2.15096,1.2654,0,0,0.02621,2.41322,2.96868,2.91577,3.35288,3.30168,3.77429,4.92364,3.57488,4.41597,5.7235,4.8449,6.56593,5.11265,6.7649,8.9575,8.56911,10.7661,9.95747,11.2228,10.0094,8.68923,7.39063,6.34216,5.6374,6.0042,5.46518,9.15523,10.5988,12.6914,15.5019,16.0639,15.0049,15.4741,16.6714,15.662,15.8373,15.189,14.4669,13.4548,13.0088,12.6717,11.7239,11.9663,10.8255,9.44722,9.02476,8.90419,8.38994,13.7427,15.3895,17.3065,17.2234,16.4123,16.2384,16.8249,16.4543,15.7964,15.3551,13.8125,14.0731,13.7209,12.6407,13.2726,12.3813,10.8902,10.3956,9.51461,9.51934,7.93867,8.63253,10.599,10.684,15.2275,16.8074,18.0175,17.2169,17.5411,18.5427,18.5779,18.3775,18.601,18.2988,17.1199,17.0226,17.6827,16.1363,15.0439,15.4777,15.0483,13.3952,11.8698,10.1352,13.443,11.2167,12.3867,12.1339,12.2926,13.249,11.9984,11.329,8.81637,10.0127,10.2129,9.69269,9.65468,9.13361,7.30695,7.40132,8.51396,7.96863,8.8389,10.4714,10.1769,9.40755,8.43077,8.22804,8.55933,7.48898,6.44215,6.81503,7.2268,7.21652,7.90898,7.20295,6.43357,6.52018,6.46476,8.40383,9.10594,10.8568,11.1058,11.7995,13.243,11.9089,12.8976,12.2838,11.5421,13.6958,12.7563,12.8697,11.8417,11.3407,11.1852,9.90128,8.99807,7.76448,8.096,8.50434,8.93407,8.11908,7.28599,7.54434,7.21184,5.5145,5.54864,6.19346,6.84024,6.09022,5.72049,6.66485,6.4004,7.01537,5.92605,6.72887,7.53537,7.69944,7.21647,6.15905,3.93096,3.59296,5.07957,4.17549,4.84345,3.2826,3.76383,6.67204,4.17985,3.6281,3.31407,4.22765,4.8887,1.30621,1.85433,2.17298,1.62079,1.07218,1.93278,1.81523,1.17305,2.18627,1.54504,0.0206203,0.328984,0.119428,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.726634,1.2097,2.93434,1.49946,2.11986,3.38947,3.0497,1.78535,3.2416,3.52501,3.74429,3.41486,1.26421,2.37586,3.49275,1.02859,1.12555,3.0449,3.86822,3.17357,3.03158,1.81872,3.60783,4.02715,2.69807,3.54766,2.20571,1.92439,1.18908,2.28766,1.51509,0.0526095,1.32213,0.572011,0.903393,1.50027,0.333912,3.06345,2.09244,2.80721,2.01256,1.53714,0,0,0,2.27603,2.73241,4.46967,3.77219,3.29638,3.72908,4.57167,3.80762,3.2307,5.30171,5.47525,6.99034,6.01098,6.58709,8.09039,9.0666,10.0752,8.40994,8.47989,8.57475,7.54256,7.25271,5.20571,3.94244,4.67609,6.67421,9.442,10.3481,12.3628,14.6228,15.2653,13.7262,13.8652,16.1221,15.3764,15.8016,15.1389,13.8679,13.0107,12.7563,11.5906,10.6485,11.2193,10.3797,9.78074,9.09745,8.82423,8.08898,13.5285,14.6531,16.8221,16.6413,15.4425,15.1372,15.5984,15.4959,15.0175,14.9934,14.0189,14.7658,13.3298,11.8963,12.1791,11.8128,10.6478,9.82705,9.15375,9.4934,7.50013,9.25006,9.67386,10.0488,14.6285,15.8396,17.4071,16.6136,16.799,17.7568,17.707,17.3861,18.2943,18.5024,18.2736,18.5004,17.7995,15.6763,15.6953,15.7022,15.3967,14.3617,12.3786,10.5122,13.6501,12.7191,12.3984,13.2699,12.42,13.3979,12.9744,12.2446,10.7497,11.464,9.88572,9.76694,9.661,9.23541,7.35444,6.75658,7.58478,8.3784,10.0548,11.0387,10.0006,9.65126,6.99766,7.42007,7.96235,8.49125,8.7426,7.89942,8.36225,8.58524,9.63539,8.65443,7.18285,6.85244,8.15917,8.10993,10.1971,12.0316,13.4106,13.6312,14.7302,13.384,12.1411,12.4182,12.6808,12.818,12.8473,12.186,11.9289,10.4068,9.95539,9.86908,8.71144,6.96106,8.3872,8.07676,8.66016,6.87773,6.85378,6.84102,6.21155,3.83191,3.74602,5.21603,6.35953,6.33485,5.83222,6.2652,5.68934,5.88989,5.25014,6.96347,7.58769,7.60855,6.60278,6.21968,5.97047,4.07217,4.16664,4.90713,5.55677,4.05233,3.35169,6.41996,5.36473,3.32504,3.22175,3.88466,4.55681,2.2392,1.49516,2.20263,1.12964,0.136214,1.39135,1.76344,1.31817,1.19873,0.728462,0.775187,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.330527,0.231671,1.39975,2.59565,1.51349,1.84806,3.09139,3.2448,2.62945,2.75106,3.43778,3.48759,2.70718,1.3829,2.91623,2.83621,1.91038,2.19616,3.45389,3.47317,3.22203,3.17794,2.73694,3.02432,3.09925,2.92838,3.37811,2.46268,1.34538,1.79963,1.42193,2.3653,1.13115,1.69738,1.8759,2.02522,1.58861,0.9232,3.62613,2.51377,1.33428,2.94524,1.43456,0,0.605836,0,2.39102,2.60392,4.21988,3.92478,4.03305,3.50703,5.00222,3.47481,3.97465,5.40221,5.40696,7.0674,5.59968,6.78912,7.98395,8.34502,8.59684,6.33021,8.07886,6.84245,6.50827,6.5139,4.48864,4.36164,3.01667,6.85533,9.22221,10.2152,12.1185,13.7951,14.7708,13.7854,14.2803,15.5798,14.7783,16.0568,15.0867,13.5229,12.3849,11.0529,10.9666,10.8355,9.93087,9.55253,8.74062,7.83278,8.00811,6.62294,12.9305,14.3972,16.4291,15.7282,14.9851,15.1052,15.6502,15.4028,15.8147,15.2568,13.8321,14.8283,12.4593,10.9353,11.4371,9.47937,9.32495,8.20489,7.51386,8.09715,6.66775,8.15205,9.72399,10.1927,13.0364,13.7113,17.0513,16.2101,16.1802,17.5169,17.6775,17.5786,18.2643,18.5369,17.9208,18.3069,16.9112,15.4451,14.3408,14.5914,14.8482,13.8119,12.3121,10.9313,12.2812,11.5942,9.57305,11.8046,11.8062,11.4669,12.796,11.649,11.4208,11.7952,9.60983,9.58762,9.80026,8.31412,7.43922,7.48995,8.12314,8.44003,10.5626,10.77,10.2309,9.61451,8.26024,7.01065,8.63589,9.52149,10.1191,10.1948,9.33445,8.70902,10.3971,9.9207,9.51247,8.79612,10.1842,10.894,12.1666,13.8531,14.7567,15.1008,14.5914,14.3578,12.8726,12.3553,12.9592,11.8947,12.4371,12.0747,11.3839,11.7934,10.2132,9.61915,9.54644,8.48659,8.27286,7.78307,7.86322,7.47215,7.45674,7.43359,5.80605,4.19454,5.55418,6.4499,5.49513,6.33145,5.8434,6.49728,5.55331,5.26506,6.26596,7.6681,7.18908,6.52458,6.3265,5.52143,6.16487,4.11945,4.43123,5.446,4.65811,4.4774,3.86127,4.95758,5.07238,3.65636,2.84164,4.71478,3.91059,2.71381,1.76363,2.21598,2.37719,0,1.37044,0.846339,1.00062,1.50897,0.717872,0.912175,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.889728,1.35909,3.11751,2.03822,2.70865,3.93007,3.57727,2.49598,3.16968,2.91059,3.47497,2.24765,2.43807,3.80909,3.07898,3.15922,2.88689,2.93004,3.82633,2.50769,3.52473,3.42038,2.53372,2.53446,4.11555,2.85508,2.77456,0.0766679,0.648077,1.79466,2.61553,1.96423,0.81898,1.96895,2.60853,2.80439,2.76558,2.75867,2.52204,1.87253,2.45466,1.98218,1.00662,0.669005,0,1.64837,2.36671,3.6121,2.95904,3.69685,3.2378,4.12542,3.37404,3.86766,5.41885,4.34993,6.93683,5.18715,5.16444,7.77986,7.77953,7.20927,6.93459,7.57403,5.76421,5.49893,5.52239,4.30012,4.28726,2.73654,4.413,8.32437,10.0042,11.5123,13.4984,14.8163,14.1643,13.9979,15.7825,15.6113,15.6249,14.9758,13.3942,12.6467,11.6075,10.4763,11.2476,8.07122,7.17982,7.73763,6.98527,7.24286,6.85745,12.6463,13.8101,16.086,15.9648,14.875,15.4876,15.6626,15.2441,15.6143,15.4074,14.2155,13.7162,12.2053,10.7309,11.2545,10.3333,8.95696,8.31533,6.13394,6.80901,7.03756,8.84796,8.8007,9.66621,11.7267,13.4393,16.5221,16.4843,17.056,17.4208,17.3093,16.9265,17.387,17.9891,17.7054,16.6521,16.2173,13.5681,12.971,11.7112,12.2397,10.8116,10.0852,10.0891,9.61917,8.12079,7.03863,8.05985,9.19457,9.2799,10.545,11.1748,11.9078,12.2764,10.599,9.44265,8.56911,8.5678,7.93849,6.94669,7.99701,8.69816,9.5356,10.3873,9.47503,7.54554,9.16117,8.39736,9.21866,11.7368,12.0039,10.2091,9.71552,10.2079,10.8783,10.0937,12.1734,10.5026,10.0009,12.0707,12.0381,14.2175,16.2288,15.8867,15.347,13.8236,12.8515,12.3245,12.0739,11.2317,12.8022,11.2765,12.2893,11.1118,10.9782,9.17383,9.14747,8.95386,7.83444,7.18524,7.82458,6.43686,7.37014,7.58684,6.20622,4.78376,5.44774,5.21953,6.5908,5.07442,6.2846,6.86857,5.24911,4.58312,6.10374,7.07303,7.37075,5.03341,4.6934,4.8729,4.77418,4.04615,4.42299,3.38804,3.75107,2.90662,4.48861,4.45858,3.37013,3.28317,1.90392,3.99499,2.8447,2.26768,3.1195,3.17568,2.71698,1.72361,2.00559,0,0.096414,0.87569,2.33474,1.83246,1.35781,0.0143912,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.155798,1.50063,1.50331,3.26555,3.29782,2.55571,2.95491,3.35133,2.85212,2.39913,3.95161,3.14014,3.11957,4.04488,3.7115,2.90832,3.88622,2.50503,3.91227,3.58952,3.58099,4.03635,3.66024,2.14748,2.93994,3.34698,2.7786,2.50834,1.16188,1.53193,1.73627,1.86865,2.57927,2.53269,0.391151,2.76689,2.72936,3.28298,3.68848,2.83435,2.011,2.38388,2.89285,1.81872,1.37358,0,1.29579,0.634282,3.65652,3.55542,2.67057,3.62018,4.72748,3.55978,3.87129,4.70196,4.98762,7.33415,5.67487,5.98044,8.57542,8.03967,8.17198,7.43631,7.44354,5.40044,5.45457,5.13955,4.33082,3.97811,3.34003,4.78856,7.45858,8.16127,10.5918,11.9314,14.2991,12.2163,13.0917,15.2668,14.6092,14.4192,13.6117,12.6714,11.1775,11.9277,10.345,10.3727,8.737,7.40369,8.3627,6.21258,6.72994,7.62664,12.1053,13.4592,15.1076,15.3941,14.5531,14.0975,14.9068,14.4778,13.3948,14.2037,12.9612,12.7012,11.0714,9.96287,10.7243,10.0817,7.92533,7.99693,6.387,6.48327,7.79377,8.93075,8.6763,9.56845,10.5357,12.0894,15.3736,15.5776,14.8603,16.1745,16.6457,16.1798,16.4481,17.093,16.61,15.7571,16.0646,13.5312,13.209,11.9797,10.8087,10.7457,10.3555,10.3933,8.71581,8.06695,8.78394,9.03497,9.66846,10.6768,9.74758,10.4423,11.7207,11.8559,10.8094,9.21035,7.91038,8.73126,7.1309,5.85908,6.94759,7.75416,10.2546,10.4668,9.85854,6.638,9.00376,8.4535,9.55452,12.837,14.669,12.088,11.9534,12.3655,11.9239,11.7007,13.6042,13.2654,13.6485,14.3251,12.9198,16.3508,17.4414,14.8046,15.3975,12.471,12.584,12.5118,12.1585,10.5021,11.8878,11.6216,11.6816,9.6709,9.97223,8.44348,9.56918,7.90728,7.8371,6.28703,7.52028,6.50851,6.93195,6.63864,5.22966,4.92679,4.25334,4.11874,6.22328,4.40888,7.05089,4.67468,4.66318,4.98898,5.97516,6.39197,6.5691,5.44053,3.69389,4.13838,5.77631,4.31178,4.38216,4.20855,3.87522,3.3435,4.98473,3.90386,3.45236,2.61288,2.56581,3.03471,4.01421,2.85326,2.90472,3.14071,2.69523,2.0321,1.6769,1.83607,1.70364,0.704375,2.5616,2.41932,0.692719,0.347137,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.47817,0.971144,2.24152,3.65123,3.32527,2.48855,3.84034,4.05826,3.84225,3.19751,3.63231,2.93525,3.1854,4.36993,4.36906,2.45095,3.11611,2.56018,2.99785,2.55849,3.79373,3.47666,3.14856,4.02222,2.52843,3.07186,2.55504,2.61719,2.20122,2.26202,2.18907,1.18001,1.86498,1.82725,1.48289,2.87084,3.24704,2.75495,3.69004,2.45514,2.65529,1.93925,2.20907,2.03867,1.70346,1.27513,1.66141,3.12182,4.01947,3.63794,3.17483,4.22074,4.09116,3.68798,2.87315,5.11892,4.53993,7.03976,5.46218,6.522,8.51332,8.38705,9.87659,9.41706,8.876,5.5946,4.9116,4.96013,3.43596,3.98924,3.64096,3.67157,6.4817,8.88547,10.3374,12.2402,14.7296,13.0997,13.4695,15.4132,14.8399,14.4818,14.0028,12.9101,11.6811,11.7919,11.1982,9.77057,9.00659,8.39457,7.6366,6.38725,7.81098,8.05169,12.3631,13.4563,15.2913,15.916,14.8339,15.0168,15.5881,14.5417,14.0036,14.6357,12.7622,11.9743,11.3567,8.98645,10.1314,8.91932,8.60987,8.58605,6.43201,6.6338,7.85323,8.2974,8.55038,8.22948,10.0288,12.2615,15.1688,15.253,15.3498,16.3461,16.7374,16.129,16.3284,16.7744,16.1205,15.5629,15.5293,12.3455,11.5113,10.7042,10.9543,9.42965,8.74509,8.72594,8.74484,7.59606,7.65593,7.88179,9.55072,11.2862,11.3818,11.5071,11.6834,11.5254,10.6969,9.24734,8.09577,7.60475,6.58459,6.64974,6.5419,9.41933,9.93746,9.97322,9.71795,8.07448,8.64511,8.78071,9.66943,12.4516,15.5753,14.9577,14.5134,15.5892,15.7365,15.2948,15.8987,16.3836,16.1867,15.502,14.8389,17.7883,17.565,14.4773,14.602,13.3411,13.1757,12.3909,12.3289,11.4992,11.342,12.3888,11.0134,10.7546,8.99913,9.64078,9.209,8.40802,7.75706,8.16558,8.54528,6.85663,6.1997,6.79881,6.00584,5.03318,5.61549,4.32203,5.05528,4.93768,6.9813,6.22532,5.2567,5.06096,5.36796,6.79406,4.92531,4.91685,4.72199,5.20754,5.23434,5.12341,4.24733,5.10422,5.13535,4.73268,5.48014,4.08043,3.6932,4.11274,3.8074,3.88583,4.76871,2.73721,3.97441,3.25869,1.64599,2.0271,1.26206,2.54047,1.87712,1.85072,1.47127,1.7579,0.231075,0.282091,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.99178,0.434577,2.99905,3.07067,2.92412,3.01664,3.88738,4.68251,4.07958,4.49584,4.06432,2.76749,3.98239,4.09091,3.52203,3.73074,2.78047,3.5394,3.10604,3.19706,3.35163,3.40157,2.60869,4.27911,3.73412,3.39477,3.01242,2.98567,2.13584,2.32766,1.59029,1.46346,1.28621,1.37447,1.02655,2.64601,3.02779,3.10496,2.96371,1.86565,2.41617,1.46644,0.417611,1.58409,1.1895,1.33867,1.92611,3.42774,3.81756,4.25738,3.63784,3.89289,4.73105,3.40963,3.93056,4.10044,4.75521,7.73788,6.0214,7.16221,8.49107,8.58198,10.7926,10.3339,9.84741,6.64026,5.4595,4.97388,3.73814,4.58428,4.77018,5.43682,6.69155,9.56472,10.7011,12.6318,14.8666,13.5355,13.736,15.7041,14.8611,14.8726,14.1425,13.3361,11.861,11.7947,10.2965,10.3427,10.5852,8.42314,8.19158,7.63339,7.63283,8.29987,12.1726,13.9105,15.0407,16.0855,15.2547,14.7551,15.5843,14.772,14.1833,14.3745,12.5724,11.4652,11.5066,9.60688,9.44622,9.57169,8.54232,8.3905,6.00139,5.31755,7.31617,9.60128,10.1395,9.77892,11.5228,12.7227,15.1932,15.2873,15.2678,16.5937,16.7333,16.3357,16.2644,16.5786,15.8273,15.0196,14.8623,12.6353,10.8997,11.3397,10.3033,10.3677,8.75397,8.14314,8.09409,8.24095,7.66016,8.953,9.96956,10.5435,12.1235,11.0256,11.4816,11.7533,9.99898,9.81107,9.22248,7.7347,7.58106,8.37234,9.4116,10.9667,11.3869,10.4819,8.64243,8.22783,8.58751,9.29239,9.92413,12.8264,14.4815,14.9134,14.5261,16.0151,16.0978,15.4924,15.6469,16.1029,15.3874,14.5137,14.5696,16.7317,15.8439,12.1491,13.0152,13.5578,12.5787,12.4338,11.8188,10.1021,11.6297,11.2986,11.2883,10.0629,10.3527,9.43685,8.18588,8.00892,8.68644,7.79621,8.13802,7.08948,7.66473,6.74042,5.29345,4.97017,4.86125,4.69947,5.48479,5.42445,5.95645,6.35272,5.41205,5.07029,5.8532,6.18202,5.85113,5.81133,4.96723,5.4337,4.70236,5.11484,4.5656,4.57654,4.45411,3.62848,3.98412,4.17908,3.58811,3.94643,4.5273,3.83171,4.41019,2.66714,3.26831,3.73281,2.36156,1.8698,1.37222,0.728065,1.49798,2.25248,2.41431,2.08826,0.535398,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2.16846,0.692878,3.42511,3.77483,3.7177,3.00503,3.77104,4.58724,3.94614,4.17542,4.18913,3.21251,2.56849,4.32667,3.64934,3.89027,4.26562,3.15051,3.62896,4.10068,2.82102,3.94756,2.67479,3.85301,3.63938,3.89074,4.46558,2.50105,1.17528,2.75168,3.11237,2.83221,2.03578,1.00014,1.57108,2.51354,2.85571,3.43362,3.9964,2.07414,2.75265,2.35805,0.647092,1.70242,1.99525,0.613574,2.19386,2.57384,3.12669,4.81883,4.33513,3.89511,4.39112,3.90891,5.04865,4.88121,4.72494,7.62487,6.18667,6.92919,9.03839,8.33097,10.5067,9.34498,9.32328,7.37407,7.22972,5.69858,4.52522,5.40793,4.31434,5.27527,7.25616,10.6784,11.779,12.905,14.6771,12.5676,12.4167,14.9234,14.3002,13.8447,13.4696,13.0996,11.126,11.6891,10.1039,9.96063,10.7861,8.66392,8.1103,7.56621,7.53328,7.50645,11.4854,12.4678,14.087,15.302,14.1309,13.6718,14.6363,13.6127,12.2209,12.5758,11.4775,10.5382,11.0318,9.37988,9.31387,8.94997,8.61113,7.91529,6.55917,5.16465,6.69729,9.4988,10.7177,11.2071,12.7966,12.9879,14.8279,14.9542,14.7901,15.6418,16.1152,15.5555,15.3298,15.7653,15.2212,14.1906,13.5561,12.0151,10.7388,10.7203,10.8715,9.77099,8.71063,8.86027,7.27144,7.27278,8.12929,8.65225,10.4628,10.8571,11.9897,11.2514,11.3182,11.0212,9.8926,9.37426,8.95891,8.58543,9.1982,9.23912,11.3199,12.3988,12.1394,10.5716,9.02812,8.26948,8.90864,9.32663,9.53145,13.6891,14.2398,14.3947,14.0901,14.3216,14.6274,13.9637,14.1694,13.6226,13.0638,12.7263,13.189,14.4061,14.4674,12.7232,13.0175,12.6545,12.756,11.7221,11.6218,10.7523,11.2735,11.6635,10.8931,10.847,10.0797,9.1614,8.96821,8.38785,8.53805,8.43403,8.54197,7.07324,7.04134,6.9468,6.10394,6.01413,4.75265,4.1414,5.55652,4.26548,6.22051,6.38158,5.10027,6.02824,5.50292,6.26266,5.82627,5.95375,5.5333,4.42784,5.24787,4.67222,4.06879,4.28127,3.6144,3.71632,3.55604,3.65943,3.46569,3.59416,2.94254,2.64429,3.81638,1.73327,2.71627,2.40838,1.76009,1.99978,2.04494,0.914067,2.16886,3.20895,2.4108,2.60898,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.61231,0.742565,3.69995,3.48238,4.61176,3.79403,4.14548,4.08976,3.68022,4.64112,3.63847,3.30832,3.49996,4.45664,4.10658,3.62958,4.09004,3.76491,3.29654,3.57501,3.55644,3.20481,3.65278,3.77531,2.08609,3.97632,4.77864,3.41199,2.47255,2.05229,2.6479,2.85144,2.41826,1.72292,2.54008,2.99051,3.2053,3.45212,2.88989,1.80362,2.29486,1.9849,1.0544,2.22563,2.85883,2.07241,3.23693,3.64162,3.32799,5.09869,4.3983,4.68179,4.95624,4.71517,5.17188,4.89031,6.55192,7.84228,8.22594,7.70017,9.72806,10.9228,11.7317,10.7916,10.5394,7.14061,7.57806,7.17053,4.93637,5.04847,5.38345,6.04531,8.53427,10.5049,12.3766,13.6246,14.7953,12.8567,12.8035,14.9603,14.3251,13.7794,13.4629,12.7903,10.4811,11.5792,12.2448,10.6133,11.3175,10.7183,9.37602,8.95063,6.76647,7.17695,12.1497,13.3812,14.3916,15.1945,14.5509,13.9229,14.5526,14.3687,12.5928,12.8722,12.2969,11.5102,11.4555,9.85095,10.9028,10.5048,8.91979,8.58469,7.70684,6.591,7.47348,9.248,11.4711,12.6674,13.5599,13.7869,15.2466,15.3726,14.87,15.4166,15.8428,15.4007,15.0211,15.3929,15.0693,13.7055,13.848,12.767,11.2951,11.3618,10.9341,9.95751,9.71953,8.47534,7.44012,7.37137,8.64882,7.29735,10.6157,11.5229,12.8289,12.2106,12.2423,11.2084,9.8627,9.27668,9.16217,9.69321,9.96068,10.7435,12.584,13.5803,13.0099,11.4148,9.80259,9.37433,9.90284,10.7436,11.8779,15.0479,13.9269,13.1179,12.6001,11.5904,12.5756,13.039,14.1746,13.0069,13.0359,13.4118,12.8805,14.7007,15.283,14.7125,13.8434,12.5463,13.3438,11.9142,12.4109,12.4592,10.7624,12.5547,11.847,11.2408,11.3099,10.2336,9.95351,9.59858,9.09923,9.7118,8.21877,8.13224,7.82568,7.57489,7.75995,7.89276,6.90604,4.99525,5.85042,4.85349,7.16251,6.76186,5.64363,5.66419,4.89922,6.84201,5.96707,5.49904,5.31799,4.39131,5.3186,4.82291,3.94864,4.7787,3.74891,3.77543,3.33047,4.04512,5.05755,5.01437,2.63888,4.38086,3.42375,2.63709,1.87576,2.26641,3.48352,1.36687,2.34243,0.945078,1.91409,3.05335,2.75978,1.98955,0.558745,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.414914,1.69284,3.27159,3.943,4.2672,3.08564,4.42966,4.3536,4.07678,4.64377,3.82144,3.95405,4.30317,4.02625,4.75165,2.97209,4.09706,4.69617,2.95502,4.32947,3.41678,2.70109,3.9747,4.02112,2.37906,3.03862,3.77539,2.94709,3.07035,1.68666,2.4259,1.33823,2.46706,2.12433,3.26868,3.22821,2.0512,3.54259,2.73633,1.10444,2.96526,2.20949,2.51606,2.64376,2.82376,2.5892,1.73755,2.96155,2.58056,4.5428,3.52145,5.16087,5.7105,4.90709,5.66231,6.91737,8.21234,9.92087,12.0211,12.2591,12.338,13.3646,13.6875,12.5642,12.8514,10.1195,9.45567,8.82426,7.52252,7.35283,6.43479,6.82827,9.54631,11.8235,13.1417,14.4136,15.9585,14.2646,14.249,15.8548,15.1128,14.5257,14.0364,13.2502,11.3279,12.7101,13.5967,12.7935,12.2707,11.668,11.5029,9.99257,9.01347,8.84154,13.2833,14.6529,16.0977,16.454,15.559,15.2791,15.8064,15.3274,14.1284,14.3962,13.8042,12.7998,13.3602,12.2466,12.4387,11.1555,9.41237,8.21791,8.58532,7.2758,9.48243,9.97299,11.7129,12.39,14.5616,14.2248,16.2459,15.9947,15.562,16.4717,16.7548,16.1524,16.2097,16.3325,15.7028,14.7607,15.0785,14.9031,13.6218,13.2191,13.053,11.7117,10.3461,10.2042,10.4819,8.91138,9.17009,9.73094,11.053,12.7579,12.809,12.6486,12.6687,12.1472,11.5318,10.2195,9.94643,11.3084,12.0919,12.8345,13.6256,13.2221,10.9425,10.6227,10.1895,9.83343,10.4003,10.8807,11.9105,15.5948,14.5655,13.3211,12.6959,11.8969,12.3586,12.6875,13.1332,13.7336,13.6026,13.1328,13.4586,15.4024,15.5813,14.6742,13.9224,12.4365,13.9552,13.1157,12.67,12.8697,12.6298,12.6283,12.4585,13.0438,12.6631,10.7806,10.2216,10.9654,10.8785,10.7737,9.68866,8.70286,9.07658,10.1894,9.08746,8.3327,8.25251,8.30638,7.13294,8.06243,7.46499,7.98976,6.21485,6.54309,7.27881,7.8696,8.22235,6.53456,6.60971,5.75739,5.95818,5.77948,3.72577,4.58396,4.86957,4.27018,3.90699,4.56047,4.64554,5.01725,4.68803,4.3087,4.30631,3.67019,3.68819,4.14014,4.20742,1.73682,2.06216,1.83165,1.21464,2.94338,2.90129,2.0182,1.09056,1.3549,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.688922,2.04632,3.14168,2.70316,3.72901,2.76107,2.89501,4.53903,4.23979,4.96177,4.13844,3.85527,4.11969,4.09704,4.18027,4.45234,3.69038,4.8072,3.4746,3.68363,3.42309,4.63648,3.88305,3.7746,2.69441,3.45704,4.20345,4.04592,3.6786,1.7721,2.48708,1.83622,2.87714,3.81984,3.17345,3.62967,2.90382,3.76385,3.99529,1.98626,3.0478,2.34497,1.97515,2.75732,2.79107,1.60925,1.538,3.74026,3.50032,3.12831,3.75057,6.12167,9.27545,9.67067,10.2034,11.2188,12.5019,13.1974,14.43,14.5311,15.0139,14.7914,14.9834,13.9049,14.2169,11.3255,12.4624,12.1008,11.1053,9.27734,8.11095,9.83547,10.7898,12.1017,14.1004,15.5701,17.1057,16.1719,16.1964,17.2607,16.3026,15.4325,15.107,14.1209,13.0128,13.1314,14.5846,13.7884,12.8913,11.8583,12.6101,12.2764,10.5233,10.7264,14.7738,15.7441,17.0991,17.4518,16.7035,16.4233,16.9261,16.599,15.5292,15.805,15.2511,15.1877,14.6482,13.4686,13.5924,12.177,11.4809,11.1517,10.6427,8.53879,10.333,10.9782,10.7226,12.4978,15.1581,15.5841,17.2149,16.9211,16.5558,17.4711,17.3538,16.6277,16.4081,16.8306,16.4204,15.7097,16.041,15.6266,14.1305,13.6284,13.4125,12.4952,11.4241,10.2932,12.2272,11.8127,10.9913,10.8904,12.2291,12.9595,13.0825,13.7631,13.2341,12.8468,11.5415,11.9424,11.245,12.6666,12.4504,14.4886,14.4969,11.3231,10.589,10.7747,9.72223,9.87039,10.5851,9.90937,11.1369,15.2921,14.5377,13.4154,12.7759,11.7518,12.4628,12.8372,12.6358,12.4708,13.464,12.7745,12.9329,15.4272,16.4053,14.8243,14.5119,14.1723,13.9861,12.9299,13.7467,14.5867,14.0573,13.5925,12.3595,12.9654,12.3393,12.3071,9.36352,10.7217,10.818,10.8383,10.4078,9.55211,9.5483,9.95466,9.94937,9.7798,9.64579,10.0589,8.88646,10.1422,9.33623,9.25011,8.4243,7.33356,7.12181,9.03148,8.78789,7.92137,6.85769,5.84734,6.61436,6.52285,4.39946,5.69082,4.92159,5.15065,3.79771,4.38226,4.55979,4.67291,4.51962,2.99561,3.21639,3.30874,3.72239,3.96608,3.74425,0.580527,1.2392,2.62164,2.20717,1.32773,2.03711,1.65392,2.12583,1.16732,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.33539,0.850313,3.29035,3.34379,4.38357,4.05149,2.85305,3.59662,4.02569,3.80859,3.26561,4.18621,5.0858,3.66295,4.33611,4.31201,3.86748,4.41104,2.80479,3.96327,4.66479,4.6298,3.8924,2.8526,2.70737,4.45783,2.93244,4.09453,3.26747,3.8924,2.51086,0.800438,2.90772,3.32004,2.7111,3.61284,2.71213,3.44784,3.57416,2.96731,1.74849,3.21753,2.5291,1.38272,0.747148,2.90653,2.83514,3.76724,3.42766,3.45273,5.03735,7.01752,9.74771,12.1164,12.3948,13.8549,14.9076,14.8589,15.3259,15.1683,15.9994,16.5531,16.0867,15.6497,15.8338,14.2957,14.7066,13.0809,13.24,11.4109,11.5556,11.653,11.778,13.3322,14.278,16.462,18.3063,17.3098,16.5912,17.9413,16.9697,16.7631,16.1054,15.5209,14.9969,14.4624,15.0774,14.1251,13.3905,13.6439,13.8613,12.3851,11.227,10.2402,15.6544,17.3026,18.7699,18.5956,17.9018,18.1116,18.0045,17.9084,17.2923,16.6995,15.5531,16.1858,15.8478,15.008,15.0334,13.2989,12.5506,12.4654,11.2186,9.40983,10.9113,11.4839,11.724,13.7839,15.7756,17.2703,18.6224,17.1123,17.2571,18.7875,18.311,17.6235,17.8099,17.6967,17.2259,17.0251,17.7074,17.1456,15.3293,15.5196,15.6014,13.7137,13.5805,12.0993,13.499,12.7264,13.055,11.6146,13.2179,15.2266,14.4689,13.767,13.2023,13.8537,13.3053,13.6632,12.0683,13.1272,13.9398,13.9605,13.0862,11.8996,11.3849,11.2813,9.68782,8.49534,9.54335,10.2128,10.6549,14.3241,15.6885,14.0605,13.7045,13.1254,12.9507,13.2864,12.8963,12.9464,14.4573,14.1273,14.9148,15.3682,15.9376,15.6966,15.434,14.8469,15.0628,14.3692,14.5566,15.3972,14.518,13.7079,15.0238,13.7206,13.5312,12.9246,10.4203,11.7389,10.9254,10.9073,11.7141,11.7862,11.0716,12.1544,12.2794,11.1983,11.8726,11.0181,12.7372,11.2459,10.692,11.0569,10.3495,10.1205,10.6105,11.1305,9.8557,9.93706,10.6798,8.47354,7.86807,8.29182,8.68899,7.94298,6.99529,5.99389,4.45833,4.84266,4.41832,4.83859,4.40661,3.68664,4.21832,3.39053,2.99528,4.09045,3.00173,1.66808,2.0048,2.28268,2.3161,2.83575,1.53304,2.01815,1.6477,0.130926,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.952435,2.35811,2.2943,3.52627,4.68844,3.72712,3.94948,3.7731,3.95633,4.81925,3.51392,3.46089,5.61876,4.14502,4.73651,4.06731,4.01003,5.30355,3.73929,4.12683,5.0552,4.66369,4.68986,3.97465,4.30674,3.99255,3.54088,3.21607,2.78378,3.42515,2.78624,1.83162,2.68907,3.04328,3.5236,3.40766,2.74276,3.77771,4.02184,3.33055,3.51299,3.65404,3.52365,2.48132,0.708254,2.94493,2.37605,4.12279,3.7358,2.98041,4.42461,7.01395,10.1201,12.0568,12.2135,13.5345,14.6859,13.418,14.5092,16.0496,16.6506,17.0841,17.1128,16.4525,15.6715,14.2942,15.2341,14.6514,14.1513,11.532,11.569,11.9841,12.6209,13.4708,14.4516,16.6073,18.4308,17.3752,17.3931,18.6314,17.3692,17.6942,17.2962,15.8137,14.5834,14.6617,15.4987,15.033,14.2536,13.4803,12.3632,12.4718,12.0733,12.0667,15.5774,17.4003,19.2293,19.1872,18.6859,18.603,17.385,17.7392,17.4509,17.0488,16.103,15.5019,15.0669,14.2652,14.9593,12.4437,12.9113,10.8315,11.673,10.2864,11.289,12.2244,11.8377,12.5156,15.3949,16.4332,19.1776,18.4093,19.3619,19.7168,19.221,19.176,19.29,17.7971,17.9964,18.7812,17.772,16.2329,15.6868,15.4904,16.1363,14.7609,14.488,15.3201,14.324,14.3782,13.7532,14.7609,15.3795,16.4336,15.3755,14.5093,14.1783,14.4585,14.4567,14.8639,13.5294,13.7239,14.6744,14.3714,13.6079,11.5718,10.558,10.0517,9.52074,8.30612,9.40335,10.3202,10.4987,12.0104,16.3938,16.7353,17.3499,16.2303,15.5569,15.5049,16.123,15.5031,16.5547,15.7521,16.1024,17.3096,17.1339,16.7665,16.5494,15.2551,15.2606,15.2252,15.8014,16.3365,15.8917,17.345,16.3486,16.0071,14.8908,15.0309,15.0328,14.0009,14.4615,15.0806,13.9405,14.6428,13.6571,15.4792,14.7204,12.357,13.6215,14.1974,14.8314,14.1446,11.7831,13.0892,13.0763,12.6213,12.9208,13.5844,12.9138,13.193,13.1493,11.3612,10.7444,9.86622,12.0664,9.72836,8.03586,7.49396,7.02296,6.06923,5.2979,4.6235,5.26529,3.52669,4.47579,2.54612,1.60842,3.37046,2.1775,2.49008,2.41961,0.104042,2.58001,2.91365,2.44877,2.50407,1.65795,0.327408,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.6894,2.62265,2.61659,2.73299,4.27821,4.15076,4.67587,4.70492,4.20534,4.34614,3.66513,3.22209,5.07149,4.3985,4.641,3.93458,3.06448,4.71583,4.25244,4.35685,4.43028,4.71361,3.9608,4.08375,3.54179,3.81041,4.1304,4.15326,2.4044,2.52109,2.98412,1.30695,2.49827,3.75185,4.10143,2.73128,2.7934,3.4365,4.36759,3.40218,3.72149,3.38988,2.90314,1.75542,1.03098,2.90121,2.77381,4.36692,4.46427,3.86355,4.21387,5.43389,8.04179,11.2501,11.5241,13.5214,13.5663,14.3905,14.3673,15.4766,16.8722,17.4199,17.748,17.289,16.3641,14.9817,14.1017,14.1322,12.8936,10.7945,9.9335,12.1571,12.1025,13.3231,13.9419,16.9741,18.729,17.033,16.5884,18.6495,17.8892,17.7785,16.3499,15.0121,14.3892,14.5155,14.6648,14.6692,13.6571,12.1273,11.1851,10.811,12.0377,11.7544,15.5584,17.1501,19.6232,19.9448,18.5905,18.6551,17.8107,18.8148,17.3393,16.312,15.8245,14.6111,13.8671,13.5123,13.955,11.8135,11.5237,11.635,10.7891,10.7041,10.2111,12.54,11.9512,12.3896,14.6158,16.5058,19.3729,18.8264,19.9545,20.1915,19.7841,18.8401,19.3757,18.5446,18.4301,18.904,18.1046,17.0766,15.4942,16.3088,16.2713,14.0357,13.897,15.5904,13.923,14.4405,13.8211,15.4306,14.967,17.6887,15.51,15.9807,15.1501,14.8548,14.4375,13.3908,13.4591,13.3133,15.3119,14.9352,13.0658,12.3056,11.2184,11.964,10.543,10.5525,10.5476,11.2889,10.5585,12.9951,15.808,16.5885,18.0443,17.2771,17.7398,16.9858,18.0493,17.4381,17.0937,16.7404,16.7584,18.7044,18.9084,16.7839,17.0557,16.9085,16.6457,16.5792,16.2746,16.1222,16.3898,18.4404,16.5703,16.7466,15.9639,15.5356,16.2463,15.3538,16.2264,17.3292,14.5773,15.5175,16.4265,17.5435,16.3293,13.6091,14.6346,15.4346,14.2804,14.9605,13.0622,13.6638,15.4756,14.6023,14.8484,15.413,15.4728,15.537,14.6631,14.1206,13.7106,12.4564,13.6194,12.7204,10.073,9.4972,9.03064,8.17193,6.67509,4.90865,5.17247,3.8414,4.79941,2.93694,2.62076,4.04653,2.48972,2.43597,2.60416,2.63554,3.12105,3.4593,3.88915,3.82931,1.36082,1.38357,0,0.0781187,0,0,0,0,0,0,0,0,0,0,0,0,0,0.492927,2.76469,1.68892,3.50913,3.29884,4.68355,5.04919,4.14127,4.93885,4.87277,4.4116,5.14098,2.55217,4.75343,4.9308,4.42039,4.32218,4.39519,4.83413,5.2915,4.14333,4.23525,4.56428,4.75747,4.96981,3.38042,3.70607,3.57005,4.12538,3.03102,4.08192,3.19832,1.88774,2.61725,4.16855,4.16763,3.27283,3.54654,3.14004,3.7615,3.11718,3.10097,2.8772,2.53351,1.47143,0.7019,2.76567,3.07638,4.71481,4.67098,4.13333,4.24423,4.93799,8.52879,12.3553,13.1095,14.5057,15.7824,15.6242,15.7732,16.595,16.076,15.6957,16.7034,15.6613,14.7191,13.6594,12.8334,12.7417,12.4176,11.6291,10.5761,11.0836,12.4444,13.4191,14.6447,15.947,18.1412,16.4854,16.5718,18.1215,16.698,16.7588,16.0817,14.1376,14.0836,14.2091,13.8417,13.5995,12.8571,12.0098,10.1288,10.9931,11.8362,12.1078,16.0721,17.7566,19.0695,18.8051,17.9535,17.3466,17.8329,17.8472,16.8445,16.2495,15.8006,14.0073,12.4783,12.8875,13.6986,11.9129,11.6155,11.9614,11.1597,9.1819,10.3008,11.7938,13.1452,13.3419,15.5289,16.28,18.435,18.7864,18.5723,19.1619,19.2235,18.8858,18.629,18.2657,18.5845,17.6462,17.5815,15.7217,15.7009,15.5935,15.3942,13.9991,13.8126,13.756,13.2946,13.9474,14.7548,14.8653,15.9471,17.8607,16.2344,16.1683,15.6905,15.1334,14.1333,12.5678,12.6925,12.5782,14.0234,14.8744,15.0582,13.029,11.7891,12.316,11.1062,10.5306,9.96056,10.5449,11.2493,13.2742,16.5392,16.4447,17.5212,17.8918,16.9173,16.3434,17.2061,17.6099,17.2535,16.5412,17.0312,18.7816,18.0105,16.4899,15.6707,16.2265,15.6472,15.2358,15.7135,16.922,16.517,17.669,16.8998,17.6453,16.4538,16.5392,16.3852,15.9202,17.2449,17.2559,15.8952,16.3834,16.5222,16.0608,15.784,14.9207,14.9662,14.649,13.8274,14.0409,13.6032,13.5972,15.7202,15.957,15.1728,15.7897,16.035,14.5977,14.2416,13.5043,13.8353,12.9453,13.201,12.5601,9.9912,9.96824,9.835,8.69252,7.03187,5.75867,4.86987,4.83095,4.82152,3.92252,3.891,4.56627,2.76123,2.46814,3.29469,3.05585,1.42425,2.28217,3.80819,3.87768,2.41689,1.71268,0.0255366,0.123252,0,0,0,0,0,0,0,0,0,0,0,0,0,0.570783,2.92578,2.36073,2.45779,3.85967,5.59187,4.41928,4.30002,5.09459,4.57383,4.3291,4.94054,4.14711,5.36047,5.20594,4.52465,4.24344,4.39511,4.66843,5.56388,4.66297,4.8106,4.29595,4.54368,4.59461,3.85936,3.86591,3.94974,3.37003,1.67128,3.29598,1.63298,3.65804,3.06666,3.74952,3.61721,4.31253,3.39116,3.86019,4.68964,3.78338,3.72787,1.59296,3.19333,2.86134,2.62716,3.01615,3.44188,4.02148,4.55047,4.93995,5.22107,5.2411,8.68857,11.0358,11.5585,14.7936,16.0398,16.4914,18.4019,18.2622,17.3975,17.7692,17.5818,17.0818,13.8322,13.3536,13.0631,14.1782,12.7914,11.9939,10.934,11.5899,12.7859,14.2248,16.1898,17.711,18.8579,17.5363,18.2893,18.7066,17.6425,17.6586,17.3242,15.4262,14.1774,14.2282,13.4428,13.5499,13.129,11.4758,10.1072,10.2741,10.8228,11.3931,16.2309,17.3351,18.9923,19.1914,18.5577,18.6645,18.8499,18.1901,17.5088,16.594,16.1357,15.3753,14.0928,12.8071,13.8854,12.4591,11.839,9.85829,9.84082,8.76024,8.85093,11.7894,13.6816,13.4916,16.3973,17.4723,18.5772,18.7976,18.7376,19.2874,19.4958,18.7326,18.9938,18.758,17.6525,18.2361,17.2457,14.7537,15.6566,15.8887,14.5237,13.4493,13.0726,12.1072,13.4438,13.7735,14.7763,13.8608,17.5858,18.1621,18.9939,17.861,16.9309,16.432,14.6907,13.256,13.4755,14.2482,14.5365,15.9812,15.3748,14.0903,11.8797,11.7037,10.8821,10.0672,9.92474,9.33233,10.3609,13.2269,16.2968,16.6154,17.561,16.9068,16.2062,16.925,16.2494,16.8264,16.4192,15.3904,16.7177,17.2723,17.5477,16.1856,14.8123,15.3789,14.4325,13.6479,15.0628,15.6281,15.8134,17.1775,16.891,17.4249,15.4317,16.1023,15.6579,15.8843,16.9342,16.6404,16.1306,16.2424,15.8807,16.1205,15.3222,14.9924,13.2647,12.1385,11.7954,11.699,11.5339,11.3944,14.1101,14.7064,15.269,14.659,14.2879,13.5173,12.7693,11.7141,11.8493,10.497,12.3545,10.9647,9.10926,9.45542,8.99858,7.56248,6.19975,4.92527,4.81268,4.56622,4.57169,3.91107,3.72348,4.07046,3.26843,2.01377,2.21554,2.23706,2.5164,2.20644,2.45631,3.7413,3.50763,1.69515,0.147615,0.231291,0.072839,0,0,0,0,0,0,0,0,0,0,0,0,0.0473408,2.32213,3.03868,2.63484,3.08559,5.07129,4.50852,5.2169,4.56544,5.342,4.10593,4.42593,3.86614,5.37052,4.54493,5.33244,4.26839,4.4728,4.05087,5.44355,5.41822,4.67205,4.00151,4.4662,4.32182,2.78239,5.12505,4.35103,3.68561,3.29309,3.1172,2.4925,4.0914,2.74969,3.19768,3.28887,3.56873,4.18093,4.03373,3.87976,3.97609,3.66451,1.7931,2.46455,3.03775,2.71106,2.70766,2.99406,4.35938,4.90997,5.79451,3.64215,4.49416,5.79999,8.28714,9.88209,12.8064,13.5545,16.0249,18.5499,18.6148,18.615,18.8385,18.6136,17.9928,15.782,14.1896,14.282,14.751,14.0375,12.8824,10.8956,10.9352,12.6895,14.0366,16.045,18.3412,19.3874,18.1206,18.4635,18.8233,17.9302,18.3027,17.3962,16.2809,14.3689,14.2316,13.5936,13.9027,12.6529,11.331,10.5541,10.6241,12.3576,11.2601,16.7083,18.1931,19.5551,19.6788,19.0098,18.9732,19.2568,18.591,17.801,17.5625,16.9085,15.6951,15.3987,14.1043,14.1587,12.1206,11.7609,9.57791,9.35514,9.37926,9.20238,11.0304,11.5851,13.0867,16.0669,17.3549,18.5578,18.6554,18.5928,19.2793,19.3013,18.8384,18.7203,19.0501,17.5428,17.5448,17.6273,15.2048,15.3393,15.4308,14.0957,13.299,12.2712,12.0419,13.2321,13.1651,14.6923,15.8488,18.1779,18.9631,19.6447,17.3511,17.6142,16.234,15.8779,12.1627,14.5998,15.4546,15.4966,15.9362,14.2871,12.8491,11.6778,10.8368,10.5505,8.56715,8.05863,7.98248,9.80691,12.9214,15.7443,16.4601,16.8105,16.2015,15.7724,16.7484,16.6648,16.6572,16.5664,15.3206,16.7195,17.1434,17.0139,15.8459,15.2291,14.8347,14.483,14.2386,14.0599,14.4542,15.4689,15.9742,16.0694,15.4605,15.3374,14.8199,15.5707,15.133,16.4371,16.7615,15.0338,16.1965,15.4827,15.3907,14.4312,13.731,11.7155,11.098,11.4049,10.378,9.21873,11.1559,13.4603,14.3243,14.7094,14.3494,12.5754,13.5448,11.5469,10.7317,11.0897,10.8771,10.4878,9.15187,7.32343,8.48677,7.42669,6.44423,4.41979,4.70421,4.05271,4.94085,5.36789,4.21763,3.90409,4.68024,2.42763,3.28111,2.77195,1.5085,2.2022,3.48741,1.45543,2.00797,2.7269,1.68767,0.244973,0.350024,0.183602,0,0,0,0,0,0,0,0,0,0,0,0,0,0.634629,1.49974,3.74331,4.07854,4.55055,4.69001,4.88801,4.96622,5.10569,4.38261,3.90282,5.23807,5.2635,4.85195,5.42431,4.40412,4.46472,4.53676,5.00465,4.99231,4.42314,4.17846,4.94907,4.6709,4.10107,5.33174,5.42246,3.93903,4.09344,2.99604,2.65338,3.47443,3.67401,2.8768,4.62365,4.6569,5.20063,3.11275,3.65959,3.67381,3.49973,3.26248,2.98406,2.215,2.69618,2.48939,3.00516,4.52846,4.95478,5.7439,4.58266,5.1613,6.32176,8.77386,10.2221,12.0101,10.7476,11.8778,15.3205,16.5234,16.9615,18.654,19.2016,19.3333,17.784,15.6577,15.4386,13.8452,13.5886,12.5579,11.5055,10.428,12.082,14.4941,16.3136,18.8174,19.9526,18.9304,19.3319,19.2466,18.5605,18.7878,17.9594,16.8703,16.5092,16.1844,15.4622,15.7713,14.2912,12.9097,12.5551,12.253,13.3765,12.2143,17.0388,18.6355,20.116,19.9497,19.6246,19.9401,20.1012,19.3858,19.6273,18.685,16.9537,17.0498,17.0335,16.1604,16.2963,14.1427,13.7496,12.3194,11.2913,11.238,9.40048,10.05,12.6648,12.465,14.592,15.3284,17.7808,18.0977,17.3071,19.0313,19.187,18.5179,18.5302,18.6419,18.1998,17.4792,17.0992,16.3077,14.9974,15.0747,13.8438,13.3713,12.0822,12.8622,12.6107,13.9835,15.0715,15.9278,17.3826,18.427,18.385,16.5349,15.5581,15.365,16.4205,13.8804,14.5113,14.5006,15.0654,14.0871,13.1411,12.1238,11.345,10.6658,9.43687,7.88488,7.65151,8.2366,9.04236,11.1406,15.0748,15.6101,17.0842,17.0554,16.732,16.9563,17.6238,17.1998,17.1876,16.0234,18.3399,18.6274,17.7668,15.8731,15.531,14.8016,14.2366,14.3892,14.9512,14.7824,15.6921,15.9899,15.7006,15.002,15.0166,13.3553,14.9795,15.2241,16.0674,16.2903,13.9158,15.76,14.9275,15.0843,14.005,12.8209,12.5592,11.6409,10.8802,9.66476,8.57173,9.4654,10.9279,10.8276,11.7628,13.7956,11.0718,12.6549,10.993,10.2288,11.3422,9.99924,9.75982,8.54722,7.50381,6.77022,6.91766,5.95221,4.23987,5.22733,4.13403,5.39371,5.09545,4.38065,3.68459,3.89332,2.57636,2.28119,1.93028,1.93393,2.47237,4.17048,2.96955,3.17211,2.9419,1.80163,0.378829,0.469186,0.290406,0,0,0,0,0,0,0,0,0,0,0,0,0,1.50737,2.41972,2.63438,4.28713,4.47291,5.1824,5.70364,4.95848,4.64727,5.02102,5.0214,5.70255,4.74764,5.81478,5.50955,4.76232,4.4931,5.20833,5.73337,4.03915,4.15162,4.47423,5.23023,3.41722,5.0081,4.56896,4.86535,3.6349,3.55678,3.02591,2.82814,4.00422,3.63021,2.47468,4.49146,4.48269,4.4859,3.51015,3.85553,4.63995,4.45231,4.4995,3.54483,3.2419,2.3402,3.62103,3.41427,4.63637,5.31992,4.67405,5.3715,5.57548,6.01151,7.03255,7.91656,10.6627,10.74,10.9152,13.2212,14.6579,15.3626,17.0905,18.6175,17.9698,16.9976,15.499,15.6227,14.1612,14.3107,13.184,11.7838,11.8054,12.4019,13.6,15.5788,18.0312,19.344,18.765,18.7948,19.0793,17.9024,18.5657,18.4482,17.2192,17.0328,16.5645,16.024,16.3939,15.5209,14.1816,12.9468,12.1872,12.9867,11.9193,16.6336,18.6182,19.6318,18.6523,18.3867,19.2093,19.5431,19.38,19.4855,17.8493,18.0733,16.6853,16.9925,16.4055,17.1188,14.895,14.8291,13.2591,12.6726,11.9075,11.1395,11.5581,12.2777,13.745,14.9514,16.0251,17.7566,18.3847,17.8194,18.3475,18.5752,18.4483,18.2544,17.3052,18.0207,16.9596,16.301,15.9408,15.549,15.655,14.936,12.8409,12.0511,12.6417,12.5079,13.2611,14.8431,16.1303,15.9401,17.1479,15.9697,15.6586,15.7076,15.4669,15.0626,13.6369,13.4731,13.9055,13.1352,12.9369,11.987,11.2744,9.98206,9.40394,8.60866,7.32192,7.57487,8.27712,7.79455,9.83959,13.1438,15.1799,15.91,17.1183,16.2466,16.4808,16.3136,16.9179,16.1021,16.3141,17.5854,17.4851,17.4767,15.1421,14.8521,14.8617,14.9631,15.4931,14.892,15.7864,15.8962,15.2443,15.494,14.6457,13.4696,13.8048,14.2072,14.8565,15.3689,15.3012,14.7235,14.5437,13.899,13.9366,13.1131,11.5617,12.2525,11.0848,10.0597,9.28408,7.54001,7.31044,7.57744,7.84957,10.0812,11.7678,10.7334,10.2385,10.1675,9.37844,9.31681,8.73488,7.30469,7.27065,7.0718,6.43833,6.7679,4.82512,3.93706,3.60235,3.52525,3.39377,5.5315,3.75843,3.54592,3.31512,2.41212,3.05372,3.5878,3.30426,3.23293,3.1013,3.76079,3.91745,2.18561,1.15289,0.452202,0.576909,0.393211,0,0,0,0,0,0,0,0,0,0,0,0,0,1.1647,2.18551,2.93991,4.31798,5.01454,5.03486,5.23584,4.98603,4.90807,5.55867,5.74719,4.46943,5.30447,5.59322,4.60211,5.56283,4.33758,4.28443,5.33883,4.02727,3.85022,5.40855,5.91953,4.1314,5.49345,3.2777,4.79055,4.22842,3.0071,4.00824,3.26688,4.44321,2.12829,2.84726,4.08461,4.55417,4.10622,3.94561,3.8784,3.78352,4.06459,4.3059,3.15995,2.90061,3.06627,3.35504,3.08516,4.40327,4.64824,5.32057,6.21653,5.29809,5.28541,5.34508,5.63043,7.75647,9.51049,10.4332,11.0608,13.6706,14.4725,16.3675,17.6146,17.2542,15.8274,15.0589,15.5542,13.8826,14.3044,13.2769,11.7114,12.6031,12.9835,14.9988,16.217,17.6215,18.8545,17.6414,17.729,17.8457,17.525,17.7041,18.0908,16.656,16.0925,15.9691,13.927,14.4895,13.3557,13.6671,12.22,10.2441,9.60003,11.1764,15.1484,17.4101,17.9325,18.8647,19.357,18.1587,18.6346,18.3116,17.8937,18.0993,17.5238,16.2076,15.4616,15.4349,16.0255,15.089,14.4911,12.5298,13.0538,11.9806,11.3116,12.0543,12.8367,14.7762,16.0555,17.2226,19.2935,18.5379,19.2487,19.688,19.566,18.7144,18.9742,18.7046,18.2057,17.3067,17.097,15.7328,15.8197,15.5691,15.4501,13.939,12.6175,12.4669,12.51,14.6746,16.7368,17.5226,16.6904,17.0343,15.9176,15.0463,14.6585,13.1911,12.1991,12.8479,12.4593,13.0449,12.7405,12.1085,12.0244,10.6125,9.24385,9.26115,7.54637,7.62882,7.24165,7.11717,7.24502,9.31915,12.1655,14.231,14.7958,16.4985,15.7715,16.3186,16.5691,16.7236,16.9072,16.1226,16.8583,16.6639,16.7505,15.1688,14.2992,15.1171,14.6172,15.7832,15.1662,15.4107,15.6284,15.5858,15.299,14.9469,13.6394,12.8927,13.0166,13.8682,15.1289,14.9351,13.9292,13.838,13.5383,12.9403,12.0039,10.7837,10.4735,9.3065,7.85042,7.212,7.72689,8.28818,9.29077,9.64409,10.7148,11.7825,10.8248,10.2554,10.1661,8.99481,9.39897,9.174,8.74203,8.52991,8.45062,7.05216,5.31168,5.13554,4.5467,4.24378,3.35712,4.05115,5.52137,4.14973,3.67971,3.68856,3.01169,4.1574,3.79755,2.99441,2.80022,3.5973,3.21383,3.60809,2.63046,2.12639,0.571196,0.667752,0.492052,0,0,0,0,0,0,0,0,0,0,0,0,0,2.21862,2.44068,4.58822,5.27519,5.34011,4.49307,5.69572,5.50985,6.11442,4.57259,4.76091,5.05097,5.52485,4.24336,4.64889,4.92677,4.55914,4.60145,4.65095,4.96057,4.09044,5.6698,5.1905,4.92035,4.41816,4.62047,4.48641,4.76499,3.81353,4.84837,4.07678,3.96684,3.30011,3.88181,4.35836,3.7271,4.45286,4.34471,5.6385,3.82912,3.3771,3.6311,2.55514,3.66311,3.13519,2.30536,3.68466,4.73746,4.83602,5.1861,5.73675,5.90515,5.3263,4.52902,6.31097,6.6043,9.98085,9.69678,11.6695,14.5118,15.6092,17.44,17.9071,18.1445,15.9945,14.241,14.2813,13.4663,12.581,11.3447,11.0839,11.249,12.3371,15.7313,16.2772,17.9338,19.3527,18.7533,18.8854,18.8674,18.5982,18.7985,17.5421,16.7074,14.9253,14.3698,13.8005,13.1229,13.1603,12.0875,11.3169,9.9749,9.67086,10.0067,13.1362,17.6321,18.3846,18.9281,19.2225,19.4834,19.3124,18.4191,18.3243,18.6777,17.24,16.7414,15.2155,15.0733,14.8849,14.4895,13.681,12.926,12.4124,11.5717,11.8313,13.3244,13.8189,14.55,17.0094,18.463,20.1853,19.4787,19.7897,19.9308,19.9553,20.3254,19.7523,19.957,18.5421,18.3824,18.5582,16.964,16.7956,15.922,15.1359,14.7228,13.2547,13.0927,14.6577,15.8136,18.5799,18.8247,17.9991,17.2201,17.3349,15.8321,15.3294,14.1894,14.1227,11.9808,13.4598,13.0049,13.0798,13.2396,12.6854,10.5213,10.0168,9.29917,7.17526,7.08567,6.17059,6.71724,7.42326,9.34991,12.4402,14.8954,15.1173,16.5124,16.1152,16.6613,16.8825,16.4171,15.6774,15.6718,15.2863,16.2815,15.9641,15.0832,14.8633,14.9348,14.4944,15.4171,15.2184,15.4324,15.3973,16.5701,16.3425,16.0491,15.0525,13.6191,14.052,14.6651,14.9598,14.779,13.1607,12.3634,12.509,11.661,10.182,8.66083,8.90753,6.83122,6.28156,6.65102,6.72414,8.09572,10.0395,11.3347,11.6145,12.2355,10.9863,9.4887,9.5809,9.78018,10.7029,11.8908,10.1707,10.0905,9.41717,7.59921,7.55878,6.81999,5.02012,4.93219,4.36333,4.60135,5.03265,4.09895,4.09632,4.44115,3.88505,3.90363,3.27203,3.57709,2.35771,3.83831,3.26945,3.9807,2.0517,1.81188,0.649937,0.745723,0.586992,0,0,0,0,0,0,0,0,0,0,0,0,0.555716,3.17885,2.63249,4.55341,5.37696,5.79892,5.00945,4.61341,4.85729,5.51969,4.44397,4.35158,4.4786,5.26443,4.93377,4.38089,4.11083,4.23645,5.06095,5.38861,4.4662,4.26401,5.91573,5.42207,5.37817,3.99019,4.50878,3.78057,4.53765,3.92508,3.93962,3.38539,3.71495,3.25246,3.9195,3.80332,4.23831,4.6419,3.17754,4.59652,3.09761,3.92759,4.25859,3.04494,2.62801,2.97194,1.47715,3.52775,4.1438,4.14493,3.21735,5.79163,6.2085,5.71795,6.21013,7.14177,8.08436,10.7009,11.5638,12.8188,14.9172,15.5585,16.8043,17.6794,17.7055,15.1532,13.7902,12.512,12.8528,10.9681,9.50868,9.67118,11.0769,13.2476,15.6196,16.2545,18.279,19.3538,19.0063,18.7331,18.8163,18.8457,18.7894,17.3864,17.0971,16.2882,14.7025,14.8689,13.5437,13.1309,11.8807,11.8617,10.1937,9.81507,9.91534,13.4436,17.3101,17.9577,18.922,18.056,18.8262,18.4052,17.7126,17.9701,18.1185,17.0451,15.6767,15.5868,15.396,15.0177,13.482,12.0485,12.2995,11.0953,11.015,10.5285,13.0058,14.1835,15.0864,16.29,18.2696,19.8312,19.3567,19.547,20.524,19.8365,20.5246,20.2752,20.0889,19.4484,18.5109,18.7479,18.1533,17.444,15.6747,15.1388,14.9361,13.6577,14.057,15.3821,17.7596,18.5483,18.9961,18.5436,17.7728,18.3883,17.1884,16.5345,15.6136,14.7038,13.8397,14.2337,13.7541,13.2592,13.3036,12.7026,9.71859,8.97358,8.6195,6.91963,7.0717,4.87917,6.64284,6.83532,8.35517,12.5434,13.1781,14.6803,15.1132,14.3686,14.7452,15.0065,14.4571,14.0063,14.6178,15.6198,15.9265,15.3725,14.9111,14.3771,13.2837,13.9159,14.1382,15.0996,15.0605,15.2478,16.7167,17.075,15.8271,14.9949,14.1282,14.2411,15.3546,15.8954,15.2485,14.4491,13.6414,13.9607,12.4809,11.0477,10.0333,9.99318,9.48933,8.10652,7.01088,6.30992,7.98053,11.1512,11.8614,12.7063,12.7419,12.9977,11.0888,12.1475,12.0844,12.251,12.5958,11.8207,11.0566,9.74697,8.33094,8.817,7.10937,6.67433,5.17708,4.26776,4.47259,3.91292,5.10959,4.94686,4.00563,3.36951,2.71414,2.38078,2.79616,2.62496,4.30658,4.45057,4.0427,2.37699,0.972801,0.796221,0.854632,0.711852,0,0,0,0,0,0,0,0,0,0,0,0,0.124061,2.92899,3.19288,4.3505,5.11062,5.18421,4.84725,5.42495,5.65573,5.18497,5.13548,4.02496,3.88046,5.08489,4.93565,4.98966,4.6046,4.37671,4.98382,5.56406,5.51427,4.79204,4.93228,4.85488,5.51969,4.38777,5.3742,4.15698,4.19846,3.32688,4.64544,3.72292,4.03337,2.40375,3.11119,3.32848,4.42964,3.62794,2.99304,5.46914,2.86071,3.38734,4.28692,3.77717,2.79104,2.31563,2.8633,2.5766,3.6165,3.89721,3.66138,5.33476,5.73905,5.15269,5.42073,6.81807,6.41999,9.81597,11.0905,11.8883,14.6338,14.5345,16.1554,15.9388,16.2935,13.753,12.7184,11.846,10.9085,9.95717,8.99105,8.96445,10.153,12.5757,14.9818,15.2774,17.157,17.3448,16.9644,16.6484,16.8672,16.7937,16.7032,16.0526,15.2833,14.7659,13.3984,13.374,12.1152,11.1592,11.658,11.361,10.0353,9.60827,9.31072,12.2371,15.1834,15.1939,15.6446,16.4679,16.3937,16.4461,16.7593,14.8531,16.1377,14.9315,14.3043,13.0522,12.7841,13.1187,11.3013,11.0762,10.4114,9.63614,8.6166,9.49323,9.79564,12.6755,14.0009,15.3942,15.074,17.7295,18.5198,17.7274,18.6966,18.8173,18.2264,18.1489,18.4609,18.3481,17.6154,17.6747,17.2922,16.5613,15.3578,14.4986,13.7936,13.2138,13.4318,14.9274,16.7628,18.1602,17.4879,17.6286,16.2878,17.5829,16.4634,15.8077,14.9948,13.8531,12.9273,12.6071,13.5356,12.0082,11.4728,10.0681,8.92535,7.70357,7.88839,6.46778,6.08141,5.76367,6.93409,6.70865,6.94902,10.5907,11.7932,12.8513,12.4544,11.7044,13.3371,13.182,13.8171,13.3774,13.6328,14.7651,15.2592,14.4794,13.1251,12.3338,12.1842,13.3294,12.9988,13.6476,14.7069,14.3891,15.5999,16.5494,15.9928,15.6179,13.606,13.7391,15.4553,15.7477,16.1182,14.9679,15.4415,15.1168,15.2236,12.5552,11.4378,11.4208,11.322,9.96445,8.35332,8.15523,8.25937,10.2745,12.2694,12.4151,13.5789,13.2565,13.4657,13.3838,13.4582,13.2858,12.2867,11.9266,10.3108,9.27056,8.62853,7.68328,6.18236,5.8921,5.19282,4.44729,4.71061,5.30167,5.07976,3.97969,3.10031,3.74914,3.33162,4.17879,3.11171,3.33611,4.77541,4.17832,2.93955,2.80279,2.05566,0.849153,0.970553,0.782027,0,0,0,0,0,0,0,0,0,0,0,0,0,1.3146,2.71907,3.97624,4.58566,4.33567,4.67632,4.76143,4.99348,4.47881,5.23834,5.35761,4.76198,5.58208,5.67363,5.28914,4.34823,5.45311,5.43095,5.22181,5.82196,4.7233,5.74399,4.94709,4.9883,4.75477,5.22737,4.02799,4.22948,2.32306,3.5717,2.92783,3.0999,2.84717,2.70634,3.1397,4.87991,5.32399,4.70507,4.62854,3.8282,4.51765,4.75541,3.80334,3.20947,2.66355,2.5867,3.70982,4.58707,3.77478,4.36789,5.99622,3.612,5.40058,5.62891,5.13366,5.64936,7.53299,8.79473,10.9012,11.5181,12.8291,13.941,13.8901,14.115,12.1986,11.024,10.3805,10.1055,8.41068,7.64587,6.63724,8.61984,10.892,11.5068,12.6252,13.3964,14.7022,13.0389,13.3241,12.6777,12.5609,12.0826,12.6613,12.6713,11.694,10.695,10.07,9.86186,10.7145,9.87157,9.59759,7.95775,7.90586,8.44936,9.83745,12.4577,13.8184,12.9541,13.8119,13.245,13.2362,11.4772,12.9509,11.8526,11.2761,11.5277,10.501,10.2589,9.23014,9.18487,6.92616,8.94608,7.88426,7.76652,7.9197,9.94922,11.2652,11.7774,12.5773,13.5285,13.7581,14.4837,16.3214,15.491,16.2656,14.7308,15.9625,16.2615,17.0165,17.2518,16.252,16.8905,15.6988,14.2596,12.5012,11.8433,11.5779,11.8764,14.3935,16.0189,16.4579,15.3926,15.98,15.7898,15.3261,15.14,13.8598,12.2393,12.4906,10.9136,10.8485,10.5052,8.59128,8.95189,7.27849,6.73877,6.26499,6.4493,5.19379,5.99463,5.47177,5.73699,6.50177,5.94005,6.83209,7.97892,9.53375,9.28061,9.08139,9.13255,9.53505,10.4513,10.4105,11.488,13.8693,15.7609,15.304,14.7102,13.9729,14.1517,12.6192,14.3599,14.3854,14.2299,14.9161,16.3905,16.2707,15.2842,15.0453,13.0457,13.1711,13.6494,14.1823,14.3948,13.93,14.6535,13.8924,14.8085,12.2632,10.454,9.9927,10.0383,9.50294,7.48401,6.71524,7.37897,9.95431,12.0318,12.2322,13.0448,12.4202,13.0303,12.9552,12.5899,12.3728,11.2337,12.6977,10.2725,8.93674,8.59167,8.12453,7.08475,5.68094,5.02034,5.14884,3.95688,5.15378,5.36085,2.82818,3.37894,3.87413,4.30991,3.28882,3.08055,2.33698,4.44945,3.49245,3.17445,3.07138,2.38439,0.973698,1.09517,0.906549,0,0,0,0,0,0,0,0,0,0,0,0,0,1.01472,3.49955,2.78188,5.24282,5.51734,5.25936,4.8331,4.82449,5.38365,5.35761,5.8888,5.00055,5.73019,5.80299,5.51674,5.28827,6.13537,4.81251,4.99752,5.92206,5.04594,5.25454,6.13114,5.88507,4.71938,5.55817,4.31778,5.24202,3.92195,4.71771,4.23301,3.65969,3.24572,2.60223,2.32389,4.20799,5.01,4.8896,4.94538,4.62976,4.39496,4.91186,4.70287,3.72756,2.88514,3.52287,3.75829,4.68763,4.14472,4.52011,6.0692,5.01621,5.65257,5.48505,5.3763,5.24045,5.60422,7.13553,7.55188,7.75635,8.93579,9.62253,11.5989,10.6338,9.45582,8.82007,8.39315,7.72446,7.30096,5.01607,5.95593,7.51373,11.6567,12.1188,13.5445,14.4053,14.7281,13.0608,12.806,13.1336,13.6211,12.8172,12.2815,10.7555,9.84887,8.60926,8.18799,8.80681,6.48329,6.80298,5.86324,6.23829,6.27046,6.21597,8.18698,10.3028,12.2902,12.0606,12.2531,11.1049,11.556,12.0048,11.0194,11.0006,10.6004,8.58035,7.95998,7.61621,7.41142,8.41825,6.12483,6.16633,6.31636,6.0026,6.59114,11.2772,12.7365,12.1991,11.5277,12.929,13.0545,13.972,14.8153,14.9097,16.0288,15.578,15.9888,16.4794,16.8955,15.381,15.3139,15.0881,13.7993,12.5052,11.5378,10.4616,10.784,12.5566,15.3177,16.0211,14.9004,16.4386,16.2324,16.1119,14.477,14.4209,12.5705,12.8435,12.6817,11.8869,10.7455,11.2236,9.39932,9.51523,9.20155,6.74629,6.15068,6.61513,5.63629,5.74872,5.32826,5.55302,6.18375,5.0954,6.69853,6.19784,9.04004,8.64935,7.85867,7.6328,7.75196,8.25508,9.91691,10.8328,12.5992,14.2258,15.4726,14.7282,14.832,14.7712,13.7269,15.0122,15.2363,14.7325,16.6677,17.4933,16.5988,14.0527,13.0482,12.7569,12.9993,13.5981,13.9545,13.8178,13.1792,12.5381,12.6709,12.8582,11.742,10.2971,9.77124,7.3234,7.13251,6.36485,5.3714,6.76453,9.03301,11.5623,13.0137,12.9208,12.389,11.8157,10.6369,11.9989,11.154,11.7224,12.0754,10.4127,8.24768,8.14896,7.50078,6.19219,6.48131,4.34064,5.33706,4.01781,6.14733,5.30205,4.63655,4.29863,3.88109,4.22889,4.41724,3.37096,3.04792,4.00439,3.93856,2.84164,3.56269,1.82406,1.06095,1.12194,0.984332,0,0,0,0,0,0,0,0,0,0,0,0,0,1.92342,3.16631,3.90833,4.73102,5.28759,5.41769,5.55475,6.37411,5.20614,5.8112,5.9452,5.14239,5.56259,5.74234,4.95568,6.18941,5.70858,5.47763,5.34962,6.96954,5.76209,5.92276,6.35946,5.46691,5.7236,4.10408,5.28706,4.83932,4.96026,3.36369,3.46604,4.42811,4.20594,4.06581,3.8088,4.28426,4.43778,4.19973,4.8572,4.29243,3.23396,4.01281,3.92995,3.19614,3.47602,4.37993,4.69963,4.97126,4.88181,5.01826,5.88119,5.8762,5.74156,5.18902,5.70525,6.63229,5.97276,7.03805,7.63219,7.42152,8.67617,9.2822,11.7104,10.5921,8.75689,6.92632,6.4786,6.41679,6.81747,5.81734,5.55856,8.06261,12.2545,13.4404,14.7755,16.3693,15.9698,13.6181,13.5034,15.0199,13.724,13.3779,12.8034,11.0156,10.3038,9.44514,8.70483,8.52207,5.57053,5.65497,5.33543,6.14703,5.93508,5.97639,9.26884,11.9665,13.2715,14.2826,13.2354,13.2092,13.6038,12.9814,11.8754,11.7705,11.0648,8.91204,8.85443,8.09501,6.1483,8.34848,4.8231,5.93179,5.76872,6.16829,6.27936,13.7885,14.7711,14.3022,13.8714,14.0931,14.7224,16.4449,16.5047,16.9314,17.528,16.8149,16.1434,16.5277,17.0923,15.921,15.2387,15.2223,13.2281,12.446,12.9728,12.7915,12.4732,14.6175,17.4676,17.116,17.1736,18.8181,17.4813,17.8836,17.179,16.7624,15.581,15.3877,14.6061,13.5012,12.8813,11.9787,10.9699,10.8895,9.49214,6.97403,6.48396,6.9679,6.06634,5.96088,4.99982,5.4913,6.11403,5.00803,6.14788,6.56503,8.78676,8.06476,7.96749,8.23489,8.58227,8.57889,10.4053,10.7722,12.292,13.7924,13.9081,14.6486,14.0506,14.9356,13.999,15.3934,14.8148,14.9676,16.2631,16.647,16.74,14.2086,13.4873,13.1567,13.1793,13.6639,13.9048,13.8198,13.3407,13.2098,12.6553,12.9457,11.4814,10.5212,9.70288,8.19035,6.2221,6.76981,6.21221,7.58999,8.48022,11.6299,12.8384,13.1718,11.3284,11.1462,10.874,11.5737,10.7351,11.3742,10.9099,10.0886,7.76622,7.07647,6.44666,6.54148,5.9565,5.55256,5.66404,5.23661,6.00286,4.02579,4.36014,4.44526,3.87491,3.23185,4.48476,3.51222,3.49904,3.87667,3.62218,3.40803,3.37937,2.273,1.15793,1.27592,1.08585,0,0,0,0,0,0,0,0,0,0,0,0,0,2.9302,3.58412,3.74384,5.81434,5.18301,5.52408,6.07186,7.04352,5.76319,5.85223,5.13688,4.89661,5.91215,5.94418,5.73318,5.9787,5.24572,5.9984,5.59438,6.02424,6.5528,5.20106,6.12174,5.20501,5.19641,4.48639,6.03502,4.91893,5.19745,4.07138,3.43606,4.61854,4.56835,4.69744,5.19168,5.46098,4.36417,4.21703,6.47825,3.78577,3.47253,3.79246,3.51222,4.00218,3.29316,4.02196,4.9868,4.71254,4.67065,4.83426,6.07021,5.87677,5.44083,5.87326,6.28953,6.91912,5.8093,6.82906,7.2972,7.2106,8.45738,7.87999,9.73955,9.42638,8.18186,6.11335,6.36859,6.4567,6.4088,5.43967,3.82438,8.38018,12.114,14.1485,15.8373,16.4446,15.1866,13.5498,12.9899,14.8244,13.172,12.7331,11.7724,10.6705,9.7382,9.64168,8.06309,8.38195,5.69499,5.85825,5.8666,6.14033,5.14199,6.47824,9.20856,12.4123,13.8659,15.069,13.7669,13.8023,14.0242,12.602,12.4378,12.6492,10.798,9.98972,8.91672,7.27173,5.97215,8.31886,5.37088,6.33902,5.37687,5.28575,6.21872,13.7714,15.4248,15.0562,14.3328,14.182,15.1483,16.7248,16.8323,16.9007,17.0491,16.8958,15.8983,16.2143,17.106,16.0926,14.6872,15.1274,12.7203,11.7998,11.6777,12.6851,13.1727,15.3347,16.3461,16.9133,17.3136,17.8695,17.2229,17.3033,17.4152,16.0099,15.4006,14.9661,13.8075,12.9521,12.4919,11.5584,10.2885,10.2131,9.40885,7.42501,7.19049,6.21267,5.53393,5.57693,5.45352,5.74731,6.52165,5.88425,6.18359,6.91159,8.57906,7.87144,6.98593,7.83976,7.94555,8.25241,9.79253,9.88178,11.7961,12.3716,12.8786,14.5781,13.6629,13.709,13.9373,14.0686,13.911,13.129,13.5711,14.1322,15.1503,12.2722,12.0923,11.2644,12.0392,12.2049,12.3915,11.745,11.2792,11.2035,10.3172,11.1087,10.3007,9.50081,9.51518,8.2099,7.04324,6.23228,5.96019,6.66392,6.68304,9.46399,10.8259,11.7293,10.1895,10.6235,10.4875,10.1815,9.54672,9.30577,7.95547,7.91454,6.88351,6.00363,5.91669,5.33563,5.55037,5.12885,5.41195,5.47043,6.06143,5.23308,4.76371,5.13058,5.26177,3.95592,4.01944,3.35805,3.79651,4.82791,3.33795,3.81116,3.08069,2.40448,1.25233,1.34874,1.18331,0,0,0,0,0,0,0,0,0,0,0,0,0,2.93882,2.52885,3.33943,6.00962,5.46809,5.00385,6.49203,6.00159,5.69517,6.08462,5.20505,6.35516,6.05308,5.99681,6.50232,5.81507,5.46219,5.27147,5.73659,5.66904,6.33607,6.15943,6.62442,5.55354,6.08145,5.3024,5.71175,5.36849,3.31474,4.85364,4.04816,3.93915,4.12887,4.71646,4.70609,4.47839,4.42232,4.47104,5.83731,3.35826,3.23121,4.30325,3.75415,3.97904,3.5817,3.96627,4.99739,5.45301,5.16607,4.9924,6.21037,4.36355,5.85937,5.51861,6.12353,6.18471,6.17186,6.87581,7.37498,7.18419,8.12405,8.15354,8.03653,7.54617,7.7641,6.23124,5.75134,5.80799,5.28306,5.66654,4.35354,6.8985,12.1654,14.5151,14.2242,13.2447,11.001,11.7335,11.3678,12.8312,12.4851,11.8556,10.793,9.97185,9.19574,8.67515,7.98208,8.31387,6.2377,5.90756,5.91698,5.92184,6.36178,6.74629,8.24415,10.4111,12.9616,13.3378,13.0817,12.8765,12.2287,11.6596,11.3358,10.5063,9.4712,8.11812,6.60354,6.23952,5.71045,8.2469,5.6351,6.56773,5.20437,5.67844,7.25876,13.637,15.3284,14.6224,13.4461,12.3131,12.3415,13.2805,13.6592,14.439,14.5091,13.3465,13.9147,15.0042,14.5778,14.586,14.8712,13.5005,11.7517,10.9115,11.0465,11.1311,10.8481,12.5357,13.5243,13.5498,15.3482,15.2826,14.7989,15.8458,15.9569,14.5984,13.699,13.7363,12.5664,11.8309,10.3619,9.34235,8.17733,7.3759,7.74789,6.46488,6.79098,6.64038,6.24303,5.99654,5.63361,5.48152,6.37826,5.82209,5.91912,6.92578,8.40234,7.67949,6.48336,6.91213,7.33265,7.65517,8.56904,8.22746,10.2732,9.64815,11.1506,11.5366,10.2543,10.3514,9.94373,10.7986,11.1912,10.3422,10.1999,12.1053,12.5462,10.4519,10.1181,9.83588,8.48775,9.32937,9.65931,9.21198,7.90659,7.53292,7.69033,7.64474,8.39258,6.6369,6.90098,5.74635,6.01348,5.36827,6.15286,6.36775,6.16149,7.17284,8.47244,8.62385,7.81277,7.13335,7.70011,6.88421,6.8378,6.73824,6.92112,6.16464,6.84592,5.91799,6.26466,5.5697,6.29858,5.48917,4.76417,4.87605,5.76198,4.89924,4.50243,5.03687,4.34223,3.34454,4.08286,3.53518,2.96553,3.7781,4.14409,3.72733,4.34948,3.02744,1.34754,1.44185,1.27667,0,0,0,0,0,0,0,0,0,0,0,0,0,2.67682,3.22042,4.92205,5.90834,5.41818,4.60225,5.59171,5.41054,5.52126,6.25701,5.46337,5.97666,5.96578,5.87392,6.05653,5.86707,5.17761,5.50155,5.98672,5.60079,5.59803,5.95278,6.74139,5.15065,5.43474,5.49124,5.48802,5.01966,4.30895,4.58829,4.89719,4.74637,4.39531,5.34022,4.59779,4.89431,5.67431,5.49012,4.98969,4.77925,4.2898,5.24862,5.03872,3.61763,3.58419,4.92459,5.06515,5.94231,5.10745,5.05591,6.39632,5.30577,5.03427,6.5588,6.19401,5.92857,6.01953,6.49302,7.1922,6.96856,7.90014,8.43609,7.83292,7.41264,7.72604,5.81159,5.94146,5.27596,4.7804,6.32987,5.95234,6.4078,9.96967,12.8423,12.7962,11.0401,8.75812,9.822,10.6432,10.1544,9.90574,9.57945,9.30274,8.59433,7.70809,6.40222,6.78294,8.38201,6.53004,5.5665,5.46648,6.3002,6.64502,5.53657,6.51077,8.2145,10.8709,10.019,9.87034,9.49989,10.1533,9.32913,8.84561,8.35199,8.81285,7.80066,6.1111,6.19181,6.04828,8.25459,6.00672,6.23844,5.88011,5.30842,7.18444,13.149,14.4359,14.8136,13.8681,10.97,11.7235,11.7484,11.3669,11.593,11.7281,11.2679,11.5604,13.0085,11.7429,12.4247,13.2965,11.8072,9.05014,8.36695,8.14167,8.94969,9.71131,11.9581,13.2235,14.2447,15.5226,15.0349,14.5153,15.1931,14.5177,13.9728,13.365,12.8127,12.4675,11.0074,9.81962,8.59349,8.49253,8.35622,7.04381,7.04269,7.30031,7.60877,6.47406,6.42809,6.31718,5.07698,5.95055,5.68191,5.25287,6.0342,8.15037,7.64672,6.18176,6.65066,6.25919,7.10453,7.61362,6.96559,7.65474,8.30824,7.42971,8.46679,6.85031,7.0049,7.80615,8.62654,7.23429,6.6829,8.16615,8.17916,8.37929,7.62068,8.25573,6.10235,7.01609,6.77785,7.76353,8.92046,7.24762,6.3222,5.72212,6.8797,7.89205,6.53079,5.11692,4.76387,5.9827,5.41897,5.99828,6.29709,6.05963,6.39441,6.34249,6.63691,6.68707,6.1599,6.19904,6.07784,4.81249,5.55207,5.67283,6.21211,6.56938,6.58465,5.24677,5.91241,6.32573,5.37305,4.78693,5.2981,4.6792,4.29551,4.89302,5.33372,4.2861,3.83927,4.10352,3.83622,3.45717,3.60872,3.77547,3.82255,3.73436,2.67262,1.44,1.53426,1.36594,0,0,0,0,0,0,0,0,0,0,0,0,0.262554,2.34974,2.95786,3.48068,5.64249,6.25724,4.9363,6.01522,4.97414,5.44044,5.5818,5.93557,6.27027,6.10256,5.67002,6.03352,5.64559,5.95026,6.04859,5.09908,6.1979,5.96902,5.67934,6.33463,5.89419,5.91293,6.51379,5.94098,5.4458,4.42181,4.24481,3.66863,4.61948,4.76678,4.59877,4.23415,4.83664,5.82468,4.73253,5.56511,4.38439,5.04774,4.73745,4.10422,3.28428,3.0518,4.10142,5.03209,5.3192,5.86551,6.05652,6.36861,5.04403,5.43096,6.52025,6.20095,5.05255,5.81501,6.50754,7.12225,6.95727,7.92316,7.84985,7.80746,7.37487,7.61729,5.98987,6.25934,5.13779,5.01606,6.22285,6.7551,6.26511,8.37418,10.9262,11.4693,10.721,8.73735,9.14599,10.2052,9.77321,7.85411,7.55868,8.51049,7.88334,7.46541,6.37648,5.81771,8.2854,6.342,6.00619,6.57107,6.58657,6.44846,5.32386,6.53435,7.55425,10.8178,8.99513,7.84802,8.81601,9.41493,8.15954,8.71484,8.13672,8.61879,7.59165,6.00132,6.50614,6.19572,8.17947,6.07091,6.27302,6.06324,5.43346,7.42458,12.3781,13.8345,14.7782,12.7638,10.7875,9.93875,9.95357,9.58127,10.4793,9.1782,10.0652,10.6264,10.8682,10.747,9.92879,10.2255,10.2904,7.61249,6.95612,7.62297,7.71637,9.83797,11.3,12.1023,13.6649,14.5155,14.4678,14.346,14.6159,13.2462,13.3962,12.7048,12.0431,11.5967,10.7367,8.56923,8.29362,7.14787,7.54584,7.13739,6.80253,6.74251,7.11947,6.65365,6.58426,7.00715,6.47114,6.25287,5.28146,6.03509,6.17934,8.04766,7.69832,6.60554,6.97524,6.84392,6.97494,7.53112,6.77494,7.1808,8.23752,7.44863,7.69435,5.31905,6.54061,6.58665,7.17505,6.64073,6.65583,7.1013,6.08127,7.869,6.42505,8.25339,5.71755,7.06356,6.13075,7.66779,8.74162,7.05026,6.1491,5.53684,6.96813,7.92955,5.87712,4.45405,4.18907,6.50073,6.514,5.78934,6.25973,6.25326,6.09851,6.28618,6.84051,6.61149,5.75145,6.15891,5.94087,5.23765,5.34264,5.94987,6.21086,6.3855,6.07257,5.82054,5.96648,6.05205,5.91584,5.15966,5.79991,5.21365,4.8047,3.47614,5.37536,4.55999,3.79428,4.11884,4.82325,4.32658,4.96653,3.87286,4.29338,3.72893,2.68901,1.52456,1.64419,1.45141,0,0,0,0,0,0,0,0,0,0,0,0,0.993868,3.52298,3.2075,2.63615,4.79542,5.34269,5.54406,5.91068,5.18138,5.27006,5.55155,5.77697,6.31712,6.69269,6.16813,6.4478,5.32936,5.84448,5.81022,4.84704,5.48191,5.60492,5.3904,6.16533,5.29443,5.71719,5.95991,5.39271,5.28112,5.32234,4.22956,4.01832,4.35827,4.71432,5.5322,4.99821,5.28114,6.01384,4.97734,5.77596,4.756,5.01375,3.72409,4.42962,4.21526,3.46398,4.56466,3.96186,5.85099,6.3496,6.70217,6.30572,6.28029,6.49034,5.76964,6.77395,5.82696,6.99115,6.51239,6.81636,6.95668,7.77196,7.90367,8.1418,7.02249,7.64882,6.452,6.09812,5.40159,6.50619,5.99762,6.86583,6.35962,6.87426,7.00994,8.55989,10.5398,8.18537,8.8797,10.1133,9.71662,8.05957,8.07754,8.52836,7.82036,6.7487,5.70062,5.87615,8.31532,6.10526,5.68103,6.27458,6.73009,7.23725,5.85218,6.66846,7.41036,10.7308,8.6783,8.21028,8.68997,9.28547,7.32638,8.7765,8.31851,8.67011,7.90791,6.61508,6.5812,6.84968,8.25788,5.70979,6.26004,6.55677,5.93319,6.88256,11.4522,12.6386,12.2877,11.1382,9.3819,9.06261,8.0857,9.01176,9.90628,8.97883,9.79311,10.6024,10.4817,10.7031,8.78661,8.40087,9.92669,7.14049,5.63372,6.38273,6.00736,8.29149,10.0795,9.9051,10.347,11.6145,12.2295,11.0939,10.4815,10.0194,10.6183,9.59695,9.48028,8.66318,7.9412,7.40741,7.2702,6.30384,6.32655,6.70542,5.97924,6.04976,6.43374,6.07585,7.04333,5.70493,6.18096,5.83976,5.75634,6.93845,6.90891,8.10584,7.59123,7.0179,7.07161,7.06564,6.8505,7.48023,6.84004,7.23436,8.3079,7.22259,7.97116,5.92229,6.46601,6.15181,6.72574,6.48244,6.76844,6.71581,6.49433,8.03495,6.28548,8.22461,6.1254,7.19067,6.48871,7.69953,8.73029,6.87179,6.13524,5.5036,6.74634,7.65576,5.99909,6.18635,5.21908,7.08891,6.2029,5.96641,6.90635,6.15873,6.2677,5.61177,6.50764,5.03024,6.40464,6.09125,5.37369,5.45838,6.0571,6.21038,5.53304,6.82774,5.78166,6.35345,6.75377,5.86231,5.96827,5.99142,7.15886,5.75133,4.85369,4.76657,5.55901,4.83227,3.97418,3.80475,4.28614,3.89893,4.67321,4.54494,4.61735,4.01532,3.2557,1.62593,1.69236,1.55952,0,0,0,0,0,0,0,0,0,0,0,0,0.364676,3.17682,3.75519,2.95242,5.34757,5.56657,5.63649,5.4158,6.21726,5.57438,5.77531,5.22661,6.5592,6.38636,5.77669,6.60097,6.62422,4.93869,6.52658,5.82232,6.16857,6.76191,5.70636,5.75689,6.23344,6.76101,5.55533,6.06634,5.02913,5.16277,5.01361,5.05664,3.88461,3.96357,5.89961,5.82292,5.12781,6.26409,5.42018,5.84176,5.50815,5.2786,2.8376,3.61617,3.97508,4.12428,5.15354,4.07662,5.91151,6.36017,6.20837,5.94165,5.64795,6.04073,6.3402,5.77382,5.86572,6.02342,7.07785,7.32536,7.06708,7.85477,8.16738,8.06503,6.98944,7.48561,6.19944,6.31174,6.88487,6.2174,6.06601,6.01388,6.33829,7.65397,8.59062,8.44685,10.4243,8.3174,9.1954,10.1215,9.71689,8.97903,9.11018,8.81019,8.18418,6.96012,6.94134,6.19223,8.27101,6.64685,5.41841,6.38673,6.43438,6.61967,6.00928,8.30402,8.91102,10.7636,9.72918,9.44937,9.41992,9.58477,8.27636,9.59845,8.4318,8.70698,7.74901,6.05342,5.72356,6.24192,8.1447,4.8055,5.25009,5.47764,6.06555,4.92346,7.5111,9.27201,9.45399,8.89034,8.9681,9.25584,9.20602,9.39379,10.2588,10.1603,9.94572,10.7806,10.6617,10.7136,9.96782,9.49962,10.1637,7.69749,6.03053,6.17073,6.44722,7.22104,8.20384,9.39803,9.99405,10.9072,11.5403,11.6677,11.6658,11.0351,9.67965,8.72727,7.96933,6.83419,7.75339,6.94442,7.61789,6.96057,6.5833,6.93607,6.22735,6.30546,6.2853,5.77035,7.20644,6.58901,5.9221,5.53892,5.11775,6.1682,6.49039,7.92307,7.61769,7.22007,7.7395,7.65979,7.71817,7.81851,8.3446,8.54195,8.8608,8.11517,8.86786,8.28548,7.51146,8.08015,8.17592,8.05981,8.85557,8.99343,9.19724,9.4384,8.19663,8.54125,8.17618,8.04581,8.27777,8.42546,8.87269,8.2801,7.42544,6.15029,7.02684,7.62092,5.7636,5.78483,6.23077,6.73814,5.9207,6.32849,6.81483,5.99515,6.96861,7.12044,6.93258,5.8378,6.37241,7.20482,6.37796,6.56197,6.85676,5.34941,6.43133,5.43101,5.6278,5.1634,5.8909,5.84276,6.49692,6.0373,6.77291,5.55431,5.52284,4.7426,4.34279,5.34139,3.95435,3.81676,4.80967,3.56896,4.9335,4.13897,4.39017,3.61742,2.04476,1.70309,1.8196,1.6278,0,0,0,0,0,0,0,0,0,0,0,0,0.816501,3.32856,3.97312,4.43596,5.38903,5.56953,6.04451,6.09543,6.11453,5.68686,5.70917,5.41216,5.93122,6.29883,5.81799,6.46502,6.64008,5.62669,6.73224,5.87304,6.50985,6.9015,6.17866,6.23353,6.4574,6.06678,5.76182,6.48982,4.7217,4.34533,5.1525,4.87718,4.51204,5.15145,5.70265,5.44038,5.31055,5.91077,5.69966,6.19757,4.28993,4.34734,4.0505,4.75015,4.42463,4.40714,5.02388,5.14392,6.07832,5.78887,5.19807,5.92624,5.79676,5.63804,5.98229,5.82722,6.2729,5.88583,6.37614,7.08352,7.01977,7.70469,7.72866,7.88207,7.28886,7.3041,5.58156,5.75854,6.50192,5.70147,5.88108,5.96732,5.75386,6.61652,7.23585,7.27899,10.2833,8.17776,8.76496,9.98034,9.54777,8.24147,7.9839,8.62318,7.83152,7.00611,6.049,5.98074,8.28483,6.67375,5.63822,5.79901,6.39946,5.92308,5.86317,7.40979,7.65514,10.5443,8.70269,8.41813,8.83479,9.31921,7.66442,8.88955,8.22757,8.44142,7.71739,6.0392,5.70101,6.25943,8.00681,4.30235,4.93498,5.05989,5.85423,5.13767,5.62863,7.01217,7.63588,7.46543,8.37025,8.16259,8.21343,8.7524,9.73832,9.10291,9.39469,10.5393,10.1541,10.6392,8.77192,8.18402,9.79351,7.42525,6.23435,6.43907,6.34582,6.37543,6.96852,7.70373,8.34031,9.68185,9.89585,10.7064,10.8071,10.1423,9.78528,9.37982,7.49948,7.60652,8.60836,6.98791,7.45736,6.70897,6.62566,6.01958,5.97813,5.45528,6.36129,5.65508,7.61709,7.08751,5.85997,6.14725,5.63829,6.3806,5.79079,7.72829,7.43508,6.67627,7.07165,6.48249,6.7546,7.50947,7.34858,7.63658,8.46698,6.96488,7.89012,6.9217,6.43825,6.62839,6.82222,6.71876,7.14966,7.04722,7.616,8.1093,6.78192,8.1623,6.74612,7.01537,7.15333,7.80629,8.67037,7.13547,5.95199,5.40029,6.89237,7.90604,5.47885,5.80943,5.36119,5.86165,5.83161,6.05443,5.47512,4.89293,5.56364,5.6035,6.36853,6.23705,5.54615,6.16567,5.62383,5.64503,5.56001,5.30549,5.31294,5.84124,6.54343,5.36692,5.86758,5.84208,4.78523,5.15515,6.34925,4.8158,5.69672,4.70268,3.75625,5.11902,3.98041,3.8878,4.34748,3.35071,5.05203,3.86256,3.87355,4.51831,3.45135,1.78677,1.89873,1.72085,0,0,0,0,0,0,0,0,0,0,0,0,1.66771,3.53463,3.76904,5.54982,6.04799,6.26174,5.42768,5.6785,5.12339,6.24555,5.46308,4.31526,5.72501,6.52692,5.17546,6.33852,6.27336,5.47417,5.62571,5.07382,5.40474,5.9084,4.84813,5.58404,5.26215,5.26389,6.2256,5.73738,5.4018,4.74503,5.84741,4.28887,3.95114,4.33857,5.04104,4.25986,5.10506,5.00024,5.10865,6.58722,5.11964,4.40177,5.08308,4.8993,4.42917,4.2403,4.45857,4.74099,5.7953,5.64287,6.79085,6.09885,5.45593,6.01561,6.12805,7.00139,6.15162,6.45086,6.65622,7.12808,7.166,7.73012,7.5768,7.42769,6.99805,7.52707,6.8474,6.81557,5.21524,6.21771,6.26323,5.82442,6.37831,6.78809,6.15104,5.35942,10.1943,7.82476,8.42365,9.81238,9.57099,7.42342,7.87014,8.62446,7.38877,7.02148,5.13086,5.918,8.18793,6.14268,5.75952,5.8702,5.74273,5.5325,5.24967,6.43461,7.53756,10.5067,8.3661,7.66932,8.30924,9.20192,7.17877,8.7914,8.35602,8.42856,7.5042,6.08618,6.21005,6.44873,8.09661,6.19221,5.98512,6.24673,5.23613,6.06962,6.37355,7.05935,7.27665,6.74793,7.97595,8.01579,7.46152,8.69609,9.59581,8.60436,9.08921,10.369,10.126,10.5765,8.51474,7.44713,9.74949,7.50752,6.41749,6.39535,6.65421,6.68243,6.52716,7.15134,7.93842,9.76032,9.90575,11.1876,11.1038,12.1981,10.3678,9.77219,9.09241,8.83037,8.34655,8.20369,7.56639,7.43766,7.05448,5.93973,5.87807,6.60826,7.04872,7.01292,7.68464,7.53004,6.54468,6.26112,5.80852,5.84635,5.74113,7.74209,7.58771,6.38434,6.63777,6.36267,6.53666,7.25741,5.92377,6.65452,8.1649,6.70165,7.89937,6.13185,6.63306,6.27825,6.41953,6.68084,5.75578,5.75961,6.59994,7.67108,5.72032,8.29076,5.94833,6.87641,6.63481,7.66637,8.62281,6.88887,5.94718,5.71986,7.18291,7.73175,6.63072,5.39274,6.27481,6.39519,5.99308,6.34948,6.90468,4.8615,6.22158,5.65476,6.09727,6.83909,5.96181,5.85791,5.27457,5.74573,5.9933,5.91856,6.03247,6.67089,6.5364,5.93786,6.94098,5.1543,5.88509,5.7803,5.78469,5.22204,5.15773,5.43109,5.11023,4.66937,2.99401,3.84816,4.25851,3.83106,4.04066,4.63218,4.59826,4.24872,2.54001,1.88963,1.96442,1.81054,0,0,0,0,0,0,0,0,0,0,0,0,2.20012,4.33509,3.81411,5.59667,6.02553,5.54814,4.33316,5.50417,5.56798,5.84694,5.4336,4.86157,6.13457,6.03729,6.34551,6.99563,6.85478,5.51097,6.59592,5.67728,5.73411,6.41861,6.32729,6.17071,6.22016,5.84182,6.09813,5.08464,5.7222,5.01055,5.68186,5.17652,4.58191,5.31687,5.57748,6.01977,5.44088,6.10457,6.42336,5.32361,5.51212,5.49768,5.28437,4.5762,4.74287,5.18743,5.29613,5.02353,5.50802,5.43548,6.11787,6.47499,6.01035,6.42085,7.11584,6.82272,5.71738,6.28073,6.62014,7.22948,7.36387,7.64831,7.67295,7.62966,6.72191,7.27568,6.75949,5.98211,6.65816,6.70327,7.3819,7.12169,6.45464,6.36412,6.44768,5.62637,10.1025,7.79627,8.47746,9.69905,9.54139,6.75751,7.05688,8.15767,7.52987,7.0494,7.04249,6.31001,8.37768,6.16712,6.49795,6.34256,7.38225,6.61204,6.11126,6.18306,7.05772,10.4114,8.45502,7.54915,8.04448,9.0819,6.71397,8.73806,7.91915,8.31755,7.61959,7.0984,6.33272,6.22852,8.1993,6.2625,5.83201,6.6803,6.32067,6.68,6.42742,7.22146,7.53222,6.82991,8.04892,7.37058,7.31509,8.64249,9.63228,8.56193,9.06654,10.4356,10.0747,10.5085,8.60609,7.53724,9.64323,7.68998,6.57598,7.245,6.82895,7.17517,7.05173,6.9368,6.91274,8.49462,9.23559,10.6,10.7828,11.6719,10.811,10.4544,9.1263,8.34953,8.34081,7.6928,8.03176,6.96233,7.36397,7.30071,7.05152,6.25619,6.96587,6.68569,7.22373,6.83307,6.69621,6.65698,5.79938,5.90675,6.54108,7.83711,7.53913,6.79342,7.20486,6.88839,6.85678,7.37809,6.98253,7.1737,8.4064,7.322,7.92908,6.76259,6.86084,7.18497,6.73437,6.97194,6.58152,5.25728,5.6852,7.84783,6.13261,8.30285,7.30457,7.42691,7.02118,7.72161,8.61977,7.08258,5.88087,6.9599,7.453,7.72542,6.84807,5.80848,5.63576,6.58892,6.02696,6.41006,6.77872,5.54547,6.40056,6.82531,6.75686,7.10803,6.74029,6.89684,6.29207,5.96787,6.61543,6.32897,6.63914,6.97979,6.40459,6.64493,6.64336,5.80699,6.68424,6.58715,6.30393,5.88281,6.22261,5.72162,5.13874,4.4718,3.4593,4.80867,4.58112,3.47703,4.40253,5.53261,4.86488,3.96578,3.11411,1.96122,2.05487,1.89202,0,0,0,0,0,0,0,0,0,0,0,0,1.81197,4.00403,3.05866,5.19799,6.05876,6.16277,6.32275,5.60633,6.09852,5.67771,6.17325,6.29017,5.95285,6.68115,6.65108,6.27611,7.18554,6.18211,6.24682,6.15981,6.19803,6.31648,6.75159,5.41623,6.09929,6.10391,6.51264,6.15406,4.76603,4.42566,5.80349,5.29388,5.20492,4.98056,4.64345,6.27384,6.00292,5.47605,5.46541,4.51105,4.79013,5.87103,4.7415,5.21553,4.76816,4.64414,4.48662,5.12983,5.61064,5.27306,6.29846,5.87955,6.73302,6.20946,6.97614,5.90963,6.76247,5.53382,6.37827,7.39036,7.51487,7.78643,7.5906,7.32326,6.6739,7.3646,5.34429,6.13834,6.75676,6.74547,7.17132,6.53933,6.13114,6.80208,6.63477,6.48296,9.99377,7.5298,8.17293,9.66675,9.45371,7.18298,7.16148,8.2322,7.92875,6.95743,6.42581,6.53038,8.35314,5.85738,7.07832,6.72487,6.44733,6.43464,6.85922,6.60061,6.93493,10.3541,8.46575,7.35272,7.97453,9.04271,6.10686,8.71942,8.03452,8.21763,7.69515,7.24866,6.69197,6.46004,8.31513,7.39141,6.93094,6.62201,7.04263,6.45485,6.169,6.95829,7.22556,6.87192,7.92403,7.77556,7.42794,8.63052,9.57258,8.52622,8.89604,10.3445,10.1368,10.5268,8.61568,7.9837,9.60527,7.36324,6.30845,7.24642,6.46135,6.22004,7.1808,6.82395,7.26325,8.7589,9.47348,10.8242,10.9686,11.7268,10.6469,10.2819,9.23392,8.95223,8.09853,8.24064,8.21909,7.0245,7.23059,7.08699,6.57684,5.77319,6.67308,6.67723,6.24476,6.45388,6.88916,6.56729,5.28932,6.12868,6.24917,7.68263,7.44707,6.58187,7.0403,7.13005,7.37812,7.3262,6.34378,6.74825,8.22219,7.05183,8.25196,7.40859,7.20726,7.15343,6.63632,7.17133,7.04646,6.01163,6.86526,7.76503,7.32675,8.32837,6.03295,7.34296,6.88,7.82085,8.6608,7.36331,6.01554,5.99765,7.73653,7.94743,7.05543,5.68948,6.16261,6.48508,6.42517,6.77596,6.90969,7.05501,6.03182,6.42445,6.64463,6.77413,7.10271,6.34148,6.27144,6.86021,6.95454,7.12527,5.86855,6.5684,6.43318,7.26265,6.27301,6.53996,6.25432,5.80361,5.71284,6.23283,6.20624,5.61554,5.4494,5.26722,4.02456,4.26549,4.94883,3.41166,4.12325,4.43945,4.44363,4.10348,2.87064,2.04242,2.15197,1.9743,0,0,0,0,0,0,0,0,0,0,0,0,1.77265,3.77394,3.51604,4.75844,6.24385,6.57817,6.83635,6.43884,6.32775,6.57548,5.30098,6.15406,6.47316,6.52477,6.45817,6.52187,6.81777,7.01233,5.84807,5.43034,6.19461,6.37381,6.8727,6.03419,6.55205,5.45558,5.48148,6.03582,5.09044,4.4741,4.77951,4.71332,5.40625,4.36699,4.98091,5.40203,5.44863,5.56624,5.16282,5.95468,4.2522,5.72822,5.00292,4.26101,4.11602,4.1709,5.35695,4.83838,6.17699,5.65686,7.66649,6.91435,6.11575,6.29015,7.12221,7.05977,6.91609,6.51081,6.71621,8.05395,7.54521,7.77958,7.93231,7.59959,6.93588,7.5285,6.31686,6.0598,6.95661,7.26158,7.59502,6.39102,6.82535,6.60759,6.15101,6.659,9.9619,7.66994,8.13346,9.61817,9.44251,6.74206,7.40023,8.38056,7.93866,7.21068,6.47078,6.75607,8.47325,7.00254,6.96086,7.05852,7.37163,7.21076,6.81583,7.10241,7.35618,10.3226,8.5112,7.47034,8.16372,9.03827,6.4951,8.6887,7.98364,8.38752,7.73689,7.08698,6.80347,6.30151,8.41856,6.79352,6.22687,6.54437,6.97475,5.6567,6.76895,7.66598,7.19322,6.4357,8.33633,9.96074,9.41216,9.95874,10.7578,10.3372,9.92617,10.7038,10.9808,11.1696,10.7253,10.1285,9.88278,7.36929,7.39915,7.25319,6.62771,6.56357,7.39874,8.23284,9.30538,12.0525,12.3618,13.0954,12.9462,12.6722,12.2215,11.1796,10.0337,10.4285,9.42394,9.0833,8.63924,7.396,7.60632,7.58176,6.49686,6.79133,7.04367,6.73312,5.8977,6.69241,6.75249,7.01165,5.41366,7.24766,6.96266,7.86309,7.77797,6.47764,7.53708,7.08592,7.22179,7.86786,6.66467,7.06026,8.1458,7.48654,7.88283,6.52085,7.04372,8.01912,5.91475,6.4891,6.68925,6.60596,7.30269,7.82888,6.9149,8.51778,6.72236,7.42934,6.11305,7.68286,8.59672,6.5501,6.4915,6.48396,7.57271,7.81409,7.40075,6.09188,6.14597,6.51912,6.43226,6.76373,5.81733,6.97236,6.6101,6.85855,7.36894,6.72618,7.17589,6.77737,6.33763,7.51572,6.90518,7.04247,6.19435,6.18736,6.94532,7.44645,5.73752,6.57452,7.32737,6.47849,6.49788,5.97604,6.05361,5.80315,5.93499,5.25031,3.67212,4.0574,4.31445,3.57303,5.42889,4.47145,4.28178,4.17657,3.61923,2.12303,2.21979,2.04876,0,0,0,0,0,0,0,0,0,0,0,0,2.38675,4.13217,4.03936,5.77699,5.28852,6.1408,6.43607,6.33671,6.32425,6.60197,6.97499,7.05197,7.02519,7.15372,6.57524,6.50889,5.96735,7.48295,6.55601,6.91302,7.06037,6.2833,6.85494,6.67148,6.74642,5.931,6.47642,5.96153,5.78209,5.12255,5.1659,5.24157,5.1086,4.46,5.13141,4.99281,6.04014,6.27885,5.31169,7.43007,4.48991,5.84964,5.78112,4.37666,4.34575,4.21441,4.57227,5.8175,6.42773,6.1982,6.7889,7.18022,6.82697,6.28958,7.84034,6.52524,6.81289,6.68848,6.78049,7.68915,7.16324,7.81623,7.86839,7.60431,6.78555,7.6048,6.80009,7.40787,7.38071,7.65787,7.42402,6.98128,7.23198,7.26951,6.79,6.72066,9.92504,7.60847,8.10649,9.62971,9.51524,6.75846,7.34441,8.3592,7.63976,7.29574,6.85714,6.55187,8.42177,7.29027,6.72978,6.08125,7.6171,7.05308,6.77794,7.36087,7.25016,10.3187,8.48876,7.25135,8.06964,9.08557,7.44888,8.73722,7.88892,8.32493,7.76514,6.68948,7.03601,6.63115,8.5334,7.27882,6.96127,6.15258,7.00485,6.82273,6.3733,6.80252,7.39656,7.13205,7.60297,9.87462,10.0416,10.1465,10.9157,10.9074,10.1089,10.6227,11.1035,11.479,10.6492,9.55631,9.80432,7.27494,6.97132,7.35269,6.57338,6.20192,8.42677,8.66465,10.1985,12.0407,12.3784,12.7899,13.4102,13.0308,12.3139,11.6039,9.85108,9.9963,9.12994,8.88587,8.7625,7.54942,7.04466,7.39516,7.21809,8.04136,7.04489,6.72865,6.97192,6.38087,6.55564,7.2245,6.66499,7.43979,6.5615,7.76983,7.98327,7.56546,7.36628,7.04635,6.57288,7.55707,7.70481,7.20363,8.36546,6.85776,7.78351,7.44645,7.08508,7.98769,6.71674,7.29737,6.99837,6.38033,7.09597,7.68073,6.31452,8.24986,6.27383,7.78956,6.97014,7.7401,8.6717,6.46811,7.00492,6.67826,7.95358,7.60142,7.19504,6.07205,5.74411,6.8033,6.03185,7.56098,6.69986,7.46334,6.86483,6.37169,6.99006,6.03029,7.90853,6.99284,6.90708,7.40959,7.28748,7.28177,7.16783,7.29281,7.33062,7.54328,6.53735,6.86253,6.46337,6.46816,6.94484,6.19441,6.94686,6.30865,5.77482,4.97387,5.10435,5.41348,4.9696,4.68409,6.01277,5.31097,5.22815,4.70902,3.3196,2.20439,2.30416,2.13392,0,0,0,0,0,0,0,0,0,0,0,0,2.7088,4.89848,4.24048,6.29463,6.11945,7.20586,5.72181,7.56352,7.1155,7.26835,7.20995,6.73774,7.29048,7.45966,5.82293,7.3347,6.08971,6.62859,7.23628,7.07962,7.89676,6.87013,7.79301,6.46853,6.87535,6.42582,7.8802,6.59948,6.17338,5.59112,5.43274,5.67082,5.25767,4.49625,6.12592,5.42028,5.86997,6.58399,6.21525,6.70215,4.74744,5.04621,5.44799,5.04418,5.3507,5.34957,3.83445,5.86531,6.368,6.73139,6.68673,7.34132,7.09436,6.4765,7.83036,6.69423,7.22854,7.75211,7.40739,7.42267,7.11883,7.31815,7.72538,7.61087,6.82436,7.76949,6.90376,7.47921,6.31862,6.45274,6.80237,6.94675,6.20799,6.89999,6.85151,7.68806,9.82029,7.84509,8.07401,9.56698,9.51193,6.48424,7.43237,8.2911,7.94182,7.5618,7.01249,7.38109,8.43153,7.17873,6.75605,7.23745,6.83409,7.62818,6.93721,7.56624,7.21035,10.3067,8.46356,7.27394,7.8852,9.11207,6.86876,8.76764,7.92221,8.1597,7.75836,6.43117,6.86727,6.31688,8.44361,6.43621,7.02009,6.50635,7.17513,5.64574,6.8106,6.6431,7.38618,7.20974,7.865,8.66497,8.52182,9.11075,9.75987,9.18659,9.05888,10.4658,10.5575,10.9176,9.58444,8.17439,9.67538,7.4331,6.55686,6.94152,5.98531,6.27886,8.40184,9.02483,9.57816,10.9928,12.8873,12.4944,12.7092,12.8728,11.8148,10.9601,9.94974,9.93827,8.97777,8.40155,6.26646,7.01047,7.14353,6.87666,7.03229,7.59223,7.14108,6.68134,6.32373,6.33988,6.42658,6.41523,6.38783,6.89991,6.65223,7.81787,7.90974,6.4265,6.94348,6.6702,7.23216,7.80922,6.77531,7.04237,8.29557,6.99939,7.98578,7.48211,7.53348,7.48458,6.39527,6.92834,6.51328,6.76269,6.62287,7.83947,6.79168,8.61051,7.05514,7.26874,6.74108,7.99534,8.75631,7.28151,7.1483,6.59733,7.33754,7.76389,6.87266,6.48498,6.99484,7.21635,6.23006,6.56419,6.59741,7.18155,6.914,7.15368,7.0285,6.32027,6.98566,6.46262,6.87832,6.86166,6.53441,6.58453,6.30018,7.37715,6.52659,7.30002,6.92784,6.75016,5.74637,6.80707,5.9982,5.99059,6.95722,6.28724,5.88732,5.66538,4.94151,4.6891,4.84875,4.49774,5.36208,4.50293,4.43742,4.4476,3.83038,2.27529,2.37582,2.20462,0,0,0,0,0,0,0,0,0,0,0,0,1.90269,3.91353,4.51576,6.24332,6.33185,6.8258,6.73201,7.09116,7.32802,6.81046,7.07604,7.03165,6.69427,6.33513,7.37102,7.35757,6.27376,6.59904,6.83727,7.19775,5.92543,6.38405,6.48952,7.15703,7.31222,6.9014,6.89505,6.65268,6.75442,5.01594,6.56036,5.76846,5.4816,5.06418,5.55728,5.57754,6.36784,6.11965,5.78802,6.5383,5.83003,5.39945,5.10272,5.56681,5.16325,4.39258,3.67867,5.68533,6.87791,6.14022,6.79086,6.11917,7.04438,6.27185,6.74532,7.29566,7.30626,7.25849,6.63508,7.52984,7.84369,7.44928,7.88519,7.36808,6.63554,7.26322,6.70253,7.48068,6.95844,6.95943,6.08125,6.3457,6.72966,6.41938,6.84218,6.93001,9.78968,7.8545,7.9,9.49486,9.54113,7.33495,7.16411,8.05061,7.59319,7.34073,6.64938,6.7136,8.31338,6.77424,7.27076,7.14229,7.81499,7.18089,7.01804,6.81681,6.93216,10.1822,8.34574,7.13033,7.87767,9.0955,7.16991,8.73417,7.85439,8.22667,7.68524,6.88116,6.11225,6.50241,8.33857,6.81374,6.97368,6.29594,6.74543,6.15294,6.8104,6.3269,7.29405,6.7316,7.6772,6.32069,7.26944,8.16781,9.18836,7.47467,8.36052,10.3368,10.0188,10.515,8.58745,7.72651,9.56894,7.51523,6.86534,6.73094,6.55693,6.27319,7.94873,8.86791,9.43182,10.5349,11.3988,12.2397,12.0843,12.2414,11.7306,10.4801,9.0342,8.23306,7.72836,7.47724,6.95606,6.23703,6.517,7.38298,7.20761,6.90206,6.66827,5.93166,6.6908,5.81238,6.0622,6.57435,6.16162,6.67825,7.03047,7.58856,7.64177,5.99072,6.955,6.58676,7.43939,7.63542,6.07823,6.77194,8.32237,7.04133,7.93271,7.21247,7.24043,7.15432,6.98103,7.23902,7.36005,6.55569,6.81791,7.99972,6.29577,8.32064,6.95516,7.59812,7.10218,7.73102,8.84829,7.12788,6.72586,6.60959,7.34672,7.62155,7.0422,6.72578,6.91919,6.96109,6.01927,6.93612,7.32452,6.5553,6.8863,6.52224,7.4292,5.93429,7.10918,6.76793,6.91544,6.69527,6.65798,6.15029,6.06302,6.22622,7.53314,6.37671,7.26072,7.12603,6.3582,5.79296,6.10894,6.39841,7.11327,5.83068,5.15463,5.63239,5.02967,4.83247,4.73417,4.20983,5.35157,4.97921,4.66531,5.04455,3.56775,2.35586,2.45479,2.28224,0,0,0,0,0,0,0,0,0,0,0,0,2.09292,3.93191,4.07028,5.35045,6.22604,7.22637,5.89749,6.81089,7.21316,6.67749,6.54054,6.53825,6.7558,6.07906,6.96418,6.64908,6.70094,6.54692,5.87869,5.97925,7.01155,6.90923,6.35838,6.75277,7.47858,5.94657,6.54176,6.59644,6.40863,6.18082,5.6744,4.41966,5.38423,5.13629,4.97712,5.87319,6.63932,6.3579,6.37254,6.95732,6.07826,5.94553,6.23764,5.03546,4.39888,4.86397,5.35154,5.37413,6.00966,6.02672,6.72399,5.77262,6.63306,6.57254,6.31893,6.4456,6.95117,6.10473,6.80242,7.62419,7.29135,7.5962,7.71719,7.54468,6.92419,7.01728,6.55337,7.0657,6.22121,6.8822,6.42204,6.53467,6.45218,5.94887,6.46582,7.19692,9.73306,7.87287,7.89459,9.41765,9.4943,6.80903,7.12035,8.13708,7.4676,6.95979,7.05199,6.66832,8.34931,6.55895,6.57709,6.32956,7.13026,6.76836,7.20744,6.60926,7.26106,10.1854,8.5242,7.23018,7.82095,9.12393,6.21863,8.81341,7.76867,8.25124,7.7506,6.73214,6.10748,6.27444,8.07132,5.95734,6.10933,6.14283,6.63843,7.09008,6.16023,5.70307,7.16141,6.77374,7.80984,6.40366,7.39428,8.27967,9.21002,7.69574,8.49562,10.347,10.0444,10.5252,8.54059,7.34826,9.53633,7.81754,6.96754,6.62693,6.63598,6.91143,6.66984,7.67317,8.91632,10.5607,10.6831,11.9691,11.5211,11.0862,10.6534,9.24975,8.53109,7.64197,7.3602,6.81578,7.37627,6.51983,6.14089,6.17397,6.54951,6.69486,7.30683,6.42333,6.83077,6.07011,6.08295,6.63835,6.27094,6.73416,6.91662,7.41214,7.73918,6.58536,6.6981,6.72569,7.22816,7.3209,6.71199,7.46663,8.34771,6.95211,8.03434,6.8684,6.65132,6.03965,6.37115,7.35376,7.28268,6.253,6.42187,7.80908,6.51364,8.41741,6.48468,7.62299,7.51402,7.82382,8.72503,6.98561,6.55069,6.537,7.6891,7.74142,6.33403,6.91114,5.23652,5.9127,6.06485,6.26847,6.44859,6.96821,6.69739,5.61242,6.57744,6.49819,6.76313,6.82483,6.35726,5.78624,5.96586,5.20379,5.92763,5.75377,6.86116,6.24099,6.76189,6.66267,6.65066,6.27392,6.01619,7.03462,5.94754,6.23967,5.0217,5.20065,5.96695,5.39757,4.58267,5.25923,5.39001,5.67398,5.15519,4.94063,3.79251,2.42501,2.51523,2.35472,0,0,0,0,0,0,0,0,0,0,0,0,2.54285,4.66787,3.37142,5.15309,6.13481,7.37751,6.50414,6.0787,6.12393,6.08757,7.04222,6.83564,7.09417,7.27503,6.9891,5.95812,7.38902,6.1018,6.73296,5.62285,5.7864,6.35973,6.42326,6.58615,6.88511,6.95537,6.55325,6.77423,5.97215,5.78963,4.96561,4.29223,5.33503,5.22663,5.42631,6.02039,6.53044,5.74067,5.95803,6.2017,6.17805,5.41503,5.57915,4.96127,5.50977,5.60593,4.92271,4.86294,6.10806,5.07248,5.01458,6.13277,6.41579,6.98635,6.68086,6.85138,6.34548,6.45255,5.96963,7.7932,7.51198,7.59656,7.79198,7.73464,7.47801,7.1129,6.02868,7.22437,6.5153,6.83259,6.4414,5.80157,6.87839,6.22564,6.89194,6.88547,9.72011,7.76055,7.97389,9.33873,9.50973,6.51228,7.38396,8.23767,7.51014,6.95601,7.3844,6.79784,8.48075,6.34966,5.78233,6.31831,7.75077,6.29553,7.10819,6.29944,6.42952,10.1828,8.38729,7.24309,7.75664,9.21327,6.47086,8.8155,7.60141,8.1139,7.6579,6.3268,6.73144,7.17384,8.13888,5.4941,6.37752,6.82711,7.22402,6.15925,6.31056,6.63419,7.10265,6.95963,7.96655,6.99669,6.95516,8.17498,9.13943,8.00497,8.47136,10.3399,10.0867,10.5107,8.42473,7.60271,9.61656,7.73313,7.22571,6.63522,7.04188,7.0622,6.33791,8.07361,8.5778,9.50581,9.91506,10.0698,9.96663,9.66604,9.15487,8.74845,8.40479,7.57698,7.65108,7.27505,6.87537,6.9122,6.91453,5.78523,5.56712,5.52955,6.74186,6.47562,6.98324,6.625,6.84041,6.9644,6.19806,6.3227,6.993,7.60806,7.77768,7.10195,7.01116,6.50715,6.46947,7.4604,6.76595,6.98644,8.33871,6.84513,7.87704,6.90151,6.54159,5.74744,6.6825,7.25658,6.94779,6.72451,6.0464,7.85077,6.16829,8.39115,6.26253,7.7758,7.34027,7.77461,8.65017,6.56581,6.37238,6.25957,7.55693,7.63859,6.65256,6.7341,6.41058,5.69193,6.19529,6.15521,6.40586,6.63057,7.15215,7.07533,6.74509,6.54423,6.75217,7.10161,6.77348,6.32945,6.40508,6.5722,6.15397,7.01796,6.46837,6.42956,7.04033,6.96062,6.11148,6.37885,6.14755,6.70922,6.09652,5.74837,5.94345,5.68538,5.07868,5.04576,4.89114,4.40414,4.73043,5.33757,5.54861,3.90333,3.50606,2.49256,2.59041,2.42209,0,0,0,0,0,0,0,0,0,0,0,0,1.92575,4.43965,4.27233,6.11224,6.1931,7.0371,6.67633,5.90417,6.80303,7.68414,6.9661,6.36044,6.97915,7.56491,7.13169,6.58151,6.8064,6.96997,6.90374,7.1188,7.24398,6.90473,6.49447,7.13781,6.90065,6.98238,6.41145,6.60989,6.08206,5.48599,4.65886,4.71368,4.35182,4.60255,5.85159,5.92728,5.95068,5.7146,5.82364,6.45437,6.01788,5.25913,4.68487,4.74336,5.59311,5.54919,5.32291,5.041,5.82341,5.80718,5.5124,6.16712,7.68207,7.67164,8.01236,7.30702,6.98244,7.17778,7.23337,7.81202,7.75822,7.84439,8.09589,7.72519,7.37645,7.22252,7.22772,7.43783,6.94308,7.57928,7.5305,6.30587,6.94337,7.20687,6.712,6.80775,9.66662,7.37584,7.96759,9.4142,9.51893,6.31514,7.22927,8.05742,7.58618,7.28048,6.91506,7.27447,8.44408,7.17427,6.95662,6.71397,7.07887,5.99124,7.22193,6.22419,6.47764,10.0915,8.45431,7.29775,7.81055,9.03841,6.24717,8.88889,7.89949,8.07873,7.7523,6.77048,7.01516,6.53476,8.28024,5.86408,7.06295,7.16233,6.23988,5.84107,7.13768,6.97535,7.27932,7.13851,7.84177,7.426,7.21809,8.15539,9.06415,7.77945,8.31369,10.3291,10.122,10.5293,8.52665,8.07788,9.61234,7.63476,6.99642,7.11739,6.86949,7.12464,7.16416,8.19394,8.2036,8.0916,10.0859,9.52387,9.04689,9.34758,9.24345,8.66919,8.68409,7.82039,7.70492,7.54537,7.09433,6.65514,7.41852,6.39657,6.43815,5.9305,6.52559,6.56854,7.1095,6.51417,6.22442,6.92914,6.96318,6.91505,6.16083,7.56638,7.655,6.59063,7.14199,6.54448,7.47404,7.67083,6.78706,6.91267,8.39631,6.53248,7.87349,7.17052,7.46684,6.16131,6.99819,6.96033,6.43879,6.45072,6.5189,7.98408,7.52673,8.50598,7.41065,7.64061,7.65702,7.80157,8.61695,7.29735,6.30374,6.87179,7.40049,7.92891,6.82838,7.22365,6.57836,6.43668,7.09003,6.77459,6.8881,5.75732,5.99998,7.55103,7.34459,6.70734,7.48697,7.23177,6.18497,6.41339,6.92648,6.87087,7.24502,7.75077,6.61695,6.69298,7.06818,6.92975,6.20604,6.64938,6.28224,6.76298,5.58563,5.4169,6.03392,5.53146,4.66049,3.98239,4.64866,4.57181,4.59571,4.81959,5.27461,3.908,3.46675,2.56234,2.67071,2.48967,0,0,0,0,0,0,0,0,0,0,0,0,0.847084,3.06472,4.37067,5.97853,6.7612,6.408,6.18246,6.89173,7.53992,6.85392,7.67425,7.25551,7.39899,6.389,6.23596,6.88194,7.16296,6.59483,6.82231,7.43966,7.06498,7.6805,6.96883,7.85997,6.68923,6.71917,6.44013,7.09508,6.39368,5.21348,4.85554,5.27171,5.03926,4.63578,4.54991,6.17055,5.38417,6.21926,6.09533,6.58327,6.92618,5.88158,5.71006,5.73163,4.66245,3.76029,5.71326,5.26991,5.58628,6.40414,7.22246,7.08442,6.54537,6.06082,7.29656,7.24425,6.86897,7.1502,6.95949,7.84623,8.27773,7.70379,8.13109,7.9285,7.66361,7.46536,7.43953,7.36083,6.80369,7.23323,6.89347,6.7467,6.55128,6.65332,6.24913,7.01477,9.66235,7.79946,7.96432,9.4196,9.58151,7.00594,7.45157,8.22677,7.78129,7.34255,7.37402,7.32406,8.41855,6.86129,7.2673,7.30366,6.81946,7.57578,7.77322,7.00925,7.3086,10.1996,8.63805,6.69846,7.87665,9.11999,7.38379,8.98634,8.0286,8.15575,7.85668,6.67655,6.69093,6.62755,8.20191,6.77585,7.38293,6.69559,6.37046,6.23142,6.36427,6.12532,6.77106,7.1045,7.82582,6.78803,7.56701,8.44238,9.20387,7.82291,8.21929,10.3583,10.0886,10.5652,8.60284,7.61185,9.63711,7.71596,7.20976,6.71198,7.15572,6.62309,6.99831,8.24545,7.61184,8.12896,8.86824,9.41002,8.47678,9.33435,8.68772,8.37452,8.27908,8.08797,8.009,7.86934,7.05144,6.58455,6.78043,6.87344,6.43288,6.36473,7.11833,6.55031,6.53255,5.97129,5.98524,7.18837,6.63927,6.96451,6.46617,7.96383,7.86941,6.95453,7.20837,7.00893,7.89785,7.85329,7.04452,7.50492,8.59255,6.93059,7.90392,6.23827,6.68174,6.03455,6.89657,7.5059,6.92879,6.63267,7.49855,8.15211,7.53657,8.54345,7.19784,8.01585,7.06498,8.22217,8.686,7.37572,7.38041,6.65891,7.65154,8.26714,6.94147,6.83848,7.07359,6.52668,7.08523,6.72711,7.39283,7.15524,6.54381,7.08451,7.56852,6.94578,7.71445,7.26838,7.15305,6.86882,6.76624,6.81014,7.14551,6.68741,6.91274,7.32125,7.61534,6.06383,6.19132,6.82892,6.68813,6.78991,6.53509,4.80122,5.80144,5.87341,4.21614,4.57684,4.63325,4.74745,5.40444,5.85022,5.67869,4.65462,3.67742,2.62266,2.70757,2.55372,0,0,0,0,0,0,0,0,0,0,0,0,1.53858,4.13133,4.83735,6.5769,7.78619,6.48294,7.42202,7.01613,7.5086,7.40522,6.55547,7.10351,7.73552,7.71353,7.1157,6.66113,7.15418,7.18289,6.32462,7.07449,6.87025,6.86375,7.29628,7.50686,7.06842,6.749,6.64511,6.37491,7.07341,5.90841,5.02072,4.73871,4.32164,5.0023,4.0197,5.96689,5.93259,6.22765,5.90231,7.38903,6.90836,5.48104,4.80419,5.44631,5.25404,4.59136,5.41966,5.09804,6.15498,6.99695,7.90493,6.46466,7.4592,6.7256,7.14519,7.68402,7.78238,7.73847,7.12827,7.941,8.45079,8.45204,8.55288,8.88305,8.43509,7.75078,6.79281,7.13759,7.14909,6.69843,7.03304,7.26501,7.24026,6.55836,7.18558,7.36754,9.7601,8.41227,7.87642,9.4121,9.70223,7.57082,7.55333,8.3879,7.9481,7.50039,8.16416,7.83542,8.40457,6.89959,7.01188,7.69825,6.79859,6.01093,6.74441,7.0001,7.64858,10.1849,8.8341,7.51408,8.11371,9.12615,8.27086,9.03473,8.34626,8.51192,8.1991,7.67214,7.55824,7.9908,8.52226,7.06019,7.34188,7.76354,7.14401,6.33456,6.50313,6.39693,6.99605,7.27772,8.14737,7.749,7.79982,8.45088,9.14022,8.25456,8.35833,10.4145,10.1524,10.5823,8.60387,8.08592,9.59571,7.64826,7.74531,6.77244,7.33733,7.49739,6.11667,7.86135,7.5041,8.27709,8.05017,9.58102,9.61543,10.0912,7.97457,8.35738,8.22602,6.27392,7.49376,7.93585,7.27715,6.49277,6.56964,7.02785,6.81981,6.67071,7.60554,6.55838,6.47309,6.80858,6.86516,6.94068,6.7497,6.74879,6.59938,7.85443,8.24908,7.02996,7.53921,7.42202,7.70371,9.08232,7.55503,8.0733,8.89175,7.67886,8.39633,6.63788,7.53606,6.39829,6.73176,7.80922,6.76307,7.09953,7.63078,8.08918,7.12433,8.63815,6.89389,7.78483,6.78321,8.07842,8.82651,7.20909,6.91896,6.62985,7.74548,7.84423,6.58217,6.39691,7.33902,6.84469,6.67049,6.41972,6.72544,7.76384,7.13545,7.4458,7.265,7.18292,7.47464,6.97187,7.16972,7.39113,7.59131,7.48069,6.8765,6.74292,7.6605,7.20189,7.70451,6.91561,7.62138,7.10731,6.67709,7.3835,6.31991,5.3129,6.03574,5.10708,4.63166,5.34981,5.31273,4.06518,4.93995,5.17551,5.76479,5.26415,4.2269,2.69051,2.80625,2.61818,0,0,0,0,0,0,0,0,0,0,0,0,1.13776,4.37382,4.16258,5.42855,7.26948,7.57528,6.98726,7.16806,7.18753,7.64935,7.09176,6.7497,7.35358,7.47541,7.20988,6.75457,7.15,7.48015,7.34988,7.00028,7.09493,6.82532,5.77573,7.40836,7.02464,6.37155,6.45999,6.50246,6.78968,5.56549,5.72892,5.06653,4.72046,5.0829,5.67686,6.32181,6.94617,6.03114,6.36907,7.52418,6.64522,6.10626,5.72975,5.20922,4.47166,4.15759,4.78412,6.03914,6.68069,6.48077,7.04601,7.1735,7.68985,8.02475,7.45831,8.06955,7.55047,7.6677,7.02354,7.14073,7.57271,8.17857,8.31966,8.18196,8.0123,8.24707,7.09332,7.29376,6.90735,6.99114,6.80552,7.74448,7.8187,6.24064,7.05554,7.1089,9.65493,8.19012,7.9802,9.38815,9.61838,7.49374,7.72457,8.57746,8.21416,7.66973,7.86777,7.44722,8.72953,7.33845,7.02862,7.02942,7.15044,7.18965,6.94223,6.9712,8.09636,10.23,8.70014,7.56095,8.4156,9.23141,7.83327,9.00596,8.66443,8.48905,8.09636,8.10449,7.99231,8.66743,8.87248,7.31166,7.4682,7.75843,7.04428,5.90182,6.26746,6.72436,7.72111,6.98663,8.17845,8.32309,7.87803,8.45794,9.20332,8.46985,8.68777,10.4704,10.1555,10.6233,8.78509,8.41099,9.64914,7.31184,7.73366,7.41585,6.66485,6.12904,6.26535,7.94786,8.11565,8.89877,8.98191,9.18592,8.59338,8.87881,7.51518,8.11844,8.53273,7.05845,7.85177,7.25725,6.96503,6.80846,7.27305,7.38034,7.14225,6.16177,7.51045,7.13555,6.72195,7.08683,6.67642,7.04228,6.44664,7.18127,7.42692,7.85087,8.35675,7.32175,7.82779,8.06432,8.40135,8.53891,7.22388,7.96585,8.86191,8.19465,8.18172,6.07933,7.70264,6.26447,6.61465,6.99476,7.45976,7.24911,6.64361,7.95597,7.13371,8.57656,7.46156,7.50274,6.69025,8.17715,8.71787,7.16423,6.39626,6.06765,7.69614,7.85595,7.63584,6.85131,7.03069,7.10485,7.8166,6.76822,6.65961,6.59122,6.63199,6.82817,7.19589,6.6525,6.9828,7.34122,7.31869,6.42652,6.63575,7.55454,6.89973,6.83864,7.69536,7.10936,7.40709,6.90953,7.17276,7.59546,5.7114,5.73711,6.72948,6.65082,5.93638,5.13497,6.01369,5.17563,5.61836,5.01192,4.99676,5.05498,5.4156,4.94981,3.91798,2.74808,2.82403,2.67454,0,0,0,0,0,0,0,0,0,0,0,0,0.468651,3.15729,3.82787,5.58711,6.67462,7.293,7.35493,6.41667,7.01812,7.43982,6.23381,7.57781,7.3477,6.71401,7.09588,7.25249,6.85806,7.14547,7.1026,7.12379,6.96995,7.52756,6.59756,7.95657,6.86287,7.13862,7.04513,6.10911,5.76249,5.94316,5.75732,5.46423,4.73288,4.60181,6.72158,6.14684,7.38719,7.26047,5.8409,7.46858,5.81329,6.21559,5.43677,5.65521,5.42041,4.00072,4.38116,5.85456,6.72505,6.11299,7.31811,7.29994,7.73229,7.97608,7.98297,7.52885,7.66498,7.67891,7.13567,8.41493,7.65152,8.40713,8.25398,8.10308,8.04493,7.95919,6.96219,7.64765,7.3669,7.38026,6.47759,7.46488,7.09612,7.30696,6.55278,6.74887,9.65551,8.11408,8.40395,9.57596,9.56968,7.65238,8.37075,8.36426,8.04512,7.58097,7.83381,7.66623,8.59241,6.52337,6.15253,7.40106,7.43211,6.81008,7.18885,6.90435,8.16353,10.1565,8.49075,7.42168,8.68325,9.33048,6.86138,9.04927,8.28247,8.63785,7.93653,7.6617,7.53355,6.75872,8.56781,7.38089,7.55804,6.71472,7.38837,6.79253,5.85392,7.18876,7.67595,7.48224,8.24876,7.98639,7.30186,8.37143,9.08059,7.91593,8.75767,10.4725,10.1809,10.6299,9.17142,8.72239,9.69541,7.88801,7.30682,7.4649,7.16238,6.78132,7.02111,7.96162,7.39414,8.74926,9.28057,9.2443,8.50705,8.85074,8.21886,8.24861,7.82443,7.3668,7.8755,7.4399,6.93573,6.46925,7.16449,6.61281,6.91784,6.68915,7.41791,7.30209,7.21202,6.86836,6.93708,6.65506,5.87627,6.5824,6.71406,7.84059,7.82899,7.37977,7.79968,8.23865,7.93247,8.64333,7.0957,7.05471,8.47261,7.61224,8.40814,7.09405,7.56651,6.81345,7.11593,6.83625,7.37022,7.18749,6.65228,7.92658,7.63594,8.63274,6.96854,7.72549,7.58402,8.03893,8.80069,7.26463,6.97074,6.9752,7.76904,8.24342,7.15168,7.24832,7.56824,7.09509,7.1986,6.70022,7.83259,7.54946,6.08362,6.31408,7.16484,7.66354,7.60678,7.61264,7.39577,7.53376,7.2662,8.08566,7.54539,7.99065,7.9615,7.22902,8.20221,7.02214,7.69933,7.29554,6.67976,6.69586,6.78453,6.56643,5.99896,5.92182,5.6758,5.56455,4.93641,4.90657,5.39877,5.15642,5.04675,5.17009,4.29647,2.80035,2.91511,2.73164,0,0,0,0,0,0,0,0,0,0,0,0,0.77015,4.04084,4.03409,5.96665,6.14792,6.94194,7.09904,6.8168,7.0789,7.60655,6.27582,6.59878,7.45827,6.78836,7.19713,7.73319,7.33397,7.09218,7.10481,7.4714,7.22348,7.77516,7.08293,7.46623,7.30213,6.79503,6.55125,6.25803,6.48178,5.99614,6.29139,5.5748,5.43442,5.37081,5.99637,6.20743,6.55453,6.30795,5.92967,6.60723,5.99914,5.1184,5.01063,4.60364,4.97643,4.47988,4.36264,5.47626,6.63647,6.20322,7.42074,7.31931,7.39479,6.98551,7.77903,8.24835,7.85899,7.80655,7.12369,7.5501,7.92701,7.77402,8.04689,8.25518,7.56224,7.92697,6.87114,7.50685,7.43471,7.76944,6.50113,7.5234,7.12859,7.39089,7.40954,6.89266,9.76932,8.53266,8.14915,9.46008,9.62733,7.11646,8.14133,8.46654,7.83205,7.55915,7.61943,7.1947,8.70301,7.49715,6.61455,7.30704,6.98887,6.80068,7.45856,7.47315,7.62482,10.2001,8.55675,7.4008,8.45173,9.32528,7.01762,9.02795,7.81625,8.49899,7.76075,6.97559,7.64459,7.20655,8.56962,6.50469,6.74156,6.68757,6.99244,6.28519,6.77857,6.8984,7.67524,6.86622,8.09297,7.70698,8.17365,8.51971,9.28203,8.08627,8.61836,10.4444,10.2109,10.6815,8.88236,7.91027,9.72552,8.00496,6.91371,6.97475,7.36002,7.60965,7.7566,8.34903,8.31419,7.6386,8.28647,9.39234,9.24958,8.97786,8.58335,8.10962,8.19393,6.92386,7.96129,7.4889,7.11953,7.20279,7.05951,6.89032,6.88147,7.05186,6.78414,6.87482,6.60906,6.82481,7.0225,6.78338,7.10447,6.9231,7.56852,7.94169,8.25329,7.44029,7.89706,7.74513,7.40181,8.44283,8.14955,8.04029,8.6344,7.43946,8.40884,7.55615,7.95535,6.79146,8.27602,7.83258,6.75063,6.83684,7.35721,7.98661,7.62552,8.71515,7.67842,7.944,7.65245,8.25674,8.80837,7.79857,7.22902,7.10718,7.65481,8.10261,7.19751,7.55114,7.02529,7.77513,6.93077,7.00321,7.3209,7.22746,6.55915,7.48002,7.37846,7.34441,7.33993,7.05569,7.35809,7.55293,7.21827,7.45886,6.90306,7.51893,7.31778,7.32404,7.17129,7.28949,6.98897,7.92463,7.37153,7.17601,6.86041,6.53774,5.68895,6.44551,5.91904,5.33258,4.6436,5.36356,6.82582,6.35328,6.05363,3.72455,3.86929,2.85179,2.94841,2.77898,0,0,0,0,0,0,0,0,0,0,0,0,2.24717,4.68096,4.92548,6.46361,6.51953,7.39332,8.08587,7.37798,6.93372,7.10133,6.63196,7.79804,7.45397,7.14719,7.52084,7.50334,7.22957,7.20335,6.77557,7.81763,7.5412,6.84676,7.79939,7.58001,6.73045,7.5241,6.46799,6.00184,6.98933,5.47952,5.42513,5.89268,5.73364,5.82787,5.78756,5.39139,6.25256,6.49829,5.43068,6.95787,6.11214,5.36291,5.36296,4.95206,5.5113,4.98103,5.40484,6.38296,7.00019,7.12236,6.94869,7.31716,7.49433,8.05945,7.89108,8.15651,8.65712,7.77688,7.13713,7.60906,8.0376,8.59672,8.36975,8.15372,7.85699,8.35652,7.3052,6.88528,7.46184,7.02203,6.9195,7.6218,7.23803,7.38168,7.96402,7.60065,9.66495,8.17449,8.04988,9.44866,9.70281,7.35138,8.06922,8.48757,8.09232,7.97956,7.94333,7.20476,8.74119,7.49977,7.19635,7.2017,7.70294,6.6407,7.73849,7.52244,7.75828,10.1919,8.54824,7.15626,8.05416,9.16724,7.03737,8.99648,7.85152,8.46555,8.01037,7.59802,7.69287,7.11733,8.47819,5.93591,7.49872,7.8341,7.68747,6.82942,7.82638,7.56867,8.15414,7.1862,7.77449,8.15236,8.30431,8.92262,9.21102,8.0474,8.88578,10.4421,10.2451,10.7846,9.30434,8.49721,9.87398,7.69328,7.83754,6.98856,7.34644,7.26316,6.83584,8.64923,9.20145,8.58753,9.22538,9.62737,9.2175,9.10576,8.42593,8.43588,8.89801,8.01644,8.31814,8.40236,7.78913,8.06805,8.31729,7.3779,6.92992,7.85377,7.45757,7.2628,7.37352,7.37256,6.77624,6.9481,6.88916,7.63757,6.8257,7.70338,8.11302,7.64356,8.22527,7.87398,7.42152,7.85169,7.49948,8.53707,8.83676,7.74214,8.18852,7.11492,7.76565,7.19636,7.59997,8.24197,7.58471,7.11839,8.17236,8.29219,7.90023,8.68157,8.04128,8.2617,7.70745,8.61853,8.82498,7.37934,7.6494,7.00304,8.43365,8.18952,7.39783,7.89302,7.72686,7.87125,7.70945,7.32643,7.00549,7.71959,7.38975,7.61826,7.82956,7.64041,7.57043,7.82987,6.6479,7.15354,7.75319,7.78969,6.5341,7.05075,7.76905,7.29995,7.70029,8.52248,6.30967,6.11491,7.39575,7.72213,7.0272,6.6812,6.01285,6.58242,5.24112,5.20976,5.13833,5.34283,6.50218,6.17785,5.7112,4.43795,4.0604,2.89935,2.99578,2.83038,0,0,0,0,0,0,0,0,0,0,0,0,2.49637,4.53741,4.44551,5.69264,6.22626,7.4543,7.65503,7.38886,7.52463,7.90236,7.40796,7.32241,6.78887,6.81693,6.98941,7.45506,7.46757,7.92144,7.23964,6.93095,7.47875,7.44657,7.57415,7.33664,6.93359,7.33042,6.57075,6.61602,7.06152,6.22978,5.16139,5.51069,5.58328,6.10202,6.04524,5.37378,6.29312,6.7198,5.97577,7.20139,6.40908,5.14623,4.9508,5.33003,5.6204,5.76863,5.36965,6.57913,6.62549,7.72128,6.84815,7.57314,7.59823,6.55748,7.04416,6.86255,7.88517,7.17547,7.47803,8.1483,7.99116,8.07484,8.13241,7.56826,6.95368,7.59992,7.06308,7.3203,6.97788,6.95552,7.08558,6.71611,6.93831,7.12366,7.28164,7.74002,9.71661,7.76851,7.71574,9.34697,9.71869,7.14888,8.13238,8.24957,7.64801,7.43104,7.08436,7.04602,8.52093,7.19456,6.5187,6.90415,7.40006,7.00673,7.31955,6.83608,7.56815,10.1727,8.51782,7.59589,8.30297,9.21393,6.59092,9.01665,7.97841,8.33187,7.88715,6.6864,7.04521,6.44145,8.40121,7.08515,6.79806,7.31052,7.46285,6.73129,6.84932,6.92561,8.06754,7.6035,7.74493,7.38607,7.71427,8.33328,9.04963,8.04732,8.53577,10.4706,10.2667,10.6993,8.78634,7.90865,9.75596,7.66965,7.61757,6.69301,6.35831,6.75424,6.59709,7.663,7.83836,8.17406,8.39701,9.41092,8.50854,8.92138,7.71732,7.63191,7.89379,7.30983,7.58872,8.04625,7.66011,6.61673,7.45233,7.06425,7.08253,7.46706,7.04941,7.26199,6.9205,7.07946,7.4613,7.36318,7.03981,7.22641,7.09656,7.52966,7.8723,7.43022,7.29288,7.36276,7.61713,7.97464,6.67542,7.49929,8.60302,7.47668,8.06266,7.00755,6.8212,7.53101,7.19076,7.45263,6.99639,7.14532,7.95021,8.26673,7.03099,8.55958,7.21096,7.77119,7.20092,8.14547,8.93805,7.34824,6.75842,6.55212,7.53743,8.18363,6.51913,7.35989,7.67838,6.93748,7.43386,7.08465,6.85211,6.92964,6.51053,6.76147,7.43924,7.16577,7.57996,7.11962,7.07148,7.02614,7.11637,7.01756,6.33355,6.72442,7.28162,6.99991,7.22087,6.96288,6.42041,6.16345,6.67188,7.17246,6.66602,6.0115,6.9704,6.41168,5.24824,5.56859,5.68044,5.56032,5.44055,5.58023,5.6517,5.21586,4.04599,2.94749,3.04226,2.87429,0,0,0,0,0,0,0,0,0,0,0,0,2.58159,4.80034,3.56912,5.85885,6.22762,6.99178,7.25408,6.29859,7.14784,7.41169,7.54255,7.1667,7.57773,6.58197,7.81343,6.84317,6.78535,7.19285,6.85476,7.12345,7.18177,6.84636,6.59676,6.01643,6.12789,6.96485,5.80583,6.5707,6.91815,5.91378,6.13579,6.11034,5.27979,5.55543,5.45737,6.41146,7.05511,7.08144,6.35748 diff --git a/cpp/inference/kiss_fft.o b/cpp/inference/kiss_fft.o new file mode 100644 index 0000000000000000000000000000000000000000..6ea8699d4b14502866f7e9a29dcf2273397d9f42 Binary files /dev/null and b/cpp/inference/kiss_fft.o differ diff --git a/cpp/inference/kiss_fftr.o b/cpp/inference/kiss_fftr.o new file mode 100644 index 0000000000000000000000000000000000000000..291b7233c74a711ab5eece0f48a73f615cb68610 Binary files /dev/null and b/cpp/inference/kiss_fftr.o differ diff --git a/cpp/inference/main_text.cpp b/cpp/inference/main_text.cpp new file mode 100644 index 0000000000000000000000000000000000000000..8c2a4cea42ec6b4ac510bd3f56a9560ad78dacf0 --- /dev/null +++ b/cpp/inference/main_text.cpp @@ -0,0 +1,165 @@ +#include +#include +#include +#include +#include // For std::sin, M_PI +#include // For std::memcpy +#include // For time measurement +#include // For random number generation +#include // For seeding random number generator + +// Include the new library header +#include "audio_encoder_lib.h" +#include +// Define M_PI if it's not already defined +#ifndef M_PI +#define M_PI 3.14159265358979323846 +#endif + +// --- WAV File Header Structures (for dummy file creation) --- +#pragma pack(push, 1) +struct WavHeader { + char riff_id[4]; + uint32_t file_size; + char wave_id[4]; + char fmt_id[4]; + uint32_t fmt_size; + uint16_t audio_format; + uint16_t num_channels; + uint32_t sample_rate; + uint32_t byte_rate; + uint16_t block_align; + uint16_t bits_per_sample; +}; + +struct WavDataChunk { + char data_id[4]; + uint32_t data_size; +}; +#pragma pack(pop) + +// Function to write a dummy WAV file (moved here for example app) +void createDummyWavFile(const std::string& filename, int sampleRate, int numChannels, int bitsPerSample, double durationSeconds) { + std::ofstream file(filename, std::ios::binary); + if (!file.is_open()) { + std::cerr << "Error: Could not create dummy WAV file: " << filename << std::endl; + return; + } + + WavHeader header; + std::memcpy(header.riff_id, "RIFF", 4); + std::memcpy(header.wave_id, "WAVE", 4); + std::memcpy(header.fmt_id, "fmt ", 4); + header.fmt_size = 16; + header.audio_format = 1; // PCM + header.num_channels = numChannels; + header.sample_rate = sampleRate; + header.bits_per_sample = bitsPerSample; + header.byte_rate = (sampleRate * numChannels * bitsPerSample) / 8; + header.block_align = (numChannels * bitsPerSample) / 8; + + WavDataChunk data_chunk; + std::memcpy(data_chunk.data_id, "data", 4); + uint32_t num_samples = static_cast(sampleRate * durationSeconds); + data_chunk.data_size = num_samples * numChannels * (bitsPerSample / 8); + header.file_size = 36 + data_chunk.data_size; // 36 is size of header before data chunk + + file.write(reinterpret_cast(&header), sizeof(WavHeader)); + file.write(reinterpret_cast(&data_chunk), sizeof(WavDataChunk)); + + // Generate a 440 Hz sine wave + for (uint32_t i = 0; i < num_samples; ++i) { + int16_t sample = static_cast(30000 * std::sin(2 * M_PI * 440 * i / static_cast(sampleRate))); + for (int c = 0; c < numChannels; ++c) { + file.write(reinterpret_cast(&sample), sizeof(int16_t)); + } + } + + file.close(); + // std::cout << "Dummy WAV file '" << filename << "' created successfully." << std::endl; // Suppress verbose creation message +} + +int main(int argc, char* argv[]) { + // --- 1. Process command-line arguments --- + if (argc != 3) { + std::cerr << "Usage: " << argv[0] << " " << std::endl; + std::cerr << "Example: " << argv[0] << " model.onnx temp_audio.wav" << std::endl; + return 1; + } + + std::string onnxModelPath = argv[1]; + std::string wavFilename = argv[2]; // This will be used as a temporary file + + // --- Random number generation setup for dummy input frames --- + std::mt19937 rng(static_cast(std::time(nullptr))); // Seed with current time + std::uniform_int_distribution dist_frames(100, 300); // Distribution for frames (100 to 300) + + // Define fixed parameters for feature extraction to calculate required duration + const int WIN_LENGTH = 400; // Window length (samples) - must match library's constant + const int HOP_LENGTH = 160; // Hop length (samples) - must match library's constant + const int TARGET_SAMPLE_RATE = 16000; // Target sample rate - must match library's constant + + try { + // --- 2. Model Initialization --- + // This will load the ONNX model and precompute the Mel filterbank. + AudioInferenceEngine engine(onnxModelPath); + std::cout << "Engine initialized." << std::endl; + + // --- 3. Model Inference and Time Measurement --- + std::cout << "\nRunning model inference and measuring time (100 runs with varying input sizes)..." << std::endl; + int num_runs = 100; + long long total_inference_time_us = 0; // Use microseconds for finer granularity + + for (int i = 0; i < num_runs; ++i) { + // Generate a random number of frames for this run + int random_frames = dist_frames(rng); + // Calculate the number of samples needed to produce 'random_frames' + // frames = (num_samples - WIN_LENGTH) / HOP_LENGTH + 1 + // num_samples = (frames - 1) * HOP_LENGTH + WIN_LENGTH + long long num_samples_for_frames = static_cast(random_frames - 1) * HOP_LENGTH + WIN_LENGTH; + double duration_seconds_for_frames = static_cast(num_samples_for_frames) / TARGET_SAMPLE_RATE; + + // Create a new dummy WAV file for this specific run + // This ensures the input size changes for each test. + createDummyWavFile(wavFilename, TARGET_SAMPLE_RATE, 1, 16, duration_seconds_for_frames); + + // --- Measure the inference time --- + auto start_time = std::chrono::high_resolution_clock::now(); + Eigen::MatrixXf features = engine.preprocessAudio(wavFilename); + std::vector model_output = engine.runInference(features); + auto end_time = std::chrono::high_resolution_clock::now(); + + if (model_output.empty()) { + std::cerr << "Error: Model inference failed for run " << i + 1 << ". Exiting." << std::endl; + return 1; + } + + // Calculate duration for this run in microseconds + auto duration = std::chrono::duration_cast(end_time - start_time); + total_inference_time_us += duration.count(); + + // Optionally print output for the first run or specific runs + if (i == 0) { + std::cout << "First run (frames=" << features.rows() << ")"<< " take : "<< static_cast(total_inference_time_us) / 1000.0 / 1000.0 <<"s output (first few elements): ["; + for (size_t k = 0; k < std::min((size_t)10, model_output.size()); ++k) { + std::cout << model_output[k] << (k == std::min((size_t)10, model_output.size()) - 1 ? "" : ", "); + } + std::cout << "]" << std::endl; + } + } + + double average_inference_time_ms = static_cast(total_inference_time_us) / num_runs / 1000.0 / 1000.0; // Convert microseconds to milliseconds + std::cout << "\nAverage ONNX model inference time over " << num_runs << " runs (with varying input frames): " + << average_inference_time_ms << " s" << std::endl; + + } catch (const Ort::Exception& e) { + std::cerr << "ONNX Runtime Exception: " << e.what() << std::endl; + return 1; + } catch (const std::exception& e) { + std::cerr << "Standard Exception: " << e.what() << std::endl; + return 1; + } + + std::cout << "\nProgram finished successfully." << std::endl; + return 0; +} \ No newline at end of file diff --git a/cpp/inference/matrix_output.txt b/cpp/inference/matrix_output.txt new file mode 100644 index 0000000000000000000000000000000000000000..53b46401db7d05c0f90153a319942ed399c8a11c --- /dev/null +++ b/cpp/inference/matrix_output.txt @@ -0,0 +1,256 @@ +0.917797,1.33496,1.9894,2.59546,2.78621,3.19627,3.47691,3.52535,3.08143,2.28742,1.59665,1.24353,1.32692,0.957699,0,0,0,1.3356,2.42143,2.274,3.17606,3.94331,3.67898,1.98201,1.48179,2.66335,2.92171,2.81266,2.93266,2.16811,2.50792,3.06345,3.62613,2.75867,3.68848,3.69004,2.96371,3.9964,2.88989,2.73633,3.99529,3.57416,4.02184,4.36759,3.7615,4.68964,3.87976,3.65959,3.85553,3.8784,5.6385,4.59652,5.46914,4.62854,4.94538,4.8572,6.47825,5.83731,4.98969,5.56511,5.77596,5.84176,6.19757,6.58722,5.32361,4.51105,5.95468,7.43007,6.70215,6.5383,6.95732,6.2017,6.45437,6.58327,7.38903,7.52418,7.46858,6.60723,6.95787,7.20139 +0,0,0,0,0,0,0,0.514882,0,0,0,0,0,0.0626917,0,0,0,0.473158,1.36397,0.819738,0.325311,0.655257,0.337029,0,0,0,0.453249,0.582077,0.52649,0.920924,1.43558,2.09244,2.51377,2.52204,2.83435,2.45514,1.86565,2.07414,1.80362,1.10444,1.98626,2.96731,3.33055,3.40218,3.11718,3.78338,3.97609,3.67381,4.63995,3.78352,3.82912,3.09761,2.86071,3.8282,4.62976,4.29243,3.78577,3.35826,4.77925,4.38439,4.756,5.50815,4.28993,5.11964,5.51212,4.79013,4.2522,4.48991,4.74744,5.83003,6.07826,6.17805,6.01788,6.92618,6.90836,6.64522,5.81329,5.99914,6.11214,6.40908 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.799076,0.328418,0.381711,0.614532,0.494451,0,0.995113,1.74441,1.32935,0.695136,2.38389,2.80721,1.33428,1.87253,2.011,2.65529,2.41617,2.75265,2.29486,2.96526,3.0478,1.74849,3.51299,3.72149,3.10097,3.72787,3.66451,3.49973,4.45231,4.06459,3.3771,3.92759,3.38734,4.51765,4.39496,3.23396,3.47253,3.23121,4.2898,5.04774,5.01375,5.2786,4.34734,4.40177,5.49768,5.87103,5.72822,5.84964,5.04621,5.39945,5.94553,5.41503,5.25913,5.88158,5.48104,6.10626,6.21559,5.1184,5.36291,5.14623 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0652538,0.301648,0,0.553737,0.197254,0.386128,1.27915,0.185111,0,0.259017,0,0,2.15096,2.01256,2.94524,2.45466,2.38388,1.93925,1.46644,2.35805,1.9849,2.20949,2.34497,3.21753,3.65404,3.38988,2.8772,1.59296,1.7931,3.26248,4.4995,4.3059,3.6311,4.25859,4.28692,4.75541,4.91186,4.01281,3.79246,4.30325,5.24862,4.73745,3.72409,2.8376,4.0505,5.08308,5.28437,4.7415,5.00292,5.78112,5.44799,5.10272,6.23764,5.57915,4.68487,5.71006,4.80419,5.72975,5.43677,5.01063,5.36296,4.9508 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.443812,0.371113,0,0,0,0.541983,0.764116,1.24255,0.160278,1.2654,1.53714,1.43456,1.98218,2.89285,2.20907,0.417611,0.647092,1.0544,2.51606,1.97515,2.5291,3.52365,2.90314,2.53351,3.19333,2.46455,2.98406,3.54483,3.15995,2.55514,3.04494,3.77717,3.80334,4.70287,3.92995,3.51222,3.75415,5.03872,4.10422,4.42962,3.61617,4.75015,4.8993,4.5762,5.21553,4.26101,4.37666,5.04418,5.56681,5.03546,4.96127,4.74336,5.73163,5.44631,5.20922,5.65521,4.60364,4.95206,5.33003 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0101212,0.986135,1.04234,0.816023,0.659825,0,0,0,1.00662,1.81872,2.03867,1.58409,1.70242,2.22563,2.64376,2.75732,1.38272,2.48132,1.75542,1.47143,2.86134,3.03775,2.215,3.2419,2.90061,3.66311,2.62801,2.79104,3.20947,3.72756,3.19614,4.00218,3.97904,3.61763,3.28428,4.21526,3.97508,4.42463,4.42917,4.74287,4.76816,4.11602,4.34575,5.3507,5.16325,4.39888,5.50977,5.59311,4.66245,5.25404,4.47166,5.42041,4.97643,5.5113,5.6204 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.411442,0.322286,0,0,0,0.605836,0.669005,1.37358,1.70346,1.1895,1.99525,2.85883,2.82376,2.79107,0.747148,0.708254,1.03098,0.7019,2.62716,2.71106,2.69618,2.3402,3.06627,3.13519,2.97194,2.31563,2.66355,2.88514,3.47602,3.29316,3.5817,3.58419,3.0518,3.46398,4.12428,4.40714,4.2403,5.18743,4.64414,4.1709,4.21441,5.34957,4.39258,4.86397,5.60593,5.54919,3.76029,4.59136,4.15759,4.00072,4.47988,4.98103,5.76863 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.456523,0.269845,0.420653,0,0,0.107393,0.441813,0,0.02621,0,0,0,0,1.27513,1.33867,0.613574,2.07241,2.5892,1.60925,2.90653,2.94493,2.90121,2.76567,3.01615,2.70766,2.48939,3.62103,3.35504,2.30536,1.47715,2.8633,2.5867,3.52287,4.37993,4.02196,3.96627,4.92459,4.10142,4.56466,5.15354,5.02388,4.45857,5.29613,4.48662,5.35695,4.57227,3.83445,3.67867,5.35154,4.92271,5.32291,5.71326,5.41966,4.78412,4.38116,4.36264,5.40484,5.36965 +0,0,0,0.339493,0.228526,0.70892,1.30729,1.83484,2.03091,1.95518,1.77823,0.959059,0.769215,0.618387,0.226453,0,0,0,0,0,1.39554,1.6659,1.51728,1.98954,2.65363,2.0257,1.90862,0.905102,0.602652,2.54154,2.41322,2.27603,2.39102,1.64837,1.29579,1.66141,1.92611,2.19386,3.23693,1.73755,1.538,2.83514,2.37605,2.77381,3.07638,3.44188,2.99406,3.00516,3.41427,3.08516,3.68466,3.52775,2.5766,3.70982,3.75829,4.69963,4.9868,4.99739,5.06515,5.03209,3.96186,4.07662,5.14392,4.74099,5.02353,5.12983,4.83838,5.8175,5.86531,5.68533,5.37413,4.86294,5.041,5.26991,5.09804,6.03914,5.85456,5.47626,6.38296,6.57913 +0,0,0.0166216,2.68966,2.68216,3.03094,3.08985,2.69127,3.20002,4.45424,3.45658,2.42985,1.10046,2.84658,2.48051,0.0291507,1.67339,2.30152,2.1725,1.55791,1.96155,1.83417,1.31361,2.5949,3.11986,2.65557,0.919351,1.51834,1.92379,2.08594,2.96868,2.73241,2.60392,2.36671,0.634282,3.12182,3.42774,2.57384,3.64162,2.96155,3.74026,3.76724,4.12279,4.36692,4.71481,4.02148,4.35938,4.52846,4.63637,4.40327,4.73746,4.1438,3.6165,4.58707,4.68763,4.97126,4.71254,5.45301,5.94231,5.3192,5.85099,5.91151,6.07832,5.7953,5.50802,5.61064,6.17699,6.42773,6.368,6.87791,6.00966,6.10806,5.82341,5.58628,6.15498,6.68069,6.72505,6.63647,7.00019,6.62549 +1.99734,2.4153,3.07048,4.11744,5.8201,5.92766,5.57765,3.95143,5.14772,6.48961,6.30407,3.56105,4.76261,5.46489,4.38496,1.89489,1.10568,1.30355,1.67751,1.02554,1.14233,0.902346,1.99811,1.85327,1.58415,0.674269,1.8274,1.61173,1.25085,2.50499,2.91577,4.46967,4.21988,3.6121,3.65652,4.01947,3.81756,3.12669,3.32799,2.58056,3.50032,3.42766,3.7358,4.46427,4.67098,4.55047,4.90997,4.95478,5.31992,4.64824,4.83602,4.14493,3.89721,3.77478,4.14472,4.88181,4.67065,5.16607,5.10745,5.86551,6.3496,6.36017,5.78887,5.64287,5.43548,5.27306,5.65686,6.1982,6.73139,6.14022,6.02672,5.07248,5.80718,6.40414,6.99695,6.48077,6.11299,6.20322,7.12236,7.72128 +4.84725,6.4466,7.60477,8.37457,7.97727,8.46586,8.64199,8.2457,8.16552,7.6822,6.53947,7.12923,5.32435,5.82669,2.63837,3.84094,3.59271,3.60383,3.59229,3.08063,3.05515,3.02148,3.31213,2.24016,2.07983,2.17419,3.55426,3.63981,3.02404,3.30292,3.35288,3.77219,3.92478,2.95904,3.55542,3.63794,4.25738,4.81883,5.09869,4.5428,3.12831,3.45273,2.98041,3.86355,4.13333,4.93995,5.79451,5.7439,4.67405,5.32057,5.1861,3.21735,3.66138,4.36789,4.52011,5.01826,4.83426,4.9924,5.05591,6.05652,6.70217,6.20837,5.19807,6.79085,6.11787,6.29846,7.66649,6.7889,6.68673,6.79086,6.72399,5.01458,5.5124,7.22246,7.90493,7.04601,7.31811,7.42074,6.94869,6.84815 +7.0934,8.64539,9.79503,11.0936,11.3725,11.9868,12.5273,12.8909,12.7621,12.0869,11.1947,10.3131,9.93305,9.66613,9.24331,8.65609,7.99987,7.09915,5.43943,3.39953,2.74981,2.03254,1.8766,3.51336,4.21989,3.85316,4.36526,4.30761,2.30888,2.00084,3.30168,3.29638,4.03305,3.69685,2.67057,3.17483,3.63784,4.33513,4.3983,3.52145,3.75057,5.03735,4.42461,4.21387,4.24423,5.22107,3.64215,4.58266,5.3715,6.21653,5.73675,5.79163,5.33476,5.99622,6.0692,5.88119,6.07021,6.21037,6.39632,6.36861,6.30572,5.94165,5.92624,6.09885,6.47499,5.87955,6.91435,7.18022,7.34132,6.11917,5.77262,6.13277,6.16712,7.08442,6.46466,7.1735,7.29994,7.31931,7.31716,7.57314 +7.97735,8.21799,8.6711,10.1706,11.0132,11.1759,12.2571,13.074,12.0956,12.271,10.4941,10.4825,8.7265,10.8173,9.33475,8.47031,7.22794,7.50463,4.38071,5.85167,5.29217,2.71589,4.84328,4.42348,4.4443,4.5471,4.37852,4.02835,3.67282,4.04686,3.77429,3.72908,3.50703,3.2378,3.62018,4.22074,3.89289,3.89511,4.68179,5.16087,6.12167,7.01752,7.01395,5.43389,4.93799,5.2411,4.49416,5.1613,5.57548,5.29809,5.90515,6.2085,5.73905,3.612,5.01621,5.8762,5.87677,4.36355,5.30577,5.04403,6.28029,5.64795,5.79676,5.45593,6.01035,6.73302,6.11575,6.82697,7.09436,7.04438,6.63306,6.41579,7.68207,6.54537,7.4592,7.68985,7.73229,7.39479,7.49433,7.59823 +7.78009,8.92642,9.97892,11.8241,12.5195,12.9852,13.38,13.6644,13.6318,13.2564,12.7238,12.4852,12.873,13.0019,12.536,12.3201,11.9564,10.8463,9.49408,8.7813,7.37382,4.01289,5.46633,5.37033,5.52633,4.85995,5.12589,4.76528,5.26578,4.9961,4.92364,4.57167,5.00222,4.12542,4.72748,4.09116,4.73105,4.39112,4.95624,5.7105,9.27545,9.74771,10.1201,8.04179,8.52879,8.68857,5.79999,6.32176,6.01151,5.28541,5.3263,5.71795,5.15269,5.40058,5.65257,5.74156,5.44083,5.85937,5.03427,5.43096,6.49034,6.04073,5.63804,6.01561,6.42085,6.20946,6.29015,6.28958,6.4765,6.27185,6.57254,6.98635,7.67164,6.06082,6.7256,8.02475,7.97608,6.98551,8.05945,6.55748 +7.90287,8.48505,9.27372,11.2929,12.7142,12.8945,13.3083,13.8765,13.9565,12.5842,13.3774,12.9331,12.8895,11.5963,12.2416,13.5025,14.7123,14.6043,13.2253,11.4684,11.2768,9.8589,7.588,4.68638,2.52704,2.50218,3.31371,3.80554,2.70575,3.78247,3.57488,3.80762,3.47481,3.37404,3.55978,3.68798,3.40963,3.90891,4.71517,4.90709,9.67067,12.1164,12.0568,11.2501,12.3553,11.0358,8.28714,8.77386,7.03255,5.34508,4.52902,6.21013,5.42073,5.62891,5.48505,5.18902,5.87326,5.51861,6.5588,6.52025,5.76964,6.3402,5.98229,6.12805,7.11584,6.97614,7.12221,7.84034,7.83036,6.74532,6.31893,6.68086,8.01236,7.29656,7.14519,7.45831,7.98297,7.77903,7.89108,7.04416 +8.27638,8.76184,9.47675,10.803,13.0688,12.7581,12.7759,13.6914,14.1178,13.0773,14.0331,13.2779,13.5731,12.3142,10.9944,13.6061,14.6948,14.6299,14.8083,13.9477,11.2177,10.2188,7.78649,7.94802,5.87961,4.88753,2.38416,4.71501,3.98349,4.30704,4.41597,3.2307,3.97465,3.86766,3.87129,2.87315,3.93056,5.04865,5.17188,5.66231,10.2034,12.3948,12.2135,11.5241,13.1095,11.5585,9.88209,10.2221,7.91656,5.63043,6.31097,7.14177,6.81807,5.13366,5.3763,5.70525,6.28953,6.12353,6.19401,6.20095,6.77395,5.77382,5.82722,7.00139,6.82272,5.90963,7.05977,6.52524,6.69423,7.29566,6.4456,6.85138,7.30702,7.24425,7.68402,8.06955,7.52885,8.24835,8.15651,6.86255 +8.09588,9.29045,10.3573,12.4574,13.4771,13.7875,14.2564,14.8371,15.2114,15.0524,14.6241,14.3323,14.5112,14.3458,13.2827,13.7589,14.7698,15.391,15.7478,15.3737,13.4702,10.7576,9.27568,8.43178,7.15454,6.07703,5.528,5.49088,5.54341,4.68843,5.7235,5.30171,5.40221,5.41885,4.70196,5.11892,4.10044,4.88121,4.89031,6.91737,11.2188,13.8549,13.5345,13.5214,14.5057,14.7936,12.8064,12.0101,10.6627,7.75647,6.6043,8.08436,6.41999,5.64936,5.24045,6.63229,6.91912,6.18471,5.92857,5.05255,5.82696,5.86572,6.2729,6.15162,5.71738,6.76247,6.91609,6.81289,7.22854,7.30626,6.95117,6.34548,6.98244,6.86897,7.78238,7.55047,7.66498,7.85899,8.65712,7.88517 +8.81706,9.47326,10.3107,12.4551,13.6058,14.0493,14.5253,14.8797,14.305,13.8184,14.7354,14.0555,14.4063,11.9256,12.8731,13.2588,13.3749,14.1657,13.9302,14.8163,14.3379,11.0778,10.0971,9.83532,8.29259,6.63397,5.8245,5.31237,5.24022,5.47806,4.8449,5.47525,5.40696,4.34993,4.98762,4.53993,4.75521,4.72494,6.55192,8.21234,12.5019,14.9076,14.6859,13.5663,15.7824,16.0398,13.5545,10.7476,10.74,9.51049,9.98085,10.7009,9.81597,7.53299,5.60422,5.97276,5.8093,6.17186,6.01953,5.81501,6.99115,6.02342,5.88583,6.45086,6.28073,5.53382,6.51081,6.68848,7.75211,7.25849,6.10473,6.45255,7.17778,7.1502,7.73847,7.6677,7.67891,7.80655,7.77688,7.17547 +9.32949,9.77625,10.4579,11.1898,13.6277,13.2108,13.7109,14.8133,14.9967,14.317,14.528,14.2167,14.7467,12.8934,12.6139,12.4665,13.9094,14.3916,15.1925,15.93,14.997,12.027,11.3227,9.8699,9.09627,7.28553,6.92582,7.07485,6.77047,6.78989,6.56593,6.99034,7.0674,6.93683,7.33415,7.03976,7.73788,7.62487,7.84228,9.92087,13.1974,14.8589,13.418,14.3905,15.6242,16.4914,16.0249,11.8778,10.9152,10.4332,9.69678,11.5638,11.0905,8.79473,7.13553,7.03805,6.82906,6.87581,6.49302,6.50754,6.51239,7.07785,6.37614,6.65622,6.62014,6.37827,6.71621,6.78049,7.40739,6.63508,6.80242,5.96963,7.23337,6.95949,7.12827,7.02354,7.13567,7.12369,7.13713,7.47803 +8.57033,9.68319,10.7252,12.8854,14.2225,14.5786,15.0038,15.4937,15.7904,15.5473,15.3107,15.4799,15.6051,14.8423,13.5238,13.6925,13.7563,13.6299,13.2893,15.0466,15.4217,14.9461,13.9829,11.8267,10.4023,9.53552,8.73032,6.80248,6.58684,6.37369,5.11265,6.01098,5.59968,5.18715,5.67487,5.46218,6.0214,6.18667,8.22594,12.0211,14.43,15.3259,14.5092,14.3673,15.7732,18.4019,18.5499,15.3205,13.2212,11.0608,11.6695,12.8188,11.8883,10.9012,7.55188,7.63219,7.2972,7.37498,7.1922,7.12225,6.81636,7.32536,7.08352,7.12808,7.22948,7.39036,8.05395,7.68915,7.42267,7.52984,7.62419,7.7932,7.81202,7.84623,7.941,7.14073,8.41493,7.5501,7.60906,8.1483 +8.3769,9.5413,10.5993,13.1195,14.3951,14.8741,15.3557,15.7385,15.5145,14.0261,15.398,15.4345,16.3999,15.7439,14.2285,13.7289,13.632,12.7089,12.5666,12.8064,13.6602,14.5154,14.8845,13.8537,13.3309,11.5883,10.1154,8.39975,6.78476,6.11366,6.7649,6.58709,6.78912,5.16444,5.98044,6.522,7.16221,6.92919,7.70017,12.2591,14.5311,15.1683,16.0496,15.4766,16.595,18.2622,18.6148,16.5234,14.6579,13.6706,14.5118,14.9172,14.6338,11.5181,7.75635,7.42152,7.2106,7.18419,6.96856,6.95727,6.95668,7.06708,7.01977,7.166,7.36387,7.51487,7.54521,7.16324,7.11883,7.84369,7.29135,7.51198,7.75822,8.27773,8.45079,7.57271,7.65152,7.92701,8.0376,7.99116 +9.07865,9.42782,10.0135,12.2578,14.2613,13.8697,14.3244,15.449,15.8487,15.1068,15.1435,15.4877,16.3896,14.5998,14.0282,13.1558,14.0057,13.5449,12.7525,12.1835,13.1276,13.0048,14.3286,15.0918,14.4306,13.0798,12.1599,9.86432,8.32885,8.52639,8.9575,8.09039,7.98395,7.77986,8.57542,8.51332,8.49107,9.03839,9.72806,12.338,15.0139,15.9994,16.6506,16.8722,16.076,17.3975,18.615,16.9615,15.3626,14.4725,15.6092,15.5585,14.5345,12.8291,8.93579,8.67617,8.45738,8.12405,7.90014,7.92316,7.77196,7.85477,7.70469,7.73012,7.64831,7.78643,7.77958,7.81623,7.31815,7.44928,7.5962,7.59656,7.84439,7.70379,8.45204,8.17857,8.40713,7.77402,8.59672,8.07484 +9.49231,10.1573,11.0001,12.6769,14.2773,14.596,15.1858,15.8598,16.1439,15.8279,15.9471,16.4601,16.5203,15.6625,14.0541,13.9262,14.3562,13.9753,13.2342,13.3041,13.242,13.2142,14.0446,14.5258,14.5388,14.6639,14.0765,11.4614,10.8901,10.1756,8.56911,9.0666,8.34502,7.77953,8.03967,8.38705,8.58198,8.33097,10.9228,13.3646,14.7914,16.5531,17.0841,17.4199,15.6957,17.7692,18.8385,18.654,17.0905,16.3675,17.44,16.8043,16.1554,13.941,9.62253,9.2822,7.87999,8.15354,8.43609,7.84985,7.90367,8.16738,7.72866,7.5768,7.67295,7.5906,7.93231,7.86839,7.72538,7.88519,7.71719,7.79198,8.09589,8.13109,8.55288,8.31966,8.25398,8.04689,8.36975,8.13241 +9.16652,10.6144,11.7436,13.4928,14.6782,15.3258,15.934,16.3662,16.0904,15.1701,15.5018,14.9823,16.2765,15.3306,13.8077,13.9039,13.8879,12.6696,11.0195,12.2434,12.6132,12.4056,12.9603,13.5088,14.5156,14.3785,14.9222,14.2452,12.8152,11.6963,10.7661,10.0752,8.59684,7.20927,8.17198,9.87659,10.7926,10.5067,11.7317,13.6875,14.9834,16.0867,17.1128,17.748,16.7034,17.5818,18.6136,19.2016,18.6175,17.6146,17.9071,17.6794,15.9388,13.8901,11.5989,11.7104,9.73955,8.03653,7.83292,7.80746,8.1418,8.06503,7.88207,7.42769,7.62966,7.32326,7.59959,7.60431,7.61087,7.36808,7.54468,7.73464,7.72519,7.9285,8.88305,8.18196,8.10308,8.25518,8.15372,7.56826 +9.64876,9.83171,10.1994,12.0917,13.4502,13.4018,14.7585,15.7476,15.3613,15.4309,14.9731,16.1131,15.8378,13.8927,13.3683,11.0596,12.0455,11.3252,11.6602,12.2694,12.5457,12.188,12.1471,12.8373,14.1215,14.1651,13.8821,12.9199,12.0289,11.4052,9.95747,8.40994,6.33021,6.93459,7.43631,9.41706,10.3339,9.34498,10.7916,12.5642,13.9049,15.6497,16.4525,17.289,15.6613,17.0818,17.9928,19.3333,17.9698,17.2542,18.1445,17.7055,16.2935,14.115,10.6338,10.5921,9.42638,7.54617,7.41264,7.37487,7.02249,6.98944,7.28886,6.99805,6.72191,6.6739,6.93588,6.78555,6.82436,6.63554,6.92419,7.47801,7.37645,7.66361,8.43509,8.0123,8.04493,7.56224,7.85699,6.95368 +8.82141,9.40345,10.192,12.1077,13.5273,14.4965,15.1382,15.5265,15.5029,15.2381,15.4349,15.8524,15.7003,14.5195,12.4057,11.192,9.55895,11.128,12.5281,12.8077,12.8262,13.438,13.5696,13.4238,13.3113,13.5621,13.5202,13.0914,12.7071,12.4408,11.2228,8.47989,8.07886,7.57403,7.44354,8.876,9.84741,9.32328,10.5394,12.8514,14.2169,15.8338,15.6715,16.3641,14.7191,13.8322,15.782,17.784,16.9976,15.8274,15.9945,15.1532,13.753,12.1986,9.45582,8.75689,8.18186,7.7641,7.72604,7.61729,7.64882,7.48561,7.3041,7.52707,7.27568,7.3646,7.5285,7.6048,7.76949,7.26322,7.01728,7.1129,7.22252,7.46536,7.75078,8.24707,7.95919,7.92697,8.35652,7.59992 +8.7753,9.43166,10.2692,11.9406,11.3729,12.8094,13.2703,13.0707,12.9939,13.6713,12.09,12.9023,13.9432,13.9568,11.7522,9.84753,9.10588,10.0779,9.43377,11.4654,12.6283,12.863,11.5095,11.6129,12.4907,12.9379,11.5737,12.3927,12.3525,10.615,10.0094,8.57475,6.84245,5.76421,5.40044,5.5946,6.64026,7.37407,7.14061,10.1195,11.3255,14.2957,14.2942,14.9817,13.6594,13.3536,14.1896,15.6577,15.499,15.0589,14.241,13.7902,12.7184,11.024,8.82007,6.92632,6.11335,6.23124,5.81159,5.98987,6.452,6.19944,5.58156,6.8474,6.75949,5.34429,6.31686,6.80009,6.90376,6.70253,6.55337,6.02868,7.22772,7.43953,6.79281,7.09332,6.96219,6.87114,7.3052,7.06308 +8.14095,8.74974,9.55663,11.4382,11.9258,12.3951,12.8942,13.3396,13.4848,13.1076,11.8574,11.8934,13.0732,13.08,11.8057,10.3016,9.35263,9.1721,9.1068,11.0323,11.3567,12.0492,12.3871,11.9788,12.8321,13.2045,12.125,11.9949,11.782,9.3939,8.68923,7.54256,6.50827,5.49893,5.45457,4.9116,5.4595,7.22972,7.57806,9.45567,12.4624,14.7066,15.2341,14.1017,12.8334,13.0631,14.282,15.4386,15.6227,15.5542,14.2813,12.512,11.846,10.3805,8.39315,6.4786,6.36859,5.75134,5.94146,6.25934,6.09812,6.31174,5.75854,6.81557,5.98211,6.13834,6.0598,7.40787,7.47921,7.48068,7.0657,7.22437,7.43783,7.36083,7.13759,7.29376,7.64765,7.50685,6.88528,7.3203 +6.78727,7.79662,8.80316,10.4128,10.508,10.2728,9.69587,9.3711,10.4833,8.63991,11.0573,11.0969,11.2738,11.1025,8.73529,8.34983,9.43921,9.9317,9.38806,8.89127,11.2823,11.8992,11.121,10.1406,10.3591,11.4123,11.443,9.47398,9.57103,9.13043,7.39063,7.25271,6.5139,5.52239,5.13955,4.96013,4.97388,5.69858,7.17053,8.82426,12.1008,13.0809,14.6514,14.1322,12.7417,14.1782,14.751,13.8452,14.1612,13.8826,13.4663,12.8528,10.9085,10.1055,7.72446,6.41679,6.4567,5.80799,5.27596,5.13779,5.40159,6.88487,6.50192,5.21524,6.65816,6.75676,6.95661,7.38071,6.31862,6.95844,6.22121,6.5153,6.94308,6.80369,7.14909,6.90735,7.3669,7.43471,7.46184,6.97788 +5.71874,7.00939,8.10218,10.1456,10.5353,10.9601,11.1921,11.0545,9.0476,10.8832,11.3088,9.39041,8.7645,10.8295,10.2204,9.64897,9.54413,9.58135,9.37442,10.0607,10.3341,10.502,10.6227,10.9608,11.1118,10.7701,9.72849,7.77703,8.58007,7.49911,6.34216,5.20571,4.48864,4.30012,4.33082,3.43596,3.73814,4.52522,4.93637,7.52252,11.1053,13.24,14.1513,12.8936,12.4176,12.7914,14.0375,13.5886,14.3107,14.3044,12.581,10.9681,9.95717,8.41068,7.30096,6.81747,6.4088,5.28306,4.7804,5.01606,6.50619,6.2174,5.70147,6.21771,6.70327,6.74547,7.26158,7.65787,6.45274,6.95943,6.8822,6.83259,7.57928,7.23323,6.69843,6.99114,7.38026,7.76944,7.02203,6.95552 +4.7466,6.46815,7.64624,9.10737,8.8541,9.17639,9.16296,9.48639,11.1804,11.8971,11.3109,10.8478,11.199,11.3374,10.6175,8.08581,8.12751,7.76279,7.05884,8.83605,8.47208,8.36377,9.23493,9.66924,9.40763,9.01855,7.98999,7.65621,7.58186,6.19436,5.6374,3.94244,4.36164,4.28726,3.97811,3.98924,4.58428,5.40793,5.04847,7.35283,9.27734,11.4109,11.532,10.7945,11.6291,11.9939,12.8824,12.5579,13.184,13.2769,11.3447,9.50868,8.99105,7.64587,5.01607,5.81734,5.43967,5.66654,6.32987,6.22285,5.99762,6.06601,5.88108,6.26323,7.3819,7.17132,7.59502,7.42402,6.80237,6.08125,6.42204,6.4414,7.5305,6.89347,7.03304,6.80552,6.47759,6.50113,6.9195,7.08558 +4.13544,6.11631,7.3285,8.90773,8.1751,8.33962,9.40078,10.1737,9.44135,9.16223,11.2565,11.4271,10.7532,10.4519,9.96642,8.76468,7.27515,7.61988,7.98276,7.96377,6.81193,7.96095,8.21211,7.3536,7.05236,7.35072,7.31472,5.36239,6.00886,7.08882,6.0042,4.67609,3.01667,2.73654,3.34003,3.64096,4.77018,4.31434,5.38345,6.43479,8.11095,11.5556,11.569,9.9335,10.5761,10.934,10.8956,11.5055,11.7838,11.7114,11.0839,9.67118,8.96445,6.63724,5.95593,5.55856,3.82438,4.35354,5.95234,6.7551,6.86583,6.01388,5.96732,5.82442,7.12169,6.53933,6.39102,6.98128,6.94675,6.3457,6.53467,5.80157,6.30587,6.7467,7.26501,7.74448,7.46488,7.5234,7.6218,6.71611 +3.1179,3.08819,2.98303,7.72339,9.61456,10.1733,10.3697,10.0855,9.08411,8.77537,11.5407,12.6801,12.3598,9.96774,5.4017,6.52767,6.9153,8.08177,8.16462,6.87064,6.08429,6.6475,6.63514,7.26372,6.86737,7.29335,7.25619,6.07264,5.88752,5.1697,5.46518,6.67421,6.85533,4.413,4.78856,3.67157,5.43682,5.27527,6.04531,6.82827,9.83547,11.653,11.9841,12.1571,11.0836,11.5899,10.9352,10.428,11.8054,12.6031,11.249,11.0769,10.153,8.61984,7.51373,8.06261,8.38018,6.8985,6.4078,6.26511,6.35962,6.33829,5.75386,6.37831,6.45464,6.13114,6.82535,7.23198,6.20799,6.72966,6.45218,6.87839,6.94337,6.55128,7.24026,7.8187,7.09612,7.12859,7.23803,6.93831 +2.60932,4.59346,5.80602,8.50449,8.27522,8.94664,9.06422,8.34965,9.28191,9.14212,9.31529,11.8651,12.6969,12.0357,10.2608,9.27546,8.84762,7.4742,6.25168,6.51879,5.6047,6.69651,6.5297,7.26416,7.21649,8.30645,8.6973,7.68233,5.75822,7.75357,9.15523,9.442,9.22221,8.32437,7.45858,6.4817,6.69155,7.25616,8.53427,9.54631,10.7898,11.778,12.6209,12.1025,12.4444,12.7859,12.6895,12.082,12.4019,12.9835,12.3371,13.2476,12.5757,10.892,11.6567,12.2545,12.114,12.1654,9.96967,8.37418,6.87426,7.65397,6.61652,6.78809,6.36412,6.80208,6.60759,7.26951,6.89999,6.41938,5.94887,6.22564,7.20687,6.65332,6.55836,6.24064,7.30696,7.39089,7.38168,7.12366 +1.954,5.03774,6.32283,8.09533,9.16821,10.1205,10.851,11.3523,11.4123,11.6813,11.6175,11.046,12.4466,12.7612,11.5152,10.4533,9.68184,8.00779,8.56571,8.42249,8.72706,9.90591,9.94654,8.85933,7.62133,6.81394,8.12516,7.84566,8.88811,9.72056,10.5988,10.3481,10.2152,10.0042,8.16127,8.88547,9.56472,10.6784,10.5049,11.8235,12.1017,13.3322,13.4708,13.3231,13.4191,14.2248,14.0366,14.4941,13.6,14.9988,15.7313,15.6196,14.9818,11.5068,12.1188,13.4404,14.1485,14.5151,12.8423,10.9262,7.00994,8.59062,7.23585,6.15104,6.44768,6.63477,6.15101,6.79,6.85151,6.84218,6.46582,6.89194,6.712,6.24913,7.18558,7.05554,6.55278,7.40954,7.96402,7.28164 +6.47267,8.26807,9.45691,11.1663,12.2034,12.529,12.9874,13.4987,13.6334,10.69,13.5874,12.8398,13.2557,12.3316,13.4279,12.437,12.0495,10.9326,9.54938,10.15,10.2922,10.2734,9.13235,8.37419,8.75629,10.1895,10.4974,10.2692,11.9131,12.8969,12.6914,12.3628,12.1185,11.5123,10.5918,10.3374,10.7011,11.779,12.3766,13.1417,14.1004,14.278,14.4516,13.9419,14.6447,16.1898,16.045,16.3136,15.5788,16.217,16.2772,16.2545,15.2774,12.6252,13.5445,14.7755,15.8373,14.2242,12.7962,11.4693,8.55989,8.44685,7.27899,5.35942,5.62637,6.48296,6.659,6.72066,7.68806,6.93001,7.19692,6.88547,6.80775,7.01477,7.36754,7.1089,6.74887,6.89266,7.60065,7.74002 +8.94982,9.12829,9.48883,12.5489,13.7964,13.4824,13.6558,14.7426,15.5402,15.7175,15.6844,15.0785,15.6851,16.0087,15.512,14.8957,13.1579,11.5461,11.6119,11.3044,10.0707,10.1296,10.2046,8.89326,10.2587,11.0265,11.8865,12.4505,14.4245,15.4095,15.5019,14.6228,13.7951,13.4984,11.9314,12.2402,12.6318,12.905,13.6246,14.4136,15.5701,16.462,16.6073,16.9741,15.947,17.711,18.3412,18.8174,18.0312,17.6215,17.9338,18.279,17.157,13.3964,14.4053,16.3693,16.4446,13.2447,11.0401,10.721,10.5398,10.4243,10.2833,10.1943,10.1025,9.99377,9.9619,9.92504,9.82029,9.78968,9.73306,9.72011,9.66662,9.66235,9.7601,9.65493,9.65551,9.76932,9.66495,9.71661 +9.46776,10.285,11.2106,13.4628,14.5966,14.9609,15.4745,15.9769,15.8971,15.4465,16.4107,16.8591,17.1436,16.5876,15.7734,15.8094,15.105,14.3214,14.0591,13.7601,13.0458,12.5503,11.5817,11.1372,12.3568,13.0735,14.0253,14.6357,15.5433,16.2225,16.0639,15.2653,14.7708,14.8163,14.2991,14.7296,14.8666,14.6771,14.7953,15.9585,17.1057,18.3063,18.4308,18.729,18.1412,18.8579,19.3874,19.9526,19.344,18.8545,19.3527,19.3538,17.3448,14.7022,14.7281,15.9698,15.1866,11.001,8.75812,8.73735,8.18537,8.3174,8.17776,7.82476,7.79627,7.5298,7.66994,7.60847,7.84509,7.8545,7.87287,7.76055,7.37584,7.79946,8.41227,8.19012,8.11408,8.53266,8.17449,7.76851 +9.60901,9.6931,9.88024,13.2298,14.8485,15.1701,15.7617,16.3242,15.9088,11.5912,11.7416,16.7243,17.3805,14.8171,15.6149,14.179,15.0527,14.2423,13.3979,13.4409,12.5847,12.2529,10.8935,10.1065,11.128,12.2685,12.6081,13.3068,15.1054,15.9634,15.0049,13.7262,13.7854,14.1643,12.2163,13.0997,13.5355,12.5676,12.8567,14.2646,16.1719,17.3098,17.3752,17.033,16.4854,17.5363,18.1206,18.9304,18.765,17.6414,18.7533,19.0063,16.9644,13.0389,13.0608,13.6181,13.5498,11.7335,9.822,9.14599,8.8797,9.1954,8.76496,8.42365,8.47746,8.17293,8.13346,8.10649,8.07401,7.9,7.89459,7.97389,7.96759,7.96432,7.87642,7.9802,8.40395,8.14915,8.04988,7.71574 +9.56218,10.7447,11.8081,13.3492,14.8477,14.6742,15.349,16.3515,16.6649,15.1729,14.2234,16.8788,17.9942,17.4776,16.1353,15.5488,14.9867,14.8602,14.7031,13.9596,13.4623,12.3996,11.334,11.1851,11.2542,12.0177,13.2637,13.5404,14.9516,15.7105,15.4741,13.8652,14.2803,13.9979,13.0917,13.4695,13.736,12.4167,12.8035,14.249,16.1964,16.5912,17.3931,16.5884,16.5718,18.2893,18.4635,19.3319,18.7948,17.729,18.8854,18.7331,16.6484,13.3241,12.806,13.5034,12.9899,11.3678,10.6432,10.2052,10.1133,10.1215,9.98034,9.81238,9.69905,9.66675,9.61817,9.62971,9.56698,9.49486,9.41765,9.33873,9.4142,9.4196,9.4121,9.38815,9.57596,9.46008,9.44866,9.34697 +9.8122,10.1773,10.7799,13.3246,14.7242,15.649,16.3576,16.8588,16.9453,16.0828,15.1283,16.8845,17.9255,17.6505,16.5073,16.0618,15.5816,15.1527,15.4369,15.6265,15.0977,14.2932,12.8676,12.0169,12.9604,13.7061,14.0683,14.3349,15.9394,16.5872,16.6714,16.1221,15.5798,15.7825,15.2668,15.4132,15.7041,14.9234,14.9603,15.8548,17.2607,17.9413,18.6314,18.6495,18.1215,18.7066,18.8233,19.2466,19.0793,17.8457,18.8674,18.8163,16.8672,12.6777,13.1336,15.0199,14.8244,12.8312,10.1544,9.77321,9.71662,9.71689,9.54777,9.57099,9.54139,9.45371,9.44251,9.51524,9.51193,9.54113,9.4943,9.50973,9.51893,9.58151,9.70223,9.61838,9.56968,9.62733,9.70281,9.71869 +9.21951,10.7517,11.8976,13.1258,15.0169,15.2451,15.5345,16.148,16.9169,15.5847,15.3729,14.1281,17.1883,17.3135,15.2687,15.9753,14.3006,14.2472,14.976,15.7588,15.7289,15.7523,13.98,11.1514,11.6681,13.2526,12.7109,13.3844,15.2517,15.7374,15.662,15.3764,14.7783,15.6113,14.6092,14.8399,14.8611,14.3002,14.3251,15.1128,16.3026,16.9697,17.3692,17.8892,16.698,17.6425,17.9302,18.5605,17.9024,17.525,18.5982,18.8457,16.7937,12.5609,13.6211,13.724,13.172,12.4851,9.90574,7.85411,8.05957,8.97903,8.24147,7.42342,6.75751,7.18298,6.74206,6.75846,6.48424,7.33495,6.80903,6.51228,6.31514,7.00594,7.57082,7.49374,7.65238,7.11646,7.35138,7.14888 +10.2078,10.9879,11.8949,11.5961,14.9009,15.2415,15.2313,15.5717,17,16.2288,15.1529,15.3476,16.6265,17.1435,15.7102,15.8835,15.3228,14.8297,15.3329,16.0799,16.1155,16.2125,14.465,11.5201,10.5668,12.9015,12.806,13.3016,15.2188,15.7646,15.8373,15.8016,16.0568,15.6249,14.4192,14.4818,14.8726,13.8447,13.7794,14.5257,15.4325,16.7631,17.6942,17.7785,16.7588,17.6586,18.3027,18.7878,18.5657,17.7041,18.7985,18.7894,16.7032,12.0826,12.8172,13.3779,12.7331,11.8556,9.57945,7.55868,8.07754,9.11018,7.9839,7.87014,7.05688,7.16148,7.40023,7.34441,7.43237,7.16411,7.12035,7.38396,7.22927,7.45157,7.55333,7.72457,8.37075,8.14133,8.06922,8.13238 +9.65143,10.8014,11.8551,12.8205,14.7166,15.3345,15.7995,16.3641,17.1824,16.7509,15.186,15.0712,16.0213,16.6399,15.9256,15.2344,14.8672,14.1193,14.5887,15.6863,15.922,15.9977,15.0523,12.0932,12.8341,13.7443,13.8564,13.7317,14.972,15.2513,15.189,15.1389,15.0867,14.9758,13.6117,14.0028,14.1425,13.4696,13.4629,14.0364,15.107,16.1054,17.2962,16.3499,16.0817,17.3242,17.3962,17.9594,18.4482,18.0908,17.5421,17.3864,16.0526,12.6613,12.2815,12.8034,11.7724,10.793,9.30274,8.51049,8.52836,8.81019,8.62318,8.62446,8.15767,8.2322,8.38056,8.3592,8.2911,8.05061,8.13708,8.23767,8.05742,8.22677,8.3879,8.57746,8.36426,8.46654,8.48757,8.24957 +9.83459,11.0203,12.0846,13.462,14.8747,15.5208,16.1499,16.8121,17.4473,17.1384,15.7364,15.2454,15.8707,16.5929,15.7642,14.8462,13.9363,13.1068,14.0969,15.79,15.563,15.5676,14.959,12.3209,11.6458,11.2005,11.8434,12.739,13.7102,14.6502,14.4669,13.8679,13.5229,13.3942,12.6714,12.9101,13.3361,13.0996,12.7903,13.2502,14.1209,15.5209,15.8137,15.0121,14.1376,15.4262,16.2809,16.8703,17.2192,16.656,16.7074,17.0971,15.2833,12.6713,10.7555,11.0156,10.6705,9.97185,8.59433,7.88334,7.82036,8.18418,7.83152,7.38877,7.52987,7.92875,7.93866,7.63976,7.94182,7.59319,7.4676,7.51014,7.58618,7.78129,7.9481,8.21416,8.04512,7.83205,8.09232,7.64801 +9.71634,11.2293,12.3715,12.4852,14.0174,15.0503,15.2912,15.5217,17.0165,17.1061,14.5187,14.646,14.5944,15.4148,14.3282,12.0108,12.6347,12.679,13.9495,14.2022,15.2468,14.1495,14.1214,11.8937,10.6263,11.4448,10.7973,12.2413,14.3259,13.7325,13.4548,13.0107,12.3849,12.6467,11.1775,11.6811,11.861,11.126,10.4811,11.3279,13.0128,14.9969,14.5834,14.3892,14.0836,14.1774,14.3689,16.5092,17.0328,16.0925,14.9253,16.2882,14.7659,11.694,9.84887,10.3038,9.7382,9.19574,7.70809,7.46541,6.7487,6.96012,7.00611,7.02148,7.0494,6.95743,7.21068,7.29574,7.5618,7.34073,6.95979,6.95601,7.28048,7.34255,7.50039,7.66973,7.58097,7.55915,7.97956,7.43104 +9.57046,11.1766,12.336,11.3886,14.1998,15.6525,15.9355,15.2585,16.0046,16.9543,15.2757,13.6785,13.6612,13.3639,12.6924,11.0015,11.4316,12.525,13.7572,13.8499,15.097,14.9726,13.8873,12.4498,10.9964,10.5553,10.8448,11.9725,12.7543,12.7228,13.0088,12.7563,11.0529,11.6075,11.9277,11.7919,11.7947,11.6891,11.5792,12.7101,13.1314,14.4624,14.6617,14.5155,14.2091,14.2282,14.2316,16.1844,16.5645,15.9691,14.3698,14.7025,13.3984,10.695,8.60926,9.44514,9.64168,8.67515,6.40222,6.37648,5.70062,6.94134,6.049,5.13086,7.04249,6.42581,6.47078,6.85714,7.01249,6.64938,7.05199,7.3844,6.91506,7.37402,8.16416,7.86777,7.83381,7.61943,7.94333,7.08436 +8.93481,10.7314,11.9204,11.9191,14.4522,15.7707,16.1595,16.0058,16.4893,16.8462,15.5814,14.4731,13.6363,12.4908,11.2815,11.609,12.5027,13.1595,13.8572,13.7503,14.1253,14.1664,13.3968,12.6232,11.1707,10.148,11.5524,10.2076,11.0792,11.9386,12.6717,11.5906,10.9666,10.4763,10.345,11.1982,10.2965,10.1039,12.2448,13.5967,14.5846,15.0774,15.4987,14.6648,13.8417,13.4428,13.5936,15.4622,16.024,13.927,13.8005,14.8689,13.374,10.07,8.18799,8.70483,8.06309,7.98208,6.78294,5.81771,5.87615,6.19223,5.98074,5.918,6.31001,6.53038,6.75607,6.55187,7.38109,6.7136,6.66832,6.79784,7.27447,7.32406,7.83542,7.44722,7.66623,7.1947,7.20476,7.04602 +9.20728,10.5979,11.7146,12.6119,14.4858,15.8123,16.3875,16.5846,16.6648,16.6145,15.455,14.9403,15.4667,14.8204,13.5097,12.669,12.5497,12.5706,12.9974,13.8021,13.8789,13.4819,12.392,11.2471,10.1094,9.96875,8.87819,10.148,11.0413,11.7441,11.7239,10.6485,10.8355,11.2476,10.3727,9.77057,10.3427,9.96063,10.6133,12.7935,13.7884,14.1251,15.033,14.6692,13.5995,13.5499,13.9027,15.7713,16.3939,14.4895,13.1229,13.5437,12.1152,9.86186,8.80681,8.52207,8.38195,8.31387,8.38201,8.2854,8.31532,8.27101,8.28483,8.18793,8.37768,8.35314,8.47325,8.42177,8.43153,8.31338,8.34931,8.48075,8.44408,8.41855,8.40457,8.72953,8.59241,8.70301,8.74119,8.52093 +8.90267,10.7099,11.9003,12.8625,14.5462,15.6304,15.923,15.4136,15.0493,15.7576,14.256,13.2859,13.9956,13.1162,9.82475,9.13676,11.1701,12.1852,12.4728,11.9954,12.5625,13.0612,11.4837,10.1086,10.8239,10.8671,10.2052,11.2359,12.0762,12.1456,11.9663,11.2193,9.93087,8.07122,8.737,9.00659,10.5852,10.7861,11.3175,12.2707,12.8913,13.3905,14.2536,13.6571,12.8571,13.129,12.6529,14.2912,15.5209,13.3557,13.1603,13.1309,11.1592,10.7145,6.48329,5.57053,5.69499,6.2377,6.53004,6.342,6.10526,6.64685,6.67375,6.14268,6.16712,5.85738,7.00254,7.29027,7.17873,6.77424,6.55895,6.34966,7.17427,6.86129,6.89959,7.33845,6.52337,7.49715,7.49977,7.19456 +9.3175,10.8123,11.951,12.6161,14.2323,15.2656,15.4966,14.6736,13.3034,14.6828,13.15,11.3896,11.3464,11.6152,12.1531,10.9435,10.3477,11.4452,12.8977,12.7075,12.5721,12.1293,10.3805,7.96804,9.87371,9.78463,9.14844,10.1749,11.115,10.1037,10.8255,10.3797,9.55253,7.17982,7.40369,8.39457,8.42314,8.66392,10.7183,11.668,11.8583,13.6439,13.4803,12.1273,12.0098,11.4758,11.331,12.9097,14.1816,13.6671,12.0875,11.8807,11.658,9.87157,6.80298,5.65497,5.85825,5.90756,5.5665,6.00619,5.68103,5.41841,5.63822,5.75952,6.49795,7.07832,6.96086,6.72978,6.75605,7.27076,6.57709,5.78233,6.95662,7.2673,7.01188,7.02862,6.15253,6.61455,7.19635,6.5187 +9.44079,10.7001,11.7848,9.89699,13.9033,14.8028,14.9396,13.7995,13.2757,13.556,9.24701,11.9897,9.78638,12.854,12.5852,10.0566,10.4935,11.1069,12.4645,12.6743,10.5622,9.84834,9.36496,6.47435,7.68424,7.78058,7.87305,9.78671,10.5152,9.20477,9.44722,9.78074,8.74062,7.73763,8.3627,7.6366,8.19158,8.1103,9.37602,11.5029,12.6101,13.8613,12.3632,11.1851,10.1288,10.1072,10.5541,12.5551,12.9468,12.22,11.3169,11.8617,11.361,9.59759,5.86324,5.33543,5.8666,5.91698,5.46648,6.57107,6.27458,6.38673,5.79901,5.8702,6.34256,6.72487,7.05852,6.08125,7.23745,7.14229,6.32956,6.31831,6.71397,7.30366,7.69825,7.02942,7.40106,7.30704,7.2017,6.90415 +8.65144,10.0451,11.1624,11.3849,13.8463,14.3574,14.3274,13.2521,13.9745,14.0997,13.2999,12.4237,11.0504,12.7703,12.1613,10.7001,9.228,9.52912,10.3575,9.63757,9.84387,10.487,10.0366,7.87062,7.57387,7.98645,7.50026,8.75868,9.76361,9.86884,9.02476,9.09745,7.83278,6.98527,6.21258,6.38725,7.63339,7.56621,8.95063,9.99257,12.2764,12.3851,12.4718,10.811,10.9931,10.2741,10.6241,12.253,12.1872,10.2441,9.9749,10.1937,10.0353,7.95775,6.23829,6.14703,6.14033,5.92184,6.3002,6.58657,6.73009,6.43438,6.39946,5.74273,7.38225,6.44733,7.37163,7.6171,6.83409,7.81499,7.13026,7.75077,7.07887,6.81946,6.79859,7.15044,7.43211,6.98887,7.70294,7.40006 +8.0207,9.52182,10.6618,11.6311,13.8125,14.4117,14.571,14.2174,14.2501,13.9261,12.4041,12.3947,12.6305,12.5784,11.698,10.708,11.1083,10.7333,10.1738,11.1986,11.9886,11.6506,10.5793,9.69285,8.9819,7.48649,7.22309,8.00551,9.01655,8.87976,8.90419,8.82423,8.00811,7.24286,6.72994,7.81098,7.63283,7.53328,6.76647,9.01347,10.5233,11.227,12.0733,12.0377,11.8362,10.8228,12.3576,13.3765,12.9867,9.60003,9.67086,9.81507,9.60827,7.90586,6.27046,5.93508,5.14199,6.36178,6.64502,6.44846,7.23725,6.61967,5.92308,5.5325,6.61204,6.43464,7.21076,7.05308,7.62818,7.18089,6.76836,6.29553,5.99124,7.57578,6.01093,7.18965,6.81008,6.80068,6.6407,7.00673 +8.85709,10.1215,11.2075,12.7872,14.3274,14.9125,15.0764,14.7299,14.6723,14.1784,11.6684,12.6823,12.496,12.3312,11.3057,10.4263,9.46516,8.95095,9.63556,10.2299,10.3894,9.49874,8.60464,8.52077,8.10252,7.02243,6.67233,7.9761,9.50006,9.48309,8.38994,8.08898,6.62294,6.85745,7.62664,8.05169,8.29987,7.50645,7.17695,8.84154,10.7264,10.2402,12.0667,11.7544,12.1078,11.3931,11.2601,12.2143,11.9193,11.1764,10.0067,9.91534,9.31072,8.44936,6.21597,5.97639,6.47824,6.74629,5.53657,5.32386,5.85218,6.00928,5.86317,5.24967,6.11126,6.85922,6.81583,6.77794,6.93721,7.01804,7.20744,7.10819,7.22193,7.77322,6.74441,6.94223,7.18885,7.45856,7.73849,7.31955 +8.95133,10.7359,11.9232,12.1547,13.0069,14.8503,15.3887,15.3033,15.0374,15.8817,14.6506,14.0692,15.0931,14.474,13.8698,13.26,12.5427,12.2167,12.5495,12.6261,11.7078,11.3599,11.0542,9.57146,10.1045,10.473,9.74657,9.76708,11.6312,13.2,13.7427,13.5285,12.9305,12.6463,12.1053,12.3631,12.1726,11.4854,12.1497,13.2833,14.7738,15.6544,15.5774,15.5584,16.0721,16.2309,16.7083,17.0388,16.6336,15.1484,13.1362,13.4436,12.2371,9.83745,8.18698,9.26884,9.20856,8.24415,6.51077,6.53435,6.66846,8.30402,7.40979,6.43461,6.18306,6.60061,7.10241,7.36087,7.56624,6.81681,6.60926,6.29944,6.22419,7.00925,7.0001,6.9712,6.90435,7.47315,7.52244,6.83608 +9.11687,10.772,11.9396,11.2876,13.2023,14.3745,14.5165,14.4054,16.2064,16.4964,15.3153,16.3545,15.3372,14.6979,15.1137,13.5415,14.4702,13.3377,11.1754,13.0571,12.6738,12.5435,12.366,10.928,11.5148,12.5376,11.8881,11.4171,12.7241,15.2372,15.3895,14.6531,14.3972,13.8101,13.4592,13.4563,13.9105,12.4678,13.3812,14.6529,15.7441,17.3026,17.4003,17.1501,17.7566,17.3351,18.1931,18.6355,18.6182,17.4101,17.6321,17.3101,15.1834,12.4577,10.3028,11.9665,12.4123,10.4111,8.2145,7.55425,7.41036,8.91102,7.65514,7.53756,7.05772,6.93493,7.35618,7.25016,7.21035,6.93216,7.26106,6.42952,6.47764,7.3086,7.64858,8.09636,8.16353,7.62482,7.75828,7.56815 +9.06472,10.5321,11.6653,12.5344,13.2629,13.6043,14.3931,15.5604,16.6862,16.6051,16.6284,16.7745,16.823,16.8517,15.9782,15.6551,15.4145,13.7898,13.303,14.332,14.045,13.8938,13.2927,12.4429,13.0058,13.0155,12.8774,12.5949,14.9717,16.7346,17.3065,16.8221,16.4291,16.086,15.1076,15.2913,15.0407,14.087,14.3916,16.0977,17.0991,18.7699,19.2293,19.6232,19.0695,18.9923,19.5551,20.116,19.6318,17.9325,18.3846,17.9577,15.1939,13.8184,12.2902,13.2715,13.8659,12.9616,10.8709,10.8178,10.7308,10.7636,10.5443,10.5067,10.4114,10.3541,10.3226,10.3187,10.3067,10.1822,10.1854,10.1828,10.0915,10.1996,10.1849,10.23,10.1565,10.2001,10.1919,10.1727 +9.12635,10.4192,11.5125,11.8833,13.3039,13.9602,14.902,15.8722,16.6577,16.2012,16.0064,16.7479,16.9042,17.5813,17.2821,16.7026,15.8756,14.4044,14.5947,15.3609,14.7917,14.4957,13.7184,12.5074,13.4446,14.2569,14.4048,14.4338,16.024,16.6794,17.2234,16.6413,15.7282,15.9648,15.3941,15.916,16.0855,15.302,15.1945,16.454,17.4518,18.5956,19.1872,19.9448,18.8051,19.1914,19.6788,19.9497,18.6523,18.8647,18.9281,18.922,15.6446,12.9541,12.0606,14.2826,15.069,13.3378,10.019,8.99513,8.6783,9.72918,8.70269,8.3661,8.45502,8.46575,8.5112,8.48876,8.46356,8.34574,8.5242,8.38729,8.45431,8.63805,8.8341,8.70014,8.49075,8.55675,8.54824,8.51782 +8.41505,10.2667,11.4631,12.3363,14.0062,14.4088,15.1372,15.9585,16.5024,15.0371,13.8993,13.1087,17.6239,18.1188,16.3358,16.5915,15.3773,13.1455,14.7169,15.4698,14.0186,13.6111,12.2437,12.7353,13.0186,14.2254,14.4532,14.5931,16.0243,16.1899,16.4123,15.4425,14.9851,14.875,14.5531,14.8339,15.2547,14.1309,14.5509,15.559,16.7035,17.9018,18.6859,18.5905,17.9535,18.5577,19.0098,19.6246,18.3867,19.357,19.2225,18.056,16.4679,13.8119,12.2531,13.2354,13.7669,13.0817,9.87034,7.84802,8.21028,9.44937,8.41813,7.66932,7.54915,7.35272,7.47034,7.25135,7.27394,7.13033,7.23018,7.24309,7.29775,6.69846,7.51408,7.56095,7.42168,7.4008,7.15626,7.59589 +9.7972,10.9209,11.9664,9.02164,14.0827,14.1771,14.4496,15.3387,16.3531,14.8733,13.8123,15.3939,18.0164,18.047,16.6237,16.5188,15.4321,15.1756,15.2126,14.8701,13.7952,13.0157,12.3334,12.1328,12.8439,13.3071,13.9537,14.5889,16.051,17.1799,16.2384,15.1372,15.1052,15.4876,14.0975,15.0168,14.7551,13.6718,13.9229,15.2791,16.4233,18.1116,18.603,18.6551,17.3466,18.6645,18.9732,19.9401,19.2093,18.1587,19.4834,18.8262,16.3937,13.245,11.1049,13.2092,13.8023,12.8765,9.49989,8.81601,8.68997,9.41992,8.83479,8.30924,8.04448,7.97453,8.16372,8.06964,7.8852,7.87767,7.82095,7.75664,7.81055,7.87665,8.11371,8.4156,8.68325,8.45173,8.05416,8.30297 +9.14509,10.8324,12.0052,12.9912,14.578,15.1263,15.7494,16.3365,16.5907,15.9322,15.4302,17.4139,18.5663,18.2559,16.8593,16.0907,15.9272,15.7275,15.447,15.5819,14.6254,13.7749,12.8997,11.9855,12.4311,13.9093,14.5309,14.7855,15.7588,17.1771,16.8249,15.5984,15.6502,15.6626,14.9068,15.5881,15.5843,14.6363,14.5526,15.8064,16.9261,18.0045,17.385,17.8107,17.8329,18.8499,19.2568,20.1012,19.5431,18.6346,19.3124,18.4052,16.4461,13.2362,11.556,13.6038,14.0242,12.2287,10.1533,9.41493,9.28547,9.58477,9.31921,9.20192,9.0819,9.04271,9.03827,9.08557,9.11207,9.0955,9.12393,9.21327,9.03841,9.11999,9.12615,9.23141,9.33048,9.32528,9.16724,9.21393 +9.2337,10.7383,11.8789,13.952,15.0717,15.5149,15.9842,16.4076,16.4136,14.5853,15.0149,17.4287,18.3636,17.0866,14.3878,15.3735,15.7251,14.7277,13.5127,14.2243,14.3611,13.3733,13.1568,12.7328,13.1896,13.0603,13.5609,14.3872,15.6993,15.821,16.4543,15.4959,15.4028,15.2441,14.4778,14.5417,14.772,13.6127,14.3687,15.3274,16.599,17.9084,17.7392,18.8148,17.8472,18.1901,18.591,19.3858,19.38,18.3116,18.4191,17.7126,16.7593,11.4772,12.0048,12.9814,12.602,11.6596,9.32913,8.15954,7.32638,8.27636,7.66442,7.17877,6.71397,6.10686,6.4951,7.44888,6.86876,7.16991,6.21863,6.47086,6.24717,7.38379,8.27086,7.83327,6.86138,7.01762,7.03737,6.59092 +9.9605,10.4664,11.1979,13.7079,15.1341,14.5739,14.902,16.0324,15.8428,14.5334,12.6815,17.4753,17.7924,16.6782,15.8312,14.2239,15.4438,15.099,14.706,14.0604,12.8249,12.3353,11.529,11.1451,11.6121,12.9277,12.1016,13.4394,15.1268,16.0679,15.7964,15.0175,15.8147,15.6143,13.3948,14.0036,14.1833,12.2209,12.5928,14.1284,15.5292,17.2923,17.4509,17.3393,16.8445,17.5088,17.801,19.6273,19.4855,17.8937,18.3243,17.9701,14.8531,12.9509,11.0194,11.8754,12.4378,11.3358,8.84561,8.71484,8.7765,9.59845,8.88955,8.7914,8.73806,8.71942,8.6887,8.73722,8.76764,8.73417,8.81341,8.8155,8.88889,8.98634,9.03473,9.00596,9.04927,9.02795,8.99648,9.01665 +10.3481,11.1605,12.0837,14.1479,15.1925,15.794,16.2599,16.5346,16.26,15.7883,16.7889,17.7067,17.6983,16.9564,16.1736,15.6522,15.1549,14.3716,13.8779,13.295,13.5221,13.2812,12.6318,12.4435,12.5535,12.1847,12.5858,13.1268,14.636,15.4722,15.3551,14.9934,15.2568,15.4074,14.2037,14.6357,14.3745,12.5758,12.8722,14.3962,15.805,16.6995,17.0488,16.312,16.2495,16.594,17.5625,18.685,17.8493,18.0993,18.6777,18.1185,16.1377,11.8526,11.0006,11.7705,12.6492,10.5063,8.35199,8.13672,8.31851,8.4318,8.22757,8.35602,7.91915,8.03452,7.98364,7.88892,7.92221,7.85439,7.76867,7.60141,7.89949,8.0286,8.34626,8.66443,8.28247,7.81625,7.85152,7.97841 +10.0228,10.8762,11.8188,13.8294,14.5189,14.9597,15.5804,16.0365,14.9322,14.5594,15.4739,16.5122,14.1848,16.3059,16.0664,14.9694,13.6115,12.7085,13.2462,14.1439,14.3209,13.4071,11.4071,10.8288,11.468,12.5536,12.3643,12.4538,14.0065,13.4027,13.8125,14.0189,13.8321,14.2155,12.9612,12.7622,12.5724,11.4775,12.2969,13.8042,15.2511,15.5531,16.103,15.8245,15.8006,16.1357,16.9085,16.9537,18.0733,17.5238,17.24,17.0451,14.9315,11.2761,10.6004,11.0648,10.798,9.4712,8.81285,8.61879,8.67011,8.70698,8.44142,8.42856,8.31755,8.21763,8.38752,8.32493,8.1597,8.22667,8.25124,8.1139,8.07873,8.15575,8.51192,8.48905,8.63785,8.49899,8.46555,8.33187 +9.89667,10.1852,10.7008,13.1797,13.7044,14.4883,15.4905,16.1837,15.8577,15.2608,13.3488,15.6651,16.1851,16.015,14.7419,14.6431,13.3295,13.0739,13.5483,12.9285,13.9217,13.9733,12.262,9.94433,11.0527,11.1966,11.7238,11.8705,13.0486,13.654,14.0731,14.7658,14.8283,13.7162,12.7012,11.9743,11.4652,10.5382,11.5102,12.7998,15.1877,16.1858,15.5019,14.6111,14.0073,15.3753,15.6951,17.0498,16.6853,16.2076,16.7414,15.6767,14.3043,11.5277,8.58035,8.91204,9.98972,8.11812,7.80066,7.59165,7.90791,7.74901,7.71739,7.5042,7.61959,7.69515,7.73689,7.76514,7.75836,7.68524,7.7506,7.6579,7.7523,7.85668,8.1991,8.09636,7.93653,7.76075,8.01037,7.88715 +10.0586,11.3581,12.4532,13.9766,14.9324,15.8241,16.3228,16.4663,15.9845,15.8372,15.5839,14.7735,14.9064,15.1754,14.6167,14.0873,13.3895,13.1105,13.6549,13.6899,12.4955,13.2358,12.6218,11.1285,10.8197,9.32872,8.8983,11.1411,12.4202,13.3979,13.7209,13.3298,12.4593,12.2053,11.0714,11.3567,11.5066,11.0318,11.4555,13.3602,14.6482,15.8478,15.0669,13.8671,12.4783,14.0928,15.3987,17.0335,16.9925,15.4616,15.2155,15.5868,13.0522,10.501,7.95998,8.85443,8.91672,6.60354,6.1111,6.00132,6.61508,6.05342,6.0392,6.08618,7.0984,7.24866,7.08698,6.68948,6.43117,6.88116,6.73214,6.3268,6.77048,6.67655,7.67214,8.10449,7.6617,6.97559,7.59802,6.6864 +10.3835,10.7023,11.2541,13.373,13.1974,15.0299,15.9468,16.3313,14.0086,14.9216,13.732,14.5111,12.6125,14.3423,13.4822,13.4941,10.86,10.322,10.3317,12.5583,12.1132,12.912,12.3754,9.17026,8.93768,9.73659,9.60774,10.1207,10.5687,12.0059,12.6407,11.8963,10.9353,10.7309,9.96287,8.98645,9.60688,9.37988,9.85095,12.2466,13.4686,15.008,14.2652,13.5123,12.8875,12.8071,14.1043,16.1604,16.4055,15.4349,15.0733,15.396,12.7841,10.2589,7.61621,8.09501,7.27173,6.23952,6.19181,6.50614,6.5812,5.72356,5.70101,6.21005,6.33272,6.69197,6.80347,7.03601,6.86727,6.11225,6.10748,6.73144,7.01516,6.69093,7.55824,7.99231,7.53355,7.64459,7.69287,7.04521 +10.5513,10.9993,11.682,13.7562,14.6624,15.7254,16.3947,16.7239,16.2237,15.2102,15.0136,15.4461,15.2999,14.8183,13.7973,12.7894,12.1384,11.8474,11.9008,12.5807,13.0069,13.1141,12.3528,9.95758,8.87962,9.74702,9.48976,10.5032,12.0551,13.0555,13.2726,12.1791,11.4371,11.2545,10.7243,10.1314,9.44622,9.31387,10.9028,12.4387,13.5924,15.0334,14.9593,13.955,13.6986,13.8854,14.1587,16.2963,17.1188,16.0255,14.8849,15.0177,13.1187,9.23014,7.41142,6.1483,5.97215,5.71045,6.04828,6.19572,6.84968,6.24192,6.25943,6.44873,6.22852,6.46004,6.30151,6.63115,6.31688,6.50241,6.27444,7.17384,6.53476,6.62755,7.9908,8.66743,6.75872,7.20655,7.11733,6.44145 +10.1428,11.1678,12.18,13.9162,14.4513,15.4727,16.1107,16.3466,14.9069,14.1935,14.889,14.9966,13.6178,13.8945,12.9783,11.6084,11.0263,11.5062,12.4867,13.1378,13.1375,12.9274,11.9451,9.33126,9.4648,9.51075,8.44956,10.3557,11.0568,11.4382,12.3813,11.8128,9.47937,10.3333,10.0817,8.91932,9.57169,8.94997,10.5048,11.1555,12.177,13.2989,12.4437,11.8135,11.9129,12.4591,12.1206,14.1427,14.895,15.089,14.4895,13.482,11.3013,9.18487,8.41825,8.34848,8.31886,8.2469,8.25459,8.17947,8.25788,8.1447,8.00681,8.09661,8.1993,8.31513,8.41856,8.5334,8.44361,8.33857,8.07132,8.13888,8.28024,8.20191,8.52226,8.87248,8.56781,8.56962,8.47819,8.40121 +10.2116,10.199,10.1457,13.1739,13.5799,14.567,15.5127,16.0602,14.768,13.7149,11.3103,14.6711,14.4593,13.7525,10.7829,10.5052,9.05594,10.8008,12.5963,12.5314,12.8412,12.915,10.9876,9.45183,8.79146,8.8092,7.98311,9.65569,10.3118,9.86081,10.8902,10.6478,9.32495,8.95696,7.92533,8.60987,8.54232,8.61113,8.91979,9.41237,11.4809,12.5506,12.9113,11.5237,11.6155,11.839,11.7609,13.7496,14.8291,14.4911,13.681,12.0485,11.0762,6.92616,6.12483,4.8231,5.37088,5.6351,6.00672,6.07091,5.70979,4.8055,4.30235,6.19221,6.2625,7.39141,6.79352,7.27882,6.43621,6.81374,5.95734,5.4941,5.86408,6.77585,7.06019,7.31166,7.38089,6.50469,5.93591,7.08515 +9.85655,10.97,12.0122,13.4378,14.1771,15.173,15.811,16.1179,15.6191,14.6356,14.4467,14.4083,13.674,13.4347,12.5138,11.0066,9.32513,9.79506,11.2339,11.7225,11.428,11.4386,10.139,9.50635,8.93076,7.26247,6.78732,8.63347,9.80664,10.3911,10.3956,9.82705,8.20489,8.31533,7.99693,8.58605,8.3905,7.91529,8.58469,8.21791,11.1517,12.4654,10.8315,11.635,11.9614,9.85829,9.57791,12.3194,13.2591,12.5298,12.926,12.2995,10.4114,8.94608,6.16633,5.93179,6.33902,6.56773,6.23844,6.27302,6.26004,5.25009,4.93498,5.98512,5.83201,6.93094,6.22687,6.96127,7.02009,6.97368,6.10933,6.37752,7.06295,7.38293,7.34188,7.4682,7.55804,6.74156,7.49872,6.79806 +10.0489,10.3887,10.964,12.6376,12.9242,14.2557,15.0606,15.3992,13.1375,12.6805,12.3402,12.6673,12.5641,12.9122,10.9983,9.88183,9.09591,7.87662,8.4699,8.47007,8.8162,8.50308,8.83498,8.73015,7.4806,7.19578,7.05202,8.68159,8.74495,8.89516,9.51461,9.15375,7.51386,6.13394,6.387,6.43201,6.00139,6.55917,7.70684,8.58532,10.6427,11.2186,11.673,10.7891,11.1597,9.84082,9.35514,11.2913,12.6726,13.0538,12.4124,11.0953,9.63614,7.88426,6.31636,5.76872,5.37687,5.20437,5.88011,6.06324,6.55677,5.47764,5.05989,6.24673,6.6803,6.62201,6.54437,6.15258,6.50635,6.29594,6.14283,6.82711,7.16233,6.69559,7.76354,7.75843,6.71472,6.68757,7.8341,7.31052 +9.92869,10.3328,10.9747,12.5926,14.0022,14.7337,15.1198,15.1188,14.1001,12.8424,11.0865,11.2207,10.8953,11.5973,12.1862,10.6694,7.19644,6.80124,8.11923,7.17685,7.26553,8.85856,8.64283,8.02415,7.06184,6.4749,6.14018,7.44821,8.78532,9.36897,9.51934,9.4934,8.09715,6.80901,6.48327,6.6338,5.31755,5.16465,6.591,7.2758,8.53879,9.40983,10.2864,10.7041,9.1819,8.76024,9.37926,11.238,11.9075,11.9806,11.5717,11.015,8.6166,7.76652,6.0026,6.16829,5.28575,5.67844,5.30842,5.43346,5.93319,6.06555,5.85423,5.23613,6.32067,7.04263,6.97475,7.00485,7.17513,6.74543,6.63843,7.22402,6.23988,6.37046,7.14401,7.04428,7.38837,6.99244,7.68747,7.46285 +9.51024,10.4313,11.4033,12.8764,12.6653,13.1036,13.7609,14.2391,13.5327,12.2401,12.0395,12.3602,12.7037,12.5581,10.823,9.06216,9.51144,8.82723,9.72128,9.43968,8.69587,9.07307,8.68033,6.79204,7.0873,6.92676,6.83511,7.37035,7.99154,7.50892,7.93867,7.50013,6.66775,7.03756,7.79377,7.85323,7.31617,6.69729,7.47348,9.48243,10.333,10.9113,11.289,10.2111,10.3008,8.85093,9.20238,9.40048,11.1395,11.3116,11.8313,10.5285,9.49323,7.9197,6.59114,6.27936,6.21872,7.25876,7.18444,7.42458,6.88256,4.92346,5.13767,6.06962,6.68,6.45485,5.6567,6.82273,5.64574,6.15294,7.09008,6.15925,5.84107,6.23142,6.33456,5.90182,6.79253,6.28519,6.82942,6.73129 +9.05587,9.51674,10.2108,9.59761,11.7863,12.3094,12.7899,13.1301,12.6809,6.4742,11.0167,11.9334,11.8462,11.4031,10.9853,10.2469,8.40423,8.70408,8.87641,8.36882,7.94601,7.96526,8.70869,8.37547,7.77406,7.18597,7.72413,8.02341,6.74037,5.39338,8.63253,9.25006,8.15205,8.84796,8.93075,8.2974,9.60128,9.4988,9.248,9.97299,10.9782,11.4839,12.2244,12.54,11.7938,11.7894,11.0304,10.05,11.5581,12.0543,13.3244,13.0058,9.79564,9.94922,11.2772,13.7885,13.7714,13.637,13.149,12.3781,11.4522,7.5111,5.62863,6.37355,6.42742,6.169,6.76895,6.3733,6.8106,6.8104,6.16023,6.31056,7.13768,6.36427,6.50313,6.26746,5.85392,6.77857,7.82638,6.84932 +7.68832,8.70445,9.71347,5.71662,10.121,10.2768,10.209,10.7362,12.0983,11.9179,10.7308,11.5679,11.2464,10.4752,10.22,9.93902,9.32996,9.55926,8.93495,7.76978,9.24824,9.46875,9.41355,9.11198,7.62834,6.89871,7.84084,9.15497,9.41292,10.0895,10.599,9.67386,9.72399,8.8007,8.6763,8.55038,10.1395,10.7177,11.4711,11.7129,10.7226,11.724,11.8377,11.9512,13.1452,13.6816,11.5851,12.6648,12.2777,12.8367,13.8189,14.1835,12.6755,11.2652,12.7365,14.7711,15.4248,15.3284,14.4359,13.8345,12.6386,9.27201,7.01217,7.05935,7.22146,6.95829,7.66598,6.80252,6.6431,6.3269,5.70307,6.63419,6.97535,6.12532,6.39693,6.72436,7.18876,6.8984,7.56867,6.92561 +8.65584,9.41245,10.3074,11.5955,12.4342,12.6928,12.7711,12.6279,12.1861,10.3873,12.4119,12.2935,9.84537,10.4141,9.36004,9.76591,10.5658,10.1196,9.38828,9.80673,9.13954,8.486,8.10874,7.59385,7.27617,7.57797,8.88471,8.83177,9.34893,10.0307,10.684,10.0488,10.1927,9.66621,9.56845,8.22948,9.77892,11.2071,12.6674,12.39,12.4978,13.7839,12.5156,12.3896,13.3419,13.4916,13.0867,12.465,13.745,14.7762,14.55,15.0864,14.0009,11.7774,12.1991,14.3022,15.0562,14.6224,14.8136,14.7782,12.2877,9.45399,7.63588,7.27665,7.53222,7.22556,7.19322,7.39656,7.38618,7.29405,7.16141,7.10265,7.27932,6.77106,6.99605,7.72111,7.67595,7.67524,8.15414,8.06754 +8.13332,9.39303,10.4778,11.8832,13.2579,13.5707,13.6713,13.7959,14.5358,13.9661,11.146,14.3266,14.3176,13.7038,13.5895,13.1592,11.6847,11.3749,11.1767,9.48887,9.84115,9.96923,9.39206,8.44123,9.19821,10.6126,11.7383,12.5875,13.2632,14.6862,15.2275,14.6285,13.0364,11.7267,10.5357,10.0288,11.5228,12.7966,13.5599,14.5616,15.1581,15.7756,15.3949,14.6158,15.5289,16.3973,16.0669,14.592,14.9514,16.0555,17.0094,16.29,15.3942,12.5773,11.5277,13.8714,14.3328,13.4461,13.8681,12.7638,11.1382,8.89034,7.46543,6.74793,6.82991,6.87192,6.4357,7.13205,7.20974,6.7316,6.77374,6.95963,7.13851,7.1045,7.27772,6.98663,7.48224,6.86622,7.1862,7.6035 +8.56766,9.98806,11.1113,9.9307,13.5759,13.5329,13.7335,14.7328,15.7961,15.0351,14.3811,13.6195,15.6721,16.2385,13.8223,13.8266,12.5435,11.1858,12.1241,12.3619,10.772,11.3317,11.7047,10.9302,11.08,12.1012,12.0596,12.6338,13.8888,16.7423,16.8074,15.8396,13.7113,13.4393,12.0894,12.2615,12.7227,12.9879,13.7869,14.2248,15.5841,17.2703,16.4332,16.5058,16.28,17.4723,17.3549,15.3284,16.0251,17.2226,18.463,18.2696,15.074,13.5285,12.929,14.0931,14.182,12.3131,10.97,10.7875,9.3819,8.9681,8.37025,7.97595,8.04892,7.92403,8.33633,7.60297,7.865,7.6772,7.80984,7.96655,7.84177,7.82582,8.14737,8.17845,8.24876,8.09297,7.77449,7.74493 +9.18749,10.0855,11.0478,12.9001,14.2178,14.5187,15.187,15.9463,16.3056,15.5947,14.7855,15.8326,17.2416,17.8095,17.3524,16.3903,14.8712,13.8025,14.1849,14.3382,13.749,13.3996,13.3662,13.3162,13.4964,13.5658,14.2754,15.1271,16.8838,18.2149,18.0175,17.4071,17.0513,16.5221,15.3736,15.1688,15.1932,14.8279,15.2466,16.2459,17.2149,18.6224,19.1776,19.3729,18.435,18.5772,18.5578,17.7808,17.7566,19.2935,20.1853,19.8312,17.7295,13.7581,13.0545,14.7224,15.1483,12.3415,11.7235,9.93875,9.06261,9.25584,8.16259,8.01579,7.37058,7.77556,9.96074,9.87462,8.66497,6.32069,6.40366,6.99669,7.426,6.78803,7.749,8.32309,7.98639,7.70698,8.15236,7.38607 +8.02102,9.67286,10.8399,12.9005,14.2062,14.8278,15.4702,16.009,16.0947,14.3935,14.7705,16.0446,17.6945,17.4136,16.6365,17.1209,15.4835,14.3224,14.6848,14.263,13.8601,13.7962,13.9961,13.9897,13.8571,13.779,14.2375,14.8833,16.5109,17.462,17.2169,16.6136,16.2101,16.4843,15.5776,15.253,15.2873,14.9542,15.3726,15.9947,16.9211,17.1123,18.4093,18.8264,18.7864,18.7976,18.6554,18.0977,18.3847,18.5379,19.4787,19.3567,18.5198,14.4837,13.972,16.4449,16.7248,13.2805,11.7484,9.95357,8.0857,9.20602,8.21343,7.46152,7.31509,7.42794,9.41216,10.0416,8.52182,7.26944,7.39428,6.95516,7.21809,7.56701,7.79982,7.87803,7.30186,8.17365,8.30431,7.71427 +9.85484,10.0914,10.5389,11.8181,14.5091,14.5164,14.7414,15.4832,16.147,14.1632,14.109,13.7947,17.3056,17.4053,17.7162,17.8592,15.7375,13.3926,14.7063,14.3573,13.9656,13.8336,14.1418,13.4047,13.4534,14.1639,13.9691,14.6319,16.1699,18.0835,17.5411,16.799,16.1802,17.056,14.8603,15.3498,15.2678,14.7901,14.87,15.562,16.5558,17.2571,19.3619,19.9545,18.5723,18.7376,18.5928,17.3071,17.8194,19.2487,19.7897,19.547,17.7274,16.3214,14.8153,16.5047,16.8323,13.6592,11.3669,9.58127,9.01176,9.39379,8.7524,8.69609,8.64249,8.63052,9.95874,10.1465,9.11075,8.16781,8.27967,8.17498,8.15539,8.44238,8.45088,8.45794,8.37143,8.51971,8.92262,8.33328 +9.9833,10.3683,10.9914,12.5849,14.6718,14.9025,15.0337,15.424,16.2465,15.4208,14.24,15.0058,16.9909,17.8999,18.5507,18.6441,17.4259,15.5798,15.5766,15.8345,15.7341,15.5805,15.0635,14.1405,14.174,15.3661,15.2702,15.3551,16.9666,18.6628,18.5427,17.7568,17.5169,17.4208,16.1745,16.3461,16.5937,15.6418,15.4166,16.4717,17.4711,18.7875,19.7168,20.1915,19.1619,19.2874,19.2793,19.0313,18.3475,19.688,19.9308,20.524,18.6966,15.491,14.9097,16.9314,16.9007,14.439,11.593,10.4793,9.90628,10.2588,9.73832,9.59581,9.63228,9.57258,10.7578,10.9157,9.75987,9.18836,9.21002,9.13943,9.06415,9.20387,9.14022,9.20332,9.08059,9.28203,9.21102,9.04963 +9.32879,10.3738,11.3931,12.8991,14.636,15.1505,15.5536,15.9046,16.1724,15.279,13.9695,15.0186,16.8053,17.0297,18.2879,18.7906,17.3458,15.2454,15.711,15.9835,15.835,15.4473,14.6543,13.8271,14.6463,15.5339,15.4273,15.6022,16.7119,18.6293,18.5779,17.707,17.6775,17.3093,16.6457,16.7374,16.7333,16.1152,15.8428,16.7548,17.3538,18.311,19.221,19.7841,19.2235,19.4958,19.3013,19.187,18.5752,19.566,19.9553,19.8365,18.8173,16.2656,16.0288,17.528,17.0491,14.5091,11.7281,9.1782,8.97883,10.1603,9.10291,8.60436,8.56193,8.52622,10.3372,10.9074,9.18659,7.47467,7.69574,8.00497,7.77945,7.82291,8.25456,8.46985,7.91593,8.08627,8.0474,8.04732 +8.93875,10.4528,11.5953,12.228,14.5063,14.8633,15.07,15.3785,16.0685,15.0018,13.3606,14.7717,16.9735,17.0922,17.8434,18.5257,16.9052,13.5773,15.0569,15.6112,14.5089,14.5776,13.9058,13.8729,14.1458,15.2226,15.1276,14.879,16.2953,17.9422,18.3775,17.3861,17.5786,16.9265,16.1798,16.129,16.3357,15.5555,15.4007,16.1524,16.6277,17.6235,19.176,18.8401,18.8858,18.7326,18.8384,18.5179,18.4483,18.7144,20.3254,20.5246,18.2264,14.7308,15.578,16.8149,16.8958,13.3465,11.2679,10.0652,9.79311,9.94572,9.39469,9.08921,9.06654,8.89604,9.92617,10.1089,9.05888,8.36052,8.49562,8.47136,8.31369,8.21929,8.35833,8.68777,8.75767,8.61836,8.88578,8.53577 +9.06264,10.596,11.7422,8.27176,14.1469,14.4835,14.4493,14.5993,15.9508,14.7506,14.3936,12.5909,17.0673,18.0072,18.2748,18.1312,16.8555,15.5186,14.7903,15.183,14.1621,14.5005,14.1476,13.3242,13.7522,14.8737,14.6382,14.9564,16.5004,17.9097,18.601,18.2943,18.2643,17.387,16.4481,16.3284,16.2644,15.3298,15.0211,16.2097,16.4081,17.8099,19.29,19.3757,18.629,18.9938,18.7203,18.5302,18.2544,18.9742,19.7523,20.2752,18.1489,15.9625,15.9888,16.1434,15.8983,13.9147,11.5604,10.6264,10.6024,10.7806,10.5393,10.369,10.4356,10.3445,10.7038,10.6227,10.4658,10.3368,10.347,10.3399,10.3291,10.3583,10.4145,10.4704,10.4725,10.4444,10.4421,10.4706 +9.77961,10.7559,11.7501,12.5299,14.127,14.5276,14.9464,15.4936,16.0929,15.7412,14.9134,16.3003,17.7291,17.7067,17.3798,17.4572,16.2897,15.2731,14.9827,14.3719,14.3108,13.8047,13.2831,12.2934,13.863,14.7345,15.0143,14.6226,15.9741,17.59,18.2988,18.5024,18.5369,17.9891,17.093,16.7744,16.5786,15.7653,15.3929,16.3325,16.8306,17.6967,17.7971,18.5446,18.2657,18.758,19.0501,18.6419,17.3052,18.7046,19.957,20.0889,18.4609,16.2615,16.4794,16.5277,16.2143,15.0042,13.0085,10.8682,10.4817,10.6617,10.1541,10.126,10.0747,10.1368,10.9808,11.1035,10.5575,10.0188,10.0444,10.0867,10.122,10.0886,10.1524,10.1555,10.1809,10.2109,10.2451,10.2667 +9.9065,10.5545,11.3867,12.4026,13.9946,14.4538,15.0382,15.7096,16.248,15.7908,15.3013,16.3903,18.0013,17.7612,15.2875,16.8877,15.7593,14.7636,13.8054,13.6333,13.9608,13.9472,13.6742,13.6341,13.8225,14.1742,14.655,14.3549,14.9501,15.8988,17.1199,18.2736,17.9208,17.7054,16.61,16.1205,15.8273,15.2212,15.0693,15.7028,16.4204,17.2259,17.9964,18.4301,18.5845,17.6525,17.5428,18.1998,18.0207,18.2057,18.5421,19.4484,18.3481,17.0165,16.8955,17.0923,17.106,14.5778,11.7429,10.747,10.7031,10.7136,10.6392,10.5765,10.5085,10.5268,11.1696,11.479,10.9176,10.515,10.5252,10.5107,10.5293,10.5652,10.5823,10.6233,10.6299,10.6815,10.7846,10.6993 +8.59046,10.4235,11.6175,11.4101,14.0489,14.3169,14.69,15.4123,16.2489,14.2892,15.0235,15.1838,17.8063,17.8623,16.2069,15.9806,14.5608,13.3399,12.7881,13.3189,12.9613,12.894,13.3685,12.6042,12.813,14.4206,13.9784,12.9575,13.366,15.6418,17.0226,18.5004,18.3069,16.6521,15.7571,15.5629,15.0196,14.1906,13.7055,14.7607,15.7097,17.0251,18.7812,18.904,17.6462,18.2361,17.5448,17.4792,16.9596,17.3067,18.3824,18.5109,17.6154,17.2518,15.381,15.921,16.0926,14.586,12.4247,9.92879,8.78661,9.96782,8.77192,8.51474,8.60609,8.61568,10.7253,10.6492,9.58444,8.58745,8.54059,8.42473,8.52665,8.60284,8.60387,8.78509,9.17142,8.88236,9.30434,8.78634 +9.48271,10.6428,11.6994,9.96087,14.1538,14.3266,14.6577,15.4182,16.2741,16.0212,15.776,16.4842,17.4548,17.2912,16.051,14.632,13.6719,13.3408,12.6048,13.3412,14.3022,14.3557,13.9276,13.13,13.3343,13.6054,13.6691,13.253,13.6805,15.9397,17.6827,17.7995,16.9112,16.2173,16.0646,15.5293,14.8623,13.5561,13.848,15.0785,16.041,17.7074,17.772,18.1046,17.5815,17.2457,17.6273,17.0992,16.301,17.097,18.5582,18.7479,17.6747,16.252,15.3139,15.2387,14.6872,14.8712,13.2965,10.2255,8.40087,9.49962,8.18402,7.44713,7.53724,7.9837,10.1285,9.55631,8.17439,7.72651,7.34826,7.60271,8.07788,7.61185,8.08592,8.41099,8.72239,7.91027,8.49721,7.90865 +10.3374,10.7187,11.3381,13.72,14.7122,15.0271,15.2782,15.4675,15.3314,14.5924,14.566,15.4502,16.4001,15.5882,14.0134,14.4881,13.777,13.4227,12.9009,12.9748,12.3362,12.0428,11.947,11.5777,11.9165,12.6819,12.8982,12.148,12.614,14.6785,16.1363,15.6763,15.4451,13.5681,13.5312,12.3455,12.6353,12.0151,12.767,14.9031,15.6266,17.1456,16.2329,17.0766,15.7217,14.7537,15.2048,16.3077,15.9408,15.7328,16.964,18.1533,17.2922,16.8905,15.0881,15.2223,15.1274,13.5005,11.8072,10.2904,9.92669,10.1637,9.79351,9.74949,9.64323,9.60527,9.88278,9.80432,9.67538,9.56894,9.53633,9.61656,9.61234,9.63711,9.59571,9.64914,9.69541,9.72552,9.87398,9.75596 +9.84556,10.5525,11.4201,13.528,14.5381,14.4046,14.0722,13.9396,13.4159,13.4249,13.4368,13.9205,15.26,14.0518,14.2545,13.0507,11.6425,9.99375,9.84441,11.4878,11.4966,11.9512,10.9669,10.0365,9.36155,11.9803,12.6382,11.162,9.6324,14.2187,15.0439,15.6953,14.3408,12.971,13.209,11.5113,10.8997,10.7388,11.2951,13.6218,14.1305,15.3293,15.6868,15.4942,15.7009,15.6566,15.3393,14.9974,15.549,15.8197,16.7956,17.444,16.5613,15.6988,13.7993,13.2281,12.7203,11.7517,9.05014,7.61249,7.14049,7.69749,7.42525,7.50752,7.68998,7.36324,7.36929,7.27494,7.4331,7.51523,7.81754,7.73313,7.63476,7.71596,7.64826,7.31184,7.88801,8.00496,7.69328,7.66965 +9.13114,9.95212,10.8795,12.649,13.8717,13.7393,13.4465,13.638,14.1963,13.9962,13.2908,12.9888,13.9604,14.4252,14.6249,14.2084,12.927,10.7912,9.73394,11.0067,11.8054,12.1114,10.8821,8.73555,10.2122,10.2682,10.3637,11.216,11.0221,13.6036,15.4777,15.7022,14.5914,11.7112,11.9797,10.7042,11.3397,10.7203,11.3618,13.2191,13.6284,15.5196,15.4904,16.3088,15.5935,15.8887,15.4308,15.0747,15.655,15.5691,15.922,15.6747,15.3578,14.2596,12.5052,12.446,11.7998,10.9115,8.36695,6.95612,5.63372,6.03053,6.23435,6.41749,6.57598,6.30845,7.39915,6.97132,6.55686,6.86534,6.96754,7.22571,6.99642,7.20976,7.74531,7.73366,7.30682,6.91371,7.83754,7.61757 +8.71467,9.61136,10.5731,12.0226,12.692,12.8114,12.7315,12.3967,11.6697,8.35991,11.5897,12.8101,11.8347,12.0809,12.4701,10.8282,10.1535,9.44162,9.25496,10.1886,11.5644,11.8579,10.4148,10.017,11.3743,11.6905,11.6652,10.066,11.2708,13.4482,15.0483,15.3967,14.8482,12.2397,10.8087,10.9543,10.3033,10.8715,10.9341,13.053,13.4125,15.6014,16.1363,16.2713,15.3942,14.5237,14.0957,13.8438,14.936,15.4501,15.1359,15.1388,14.4986,12.5012,11.5378,12.9728,11.6777,11.0465,8.14167,7.62297,6.38273,6.17073,6.43907,6.39535,7.245,7.24642,7.25319,7.35269,6.94152,6.73094,6.62693,6.63522,7.11739,6.71198,6.77244,7.41585,7.4649,6.97475,6.98856,6.69301 +8.15041,8.8827,9.76449,10.2328,11.5741,11.7605,11.7087,11.5081,11.8236,11.5087,12.2858,12.8017,13.0694,12.8996,13.0827,12.7031,11.2581,9.56752,8.18282,9.35617,10.2717,9.96226,9.58698,9.65957,8.83199,9.0554,11.126,10.9872,10.5862,12.33,13.3952,14.3617,13.8119,10.8116,10.7457,9.42965,10.3677,9.77099,9.95751,11.7117,12.4952,13.7137,14.7609,14.0357,13.9991,13.4493,13.299,13.3713,12.8409,13.939,14.7228,14.9361,13.7936,11.8433,10.4616,12.7915,12.6851,11.1311,8.94969,7.71637,6.00736,6.44722,6.34582,6.65421,6.82895,6.46135,6.62771,6.57338,5.98531,6.55693,6.63598,7.04188,6.86949,7.15572,7.33733,6.66485,7.16238,7.36002,7.34644,6.35831 +6.68057,7.01128,7.57657,10.1456,11.6023,11.4064,10.7514,10.327,11.3473,9.9533,9.04353,8.58464,11.0428,13.2852,13.2382,11.763,9.47319,9.03947,9.25276,9.67983,9.90952,9.05769,6.99206,7.34859,8.62875,9.39548,9.76641,10.0618,10.7656,11.3565,11.8698,12.3786,12.3121,10.0852,10.3555,8.74509,8.75397,8.71063,9.71953,10.3461,11.4241,13.5805,14.488,13.897,13.8126,13.0726,12.2712,12.0822,12.0511,12.6175,13.2547,13.6577,13.2138,11.5779,10.784,12.4732,13.1727,10.8481,9.71131,9.83797,8.29149,7.22104,6.37543,6.68243,7.17517,6.22004,6.56357,6.20192,6.27886,6.27319,6.91143,7.0622,7.12464,6.62309,7.49739,6.12904,6.78132,7.60965,7.26316,6.75424 +5.01245,6.55229,7.69968,10.2324,11.317,11.4156,11.1074,9.63454,9.42279,10.389,10.02,11.3932,12.7473,12.9434,10.2235,8.9989,8.91438,8.93751,8.25558,8.5156,7.69234,8.33334,7.26836,6.56478,8.41457,8.87277,8.65145,10.0186,11.4,10.7195,10.1352,10.5122,10.9313,10.0891,10.3933,8.72594,8.14314,8.86027,8.47534,10.2042,10.2932,12.0993,15.3201,15.5904,13.756,12.1072,12.0419,12.8622,12.6417,12.4669,13.0927,14.057,13.4318,11.8764,12.5566,14.6175,15.3347,12.5357,11.9581,11.3,10.0795,8.20384,6.96852,6.52716,7.05173,7.1808,7.39874,8.42677,8.40184,7.94873,6.66984,6.33791,7.16416,6.99831,6.11667,6.26535,7.02111,7.7566,6.83584,6.59709 +4.73275,4.81469,4.99729,9.48033,10.3271,10.0309,9.15483,8.71996,10.1953,11.0246,10.8631,11.8285,13.4761,13.455,11.2108,7.47677,7.80079,8.7044,8.73952,7.22357,6.47914,6.93707,8.39966,8.8749,8.14964,7.48789,6.75404,8.02434,9.89069,12.3571,13.443,13.6501,12.2812,9.61917,8.71581,8.74484,8.09409,7.27144,7.44012,10.4819,12.2272,13.499,14.324,13.923,13.2946,13.4438,13.2321,12.6107,12.5079,12.51,14.6577,15.3821,14.9274,14.3935,15.3177,17.4676,16.3461,13.5243,13.2235,12.1023,9.9051,9.39803,7.70373,7.15134,6.9368,6.82395,8.23284,8.66465,9.02483,8.86791,7.67317,8.07361,8.19394,8.24545,7.86135,7.94786,7.96162,8.34903,8.64923,7.663 +4.58478,4.97113,5.59556,7.89965,9.96326,10.2931,10.222,9.45596,9.54915,9.50228,9.99652,11.5548,13.0655,13.3425,12.0896,9.96956,8.28845,6.30809,7.6193,7.88854,7.73447,7.66094,7.45921,8.31182,7.55516,8.08242,7.58495,8.12168,10.4003,10.3234,11.2167,12.7191,11.5942,8.12079,8.06695,7.59606,8.24095,7.27278,7.37137,8.91138,11.8127,12.7264,14.3782,14.4405,13.9474,13.7735,13.1651,13.9835,13.2611,14.6746,15.8136,17.7596,16.7628,16.0189,16.0211,17.116,16.9133,13.5498,14.2447,13.6649,10.347,9.99405,8.34031,7.93842,6.91274,7.26325,9.30538,10.1985,9.57816,9.43182,8.91632,8.5778,8.2036,7.61184,7.5041,8.11565,7.39414,8.31419,9.20145,7.83836 +3.13272,6.25231,7.53863,7.0223,9.387,9.52258,9.19182,7.75583,8.96033,7.94666,6.20123,8.83709,10.7959,11.5481,10.0371,6.9164,7.38941,6.01729,4.61407,7.13337,8.69847,7.66013,7.00483,7.63218,7.12082,8.38778,8.40648,7.1608,8.34886,10.3076,12.3867,12.3984,9.57305,7.03863,8.78394,7.65593,7.66016,8.12929,8.64882,9.17009,10.9913,13.055,13.7532,13.8211,14.7548,14.7763,14.6923,15.0715,14.8431,16.7368,18.5799,18.5483,18.1602,16.4579,14.9004,17.1736,17.3136,15.3482,15.5226,14.5155,11.6145,10.9072,9.68185,9.76032,8.49462,8.7589,12.0525,12.0407,10.9928,10.5349,10.5607,9.50581,8.0916,8.12896,8.27709,8.89877,8.74926,7.6386,8.58753,8.17406 +4.10942,5.06596,6.05239,7.91523,8.39491,8.45659,8.19432,7.94273,9.28871,8.41958,7.12147,7.74813,9.90476,10.1882,8.28686,7.87451,8.02227,7.52342,7.1145,6.39434,7.36404,7.72903,5.96907,5.65114,6.18678,7.31169,6.81738,8.24655,9.314,9.86873,12.1339,13.2699,11.8046,8.05985,9.03497,7.88179,8.953,8.65225,7.29735,9.73094,10.8904,11.6146,14.7609,15.4306,14.8653,13.8608,15.8488,15.9278,16.1303,17.5226,18.8247,18.9961,17.4879,15.3926,16.4386,18.8181,17.8695,15.2826,15.0349,14.4678,12.2295,11.5403,9.89585,9.90575,9.23559,9.47348,12.3618,12.3784,12.8873,11.3988,10.6831,9.91506,10.0859,8.86824,8.05017,8.98191,9.28057,8.28647,9.22538,8.39701 +3.18802,4.28373,5.32022,7.64346,8.34289,8.31743,7.90798,7.20039,8.46477,7.43298,7.6119,7.07085,9.88813,10.3185,8.94044,7.70709,7.53785,5.90321,6.60922,6.87124,7.83915,8.35821,8.26014,6.8262,6.68836,7.35218,7.31369,8.2314,8.66763,9.67837,12.2926,12.42,11.8062,9.19457,9.66846,9.55072,9.96956,10.4628,10.6157,11.053,12.2291,13.2179,15.3795,14.967,15.9471,17.5858,18.1779,17.3826,15.9401,16.6904,17.9991,18.5436,17.6286,15.98,16.2324,17.4813,17.2229,14.7989,14.5153,14.346,11.0939,11.6677,10.7064,11.1876,10.6,10.8242,13.0954,12.7899,12.4944,12.2397,11.9691,10.0698,9.52387,9.41002,9.58102,9.18592,9.2443,9.39234,9.62737,9.41092 +3.86303,3.79167,3.54239,6.62065,7.6738,7.97413,7.7953,5.81548,5.81771,6.84838,8.22081,8.71208,9.57351,10.0994,9.0077,6.1527,5.80516,6.14981,5.84643,7.28147,7.07271,6.15686,6.32892,6.97215,8.0068,6.96313,7.71985,8.46547,9.43349,11.2349,13.249,13.3979,11.4669,9.2799,10.6768,11.2862,10.5435,10.8571,11.5229,12.7579,12.9595,15.2266,16.4336,17.6887,17.8607,18.1621,18.9631,18.427,17.1479,17.0343,17.2201,17.7728,16.2878,15.7898,16.1119,17.8836,17.3033,15.8458,15.1931,14.6159,10.4815,11.6658,10.8071,11.1038,10.7828,10.9686,12.9462,13.4102,12.7092,12.0843,11.5211,9.96663,9.04689,8.47678,9.61543,8.59338,8.50705,9.24958,9.2175,8.50854 +3.06651,3.0712,3.06743,5.9129,6.15762,6.91012,6.92961,4.13866,5.69528,7.29108,7.69923,8.80286,9.64188,9.95741,8.92861,7.56389,8.06134,7.81973,7.84116,7.19745,7.44597,8.49427,8.11273,7.84042,8.80073,10.0317,10.4166,10.0296,7.77367,10.8333,11.9984,12.9744,12.796,10.545,9.74758,11.3818,12.1235,11.9897,12.8289,12.809,13.0825,14.4689,15.3755,15.51,16.2344,18.9939,19.6447,18.385,15.9697,15.9176,17.3349,18.3883,17.5829,15.3261,14.477,17.179,17.4152,15.9569,14.5177,13.2462,10.0194,11.0351,10.1423,12.1981,11.6719,11.7268,12.6722,13.0308,12.8728,12.2414,11.0862,9.66604,9.34758,9.33435,10.0912,8.87881,8.85074,8.97786,9.10576,8.92138 +2.9885,3.1427,3.46294,4.64342,5.60402,5.436,4.91769,4.56209,5.21738,5.79119,6.9675,8.34044,9.67683,9.11731,7.41516,6.87842,6.51762,6.99387,6.1611,5.37649,7.15688,7.72801,7.72635,7.63436,9.52232,11.26,11.8656,11.9136,10.9816,9.90793,11.329,12.2446,11.649,11.1748,10.4423,11.5071,11.0256,11.2514,12.2106,12.6486,13.7631,13.767,14.5093,15.9807,16.1683,17.861,17.3511,16.5349,15.6586,15.0463,15.8321,17.1884,16.4634,15.14,14.4209,16.7624,16.0099,14.5984,13.9728,13.3962,10.6183,9.67965,9.78528,10.3678,10.811,10.6469,12.2215,12.3139,11.8148,11.7306,10.6534,9.15487,9.24345,8.68772,7.97457,7.51518,8.21886,8.58335,8.42593,7.71732 +3.11382,3.45393,4.0297,3.43064,4.63825,5.17157,5.15145,4.61469,6.07162,4.3804,4.15937,7.21954,9.12643,9.28723,7.88505,8.21441,8.83558,8.87544,8.0623,7.28788,5.29685,5.75754,7.22968,7.32539,9.38698,10.9997,12.1393,12.376,10.6847,9.29114,8.81637,10.7497,11.4208,11.9078,11.7207,11.6834,11.4816,11.3182,12.2423,12.6687,13.2341,13.2023,14.1783,15.1501,15.6905,16.9309,17.6142,15.5581,15.7076,14.6585,15.3294,16.5345,15.8077,13.8598,12.5705,15.581,15.4006,13.699,13.365,12.7048,9.59695,8.72727,9.37982,9.77219,10.4544,10.2819,11.1796,11.6039,10.9601,10.4801,9.24975,8.74845,8.66919,8.37452,8.35738,8.11844,8.24861,8.10962,8.43588,7.63191 +4.07999,3.94147,3.38565,3.24782,5.35761,5.08232,4.37331,4.17866,3.84106,2.08077,7.44937,7.88794,9.7281,9.68127,6.72425,6.32385,6.54302,7.36495,7.52998,6.86672,6.6324,6.69367,9.02441,10.1604,12.6725,13.6162,13.1696,11.8982,10.1594,8.67265,10.0127,11.464,11.7952,12.2764,11.8559,11.5254,11.7533,11.0212,11.2084,12.1472,12.8468,13.8537,14.4585,14.8548,15.1334,16.432,16.234,15.365,15.4669,13.1911,14.1894,15.6136,14.9948,12.2393,12.8435,15.3877,14.9661,13.7363,12.8127,12.0431,9.48028,7.96933,7.49948,9.09241,9.1263,9.23392,10.0337,9.85108,9.94974,9.0342,8.53109,8.40479,8.68409,8.27908,8.22602,8.53273,7.82443,8.19393,8.89801,7.89379 +2.87542,2.82364,2.64546,1.21756,4.12807,3.94767,3.58859,3.89406,4.50531,5.63874,4.17237,7.08705,9.2594,9.5242,8.28251,6.58778,6.68414,6.12954,3.79899,3.66732,4.09156,5.77288,8.25851,10.8705,13.1791,13.59,12.1684,8.63439,9.13292,9.45425,10.2129,9.88572,9.60983,10.599,10.8094,10.6969,9.99898,9.8926,9.8627,11.5318,11.5415,13.3053,14.4567,14.4375,14.1333,14.6907,15.8779,16.4205,15.0626,12.1991,14.1227,14.7038,13.8531,12.4906,12.6817,14.6061,13.8075,12.5664,12.4675,11.5967,8.66318,6.83419,7.60652,8.83037,8.34953,8.95223,10.4285,9.9963,9.93827,8.23306,7.64197,7.57698,7.82039,8.08797,6.27392,7.05845,7.3668,6.92386,8.01644,7.30983 +3.02644,3.08157,3.20494,3.77494,3.50207,3.25869,2.95727,3.25537,4.18826,4.0253,4.46722,5.68378,8.50398,8.1612,6.23636,5.16261,4.81139,6.06414,6.5409,6.37975,4.52037,6.25171,8.85811,9.70304,10.1304,11.1543,10.2984,10.0169,9.76071,7.49974,9.69269,9.76694,9.58762,9.44265,9.21035,9.24734,9.81107,9.37426,9.27668,10.2195,11.9424,13.6632,14.8639,13.3908,12.5678,13.256,12.1627,13.8804,13.6369,12.8479,11.9808,13.8397,12.9273,10.9136,11.8869,13.5012,12.9521,11.8309,11.0074,10.7367,7.9412,7.75339,8.60836,8.34655,8.34081,8.09853,9.42394,9.12994,8.97777,7.72836,7.3602,7.65108,7.70492,8.009,7.49376,7.85177,7.8755,7.96129,8.31814,7.58872 +5.45375,6.35611,7.32028,7.71121,7.05881,6.99883,7.16502,7.52685,7.88702,8.02301,7.82486,9.26683,9.5022,7.01972,6.89449,9.07466,9.70138,9.09952,8.6323,9.01255,9.1202,9.42902,9.471,10.6064,11.1439,11.1474,10.0487,8.39688,8.67597,8.79059,9.65468,9.661,9.80026,8.56911,7.91038,8.09577,9.22248,8.95891,9.16217,9.94643,11.245,12.0683,13.5294,13.4591,12.6925,13.4755,14.5998,14.5113,13.4731,12.4593,13.4598,14.2337,12.6071,10.8485,10.7455,12.8813,12.4919,10.3619,9.81962,8.56923,7.40741,6.94442,6.98791,8.20369,7.6928,8.24064,9.0833,8.88587,8.40155,7.47724,6.81578,7.27505,7.54537,7.86934,7.93585,7.25725,7.4399,7.4889,8.40236,8.04625 +7.13213,7.81037,8.66121,11.0993,11.5937,11.5504,11.2639,10.9768,11.6198,11.9596,11.9609,11.8622,11.595,11.1915,11.1047,11.6987,11.7628,11.3208,11.1699,10.8226,10.3403,10.7209,11.9936,12.8217,12.1762,11.4575,10.6879,9.9066,10.1715,8.32821,9.13361,9.23541,8.31412,8.5678,8.73126,7.60475,7.7347,8.58543,9.69321,11.3084,12.6666,13.1272,13.7239,13.3133,12.5782,14.2482,15.4546,14.5006,13.9055,13.0449,13.0049,13.7541,13.5356,10.5052,11.2236,11.9787,11.5584,9.34235,8.59349,8.29362,7.2702,7.61789,7.45736,7.56639,8.03176,8.21909,8.63924,8.7625,6.26646,6.95606,7.37627,6.87537,7.09433,7.05144,7.27715,6.96503,6.93573,7.11953,7.78913,7.66011 +8.93432,9.98201,11.0023,12.9426,13.3646,13.2361,12.8598,12.4911,12.6812,13.7149,13.447,13.394,12.9059,12.7105,12.5061,12.6435,11.9144,11.4877,12.2987,12.99,12.8092,13.5703,13.4881,12.8522,12.4434,11.0926,10.1907,9.90305,9.4017,7.10407,7.30695,7.35444,7.43922,7.93849,7.1309,6.58459,7.58106,9.1982,9.96068,12.0919,12.4504,13.9398,14.6744,15.3119,14.0234,14.5365,15.4966,15.0654,13.1352,12.7405,13.0798,13.2592,12.0082,8.59128,9.39932,10.9699,10.2885,8.17733,8.49253,7.14787,6.30384,6.96057,6.70897,7.43766,6.96233,7.0245,7.396,7.54942,7.01047,6.23703,6.51983,6.9122,6.65514,6.58455,6.49277,6.80846,6.46925,7.20279,8.06805,6.61673 +9.06797,9.70111,10.524,12.0785,12.8637,12.6581,12.9499,13.7616,13.9818,14.5847,14.1791,14.0706,13.2997,12.9691,12.0599,12.7682,12.6139,12.846,13.185,13.2723,13.2385,14.2436,14.5528,14.1219,12.2809,10.3794,9.80051,9.22445,8.28008,7.56457,7.40132,6.75658,7.48995,6.94669,5.85908,6.64974,8.37234,9.23912,10.7435,12.8345,14.4886,13.9605,14.3714,14.9352,14.8744,15.9812,15.9362,14.0871,12.9369,12.1085,13.2396,13.3036,11.4728,8.95189,9.51523,10.8895,10.2131,7.3759,8.35622,7.54584,6.32655,6.5833,6.62566,7.05448,7.36397,7.23059,7.60632,7.04466,7.14353,6.517,6.14089,6.91453,7.41852,6.78043,6.56964,7.27305,7.16449,7.05951,8.31729,7.45233 +9.09941,9.90088,10.8187,12.674,13.2144,13.6894,14.0681,14.3531,14.5565,14.7464,14.2055,13.8289,13.3528,12.9538,13.0716,12.977,12.7162,12.4593,12.2283,11.4816,12.8789,14.1527,14.9612,14.4989,12.7094,11.1976,10.4938,9.47861,7.5587,8.26804,8.51396,7.58478,8.12314,7.99701,6.94759,6.5419,9.4116,11.3199,12.584,13.6256,14.4969,13.0862,13.6079,13.0658,15.0582,15.3748,14.2871,13.1411,11.987,12.0244,12.6854,12.7026,10.0681,7.27849,9.20155,9.49214,9.40885,7.74789,7.04381,7.13739,6.70542,6.93607,6.01958,5.93973,7.30071,7.08699,7.58176,7.39516,6.87666,7.38298,6.17397,5.78523,6.39657,6.87344,7.02785,7.38034,6.61281,6.89032,7.3779,7.06425 +8.92566,9.1604,9.60532,12.0887,12.7218,12.7262,13.2506,13.8539,12.5776,14.6592,12.9451,13.0898,12.3703,9.72726,10.872,12.2972,11.1598,11.3345,12.0973,12.7303,12.6999,14.5053,14.6774,14.1807,14.3375,12.6039,10.8504,9.78378,8.51626,8.45955,7.96863,8.3784,8.44003,8.69816,7.75416,9.41933,10.9667,12.3988,13.5803,13.2221,11.3231,11.8996,11.5718,12.3056,13.029,14.0903,12.8491,12.1238,11.2744,10.6125,10.5213,9.71859,8.92535,6.73877,6.74629,6.97403,7.42501,6.46488,7.04269,6.80253,5.97924,6.22735,5.97813,5.87807,7.05152,6.57684,6.49686,7.21809,7.03229,7.20761,6.54951,5.56712,6.43815,6.43288,6.81981,7.14225,6.91784,6.88147,6.92992,7.08253 +9.00822,9.62105,10.4306,12.243,12.6141,13.3247,14.105,14.7474,14.9884,14.9771,14.3017,13.675,12.9906,11.883,11.7544,12.1643,12.2639,11.8987,11.9057,12.7321,12.9839,13.4418,14.4048,14.1506,12.6518,11.5211,11.0628,10.3019,8.84704,8.25885,8.8389,10.0548,10.5626,9.5356,10.2546,9.93746,11.3869,12.1394,13.0099,10.9425,10.589,11.3849,10.558,11.2184,11.7891,11.8797,11.6778,11.345,9.98206,9.24385,10.0168,8.97358,7.70357,6.26499,6.15068,6.48396,7.19049,6.79098,7.30031,6.74251,6.04976,6.30546,5.45528,6.60826,6.25619,5.77319,6.79133,8.04136,7.59223,6.90206,6.69486,5.52955,5.9305,6.36473,6.67071,6.16177,6.68915,7.05186,7.85377,7.46706 +9.14474,9.85576,10.7257,12.5461,13.3387,14.0282,14.3044,14.0917,13.6091,14.1628,12.7109,11.7149,9.52115,10.0106,10.0768,9.95187,9.71921,9.66438,9.6549,11.0867,10.3458,11.2615,11.878,12.8108,13.4757,13.0728,11.4792,11.5093,10.2246,8.38413,10.4714,11.0387,10.77,10.3873,10.4668,9.97322,10.4819,10.5716,11.4148,10.6227,10.7747,11.2813,10.0517,11.964,12.316,11.7037,10.8368,10.6658,9.40394,9.26115,9.29917,8.6195,7.88839,6.4493,6.61513,6.9679,6.21267,6.64038,7.60877,7.11947,6.43374,6.2853,6.36129,7.04872,6.96587,6.67308,7.04367,7.04489,7.14108,6.66827,7.30683,6.74186,6.52559,7.11833,7.60554,7.51045,7.41791,6.78414,7.45757,7.04941 +8.70348,8.90417,9.29946,12.035,11.9149,13.1244,14.163,14.7672,14.024,13.2982,10.0339,10.6534,9.53485,9.46719,9.05582,8.81384,9.16478,9.92644,9.41814,10.103,10.5405,9.46189,12.8066,13.3556,13.368,13.1638,11.5496,11.6096,11.6215,10.5691,10.1769,10.0006,10.2309,9.47503,9.85854,9.71795,8.64243,9.02812,9.80259,10.1895,9.72223,9.68782,9.52074,10.543,11.1062,10.8821,10.5505,9.43687,8.60866,7.54637,7.17526,6.91963,6.46778,5.19379,5.63629,6.06634,5.53393,6.24303,6.47406,6.65365,6.07585,5.77035,5.65508,7.01292,6.68569,6.67723,6.73312,6.72865,6.68134,5.93166,6.42333,6.47562,6.56854,6.55031,6.55838,7.13555,7.30209,6.87482,7.2628,7.26199 +8.9588,10.101,11.1523,12.7287,13.7123,14.4886,14.8447,14.7278,13.5852,12.6068,12.6303,12.043,11.3088,10.2625,9.18257,9.05718,9.34396,9.02284,9.62975,11.0221,11.09,10.7615,13.0936,13.5892,12.6478,11.3423,11.861,10.7109,7.91707,9.33954,9.40755,9.65126,9.61451,7.54554,6.638,8.07448,8.22783,8.26948,9.37433,9.83343,9.87039,8.49534,8.30612,10.5525,10.5306,10.0672,8.56715,7.88488,7.32192,7.62882,7.08567,7.0717,6.08141,5.99463,5.74872,5.96088,5.57693,5.99654,6.42809,6.58426,7.04333,7.20644,7.61709,7.68464,7.22373,6.24476,5.8977,6.97192,6.32373,6.6908,6.83077,6.98324,7.1095,6.53255,6.47309,6.72195,7.21202,6.60906,7.37352,6.9205 +8.9668,9.13469,9.47799,11.9763,11.7699,13.6397,14.514,14.8603,12.9162,11.0988,10.9226,11.6201,9.76699,8.23682,7.54829,8.45984,8.62179,8.99656,8.53665,7.35365,9.6078,10.2737,12.635,12.9076,11.5711,10.5218,8.37239,7.55702,8.18699,8.8321,8.43077,6.99766,8.26024,9.16117,9.00376,8.64511,8.58751,8.90864,9.90284,10.4003,10.5851,9.54335,9.40335,10.5476,9.96056,9.92474,8.05863,7.65151,7.57487,7.24165,6.17059,4.87917,5.76367,5.47177,5.32826,4.99982,5.45352,5.63361,6.31718,7.00715,5.70493,6.58901,7.08751,7.53004,6.83307,6.45388,6.69241,6.38087,6.33988,5.81238,6.07011,6.625,6.51417,5.97129,6.80858,7.08683,6.86836,6.82481,7.37256,7.07946 +8.92299,9.55505,10.3772,12.52,13.5102,14.5973,15.1905,15.3645,14.243,11.42,10.3091,11.374,10.5988,9.73975,8.86129,8.95443,8.33437,6.71802,7.66155,7.38637,8.42412,10.1016,10.5907,9.81424,10.5939,9.95427,9.15258,7.78657,6.85412,8.51937,8.22804,7.42007,7.01065,8.39736,8.4535,8.78071,9.29239,9.32663,10.7436,10.8807,9.90937,10.2128,10.3202,11.2889,10.5449,9.33233,7.98248,8.2366,8.27712,7.11717,6.71724,6.64284,6.93409,5.73699,5.55302,5.4913,5.74731,5.48152,5.07698,6.47114,6.18096,5.9221,5.85997,6.54468,6.69621,6.88916,6.75249,6.55564,6.42658,6.0622,6.08295,6.84041,6.22442,5.98524,6.86516,6.67642,6.93708,7.0225,6.77624,7.4613 +8.65849,9.7738,10.8166,12.8027,13.4056,14.5955,15.3082,15.6026,14.3397,12.8896,12.218,10.8641,10.3495,9.97211,7.31084,8.20764,7.94057,7.51534,7.3919,7.4373,9.22404,9.12376,8.59891,9.97413,9.99386,8.30068,7.55759,7.85778,7.69522,8.37814,8.55933,7.96235,8.63589,9.21866,9.55452,9.66943,9.92413,9.53145,11.8779,11.9105,11.1369,10.6549,10.4987,10.5585,11.2493,10.3609,9.80691,9.04236,7.79455,7.24502,7.42326,6.83532,6.70865,6.50177,6.18375,6.11403,6.52165,6.37826,5.95055,6.25287,5.83976,5.53892,6.14725,6.26112,6.65698,6.56729,7.01165,7.2245,6.41523,6.57435,6.63835,6.9644,6.92914,7.18837,6.94068,7.04228,6.65506,6.78338,6.9481,7.36318 +8.62805,8.75285,9.02053,12.6208,13.0345,13.9112,15.0509,15.7811,15.2379,13.7972,11.0288,12.1613,10.6986,9.97712,9.90814,9.95657,9.19292,7.5461,7.53686,7.3724,8.71229,8.81854,8.32364,9.04919,8.24094,8.26473,8.50131,8.64625,8.26215,7.62205,7.48898,8.49125,9.52149,11.7368,12.837,12.4516,12.8264,13.6891,15.0479,15.5948,15.2921,14.3241,12.0104,12.9951,13.2742,13.2269,12.9214,11.1406,9.83959,9.31915,9.34991,8.35517,6.94902,5.94005,5.0954,5.00803,5.88425,5.82209,5.68191,5.28146,5.75634,5.11775,5.63829,5.80852,5.79938,5.28932,5.41366,6.66499,6.38783,6.16162,6.27094,6.19806,6.96318,6.63927,6.7497,6.44664,5.87627,7.10447,6.88916,7.03981 +8.62385,9.72319,10.7609,12.9625,13.9649,15.0835,15.7196,15.9614,15.1176,14.3408,13.75,12.5836,11.7028,10.1093,7.21839,7.56604,8.39107,7.71532,7.54257,6.75917,6.61306,7.47546,8.76101,8.01478,7.20381,7.8826,8.08035,7.95398,6.93758,7.17603,6.44215,8.7426,10.1191,12.0039,14.669,15.5753,14.4815,14.2398,13.9269,14.5655,14.5377,15.6885,16.3938,15.808,16.5392,16.2968,15.7443,15.0748,13.1438,12.1655,12.4402,12.5434,10.5907,6.83209,6.69853,6.14788,6.18359,5.91912,5.25287,6.03509,6.93845,6.1682,6.3806,5.84635,5.90675,6.12868,7.24766,7.43979,6.89991,6.67825,6.73416,6.3227,6.91505,6.96451,6.74879,7.18127,6.5824,6.9231,7.63757,7.22641 +8.47287,8.90754,9.57822,12.5209,12.7667,14.3735,15.4539,16.0212,14.7218,13.2506,13.026,11.5289,10.4973,8.18782,8.41726,7.35332,7.93692,7.22916,5.48795,7.28299,7.24329,7.86099,8.21585,7.80412,7.9358,7.95652,6.81278,7.80648,7.68916,6.69399,6.81503,7.89942,10.1948,10.2091,12.088,14.9577,14.9134,14.3947,13.1179,13.3211,13.4154,14.0605,16.7353,16.5885,16.4447,16.6154,16.4601,15.6101,15.1799,14.231,14.8954,13.1781,11.7932,7.97892,6.19784,6.56503,6.91159,6.92578,6.0342,6.17934,6.90891,6.49039,5.79079,5.74113,6.54108,6.24917,6.96266,6.5615,6.65223,7.03047,6.91662,6.993,6.16083,6.46617,6.59938,7.42692,6.71406,7.56852,6.8257,7.09656 +9.35295,9.36949,9.39769,12.2531,12.9525,14.6341,15.625,16.1714,15.6179,13.9054,11.667,10.8493,10.0121,7.09557,7.53481,5.18178,6.6745,7.09157,6.08789,5.35209,5.70049,7.62072,8.04692,8.87597,8.82918,7.44284,6.90446,7.72507,8.1273,7.61231,7.2268,8.36225,9.33445,9.71552,11.9534,14.5134,14.5261,14.0901,12.6001,12.6959,12.7759,13.7045,17.3499,18.0443,17.5212,17.561,16.8105,17.0842,15.91,14.7958,15.1173,14.6803,12.8513,9.53375,9.04004,8.78676,8.57906,8.40234,8.15037,8.04766,8.10584,7.92307,7.72829,7.74209,7.83711,7.68263,7.86309,7.76983,7.81787,7.58856,7.41214,7.60806,7.56638,7.96383,7.85443,7.85087,7.84059,7.94169,7.70338,7.52966 +8.84321,9.96125,11.0049,12.9573,13.7883,15.1047,15.8199,16.0981,14.9478,12.9488,13.1102,11.8231,10.7855,8.90555,9.36028,8.50583,8.05451,7.90466,5.55603,6.84476,7.71602,7.07337,6.99474,7.06061,6.65079,7.14198,7.60579,7.14041,7.05736,7.63123,7.21652,8.58524,8.70902,10.2079,12.3655,15.5892,16.0151,14.3216,11.5904,11.8969,11.7518,13.1254,16.2303,17.2771,17.8918,16.9068,16.2015,17.0554,17.1183,16.4985,16.5124,15.1132,12.4544,9.28061,8.64935,8.06476,7.87144,7.67949,7.64672,7.69832,7.59123,7.61769,7.43508,7.58771,7.53913,7.44707,7.77797,7.98327,7.90974,7.64177,7.73918,7.77768,7.655,7.86941,8.24908,8.35675,7.82899,8.25329,8.11302,7.8723 +9.34476,9.22896,8.79006,12.3802,12.4225,13.9978,15.2843,15.9922,15.0791,13.1752,10.8449,10.8513,9.66682,8.45206,7.04472,7.93415,5.69898,6.30479,6.61871,6.23165,6.93652,6.66275,6.64138,5.64619,6.50536,7.81607,6.83672,6.36327,7.03574,6.81982,7.90898,9.63539,10.3971,10.8783,11.9239,15.7365,16.0978,14.6274,12.5756,12.3586,12.4628,12.9507,15.5569,17.7398,16.9173,16.2062,15.7724,16.732,16.2466,15.7715,16.1152,14.3686,11.7044,9.08139,7.85867,7.96749,6.98593,6.48336,6.18176,6.60554,7.0179,7.22007,6.67627,6.38434,6.79342,6.58187,6.47764,7.56546,6.4265,5.99072,6.58536,7.10195,6.59063,6.95453,7.02996,7.32175,7.37977,7.44029,7.64356,7.43022 +9.00415,9.96436,10.9522,12.9478,13.746,14.8624,15.6204,16.0166,15.2789,13.553,12.8036,11.8099,10.9058,10.0328,7.96487,7.56287,7.53746,7.44066,6.93179,6.76642,5.93347,7.18197,6.74234,5.15543,6.88582,7.28146,6.85926,7.19014,6.50393,7.17534,7.20295,8.65443,9.9207,10.0937,11.7007,15.2948,15.4924,13.9637,13.039,12.6875,12.8372,13.2864,15.5049,16.9858,16.3434,16.925,16.7484,16.9563,16.4808,16.3186,16.6613,14.7452,13.3371,9.13255,7.6328,8.23489,7.83976,6.91213,6.65066,6.97524,7.07161,7.7395,7.07165,6.63777,7.20486,7.0403,7.53708,7.36628,6.94348,6.955,6.6981,7.01116,7.14199,7.20837,7.53921,7.82779,7.79968,7.89706,8.22527,7.29288 +9.75279,10.2038,10.8891,13.1846,13.9816,15.0684,15.699,15.9042,14.2886,11.6603,11.2637,10.597,8.92902,8.58897,7.64948,7.44435,7.74854,7.08133,6.62823,6.33291,6.36896,5.95436,5.07518,4.13574,4.15599,4.80635,4.73355,5.28926,5.87472,5.18461,6.43357,7.18285,9.51247,12.1734,13.6042,15.8987,15.6469,14.1694,14.1746,13.1332,12.6358,12.8963,16.123,18.0493,17.2061,16.2494,16.6648,17.6238,16.3136,16.5691,16.8825,15.0065,13.182,9.53505,7.75196,8.58227,7.94555,7.33265,6.25919,6.84392,7.06564,7.65979,6.48249,6.36267,6.88839,7.13005,7.08592,7.04635,6.6702,6.58676,6.72569,6.50715,6.54448,7.00893,7.42202,8.06432,8.23865,7.74513,7.87398,7.36276 +9.11326,9.17536,9.3146,12.5684,12.621,14.5028,15.395,15.7968,14.7959,13.3749,10.837,10.8702,9.39528,8.4663,6.91551,7.11519,8.00598,6.90245,6.74985,7.1082,6.22872,6.12671,5.96067,5.18139,4.79417,5.39712,4.71462,5.73679,5.3465,5.33902,6.52018,6.85244,8.79612,10.5026,13.2654,16.3836,16.1029,13.6226,13.0069,13.7336,12.4708,12.9464,15.5031,17.4381,17.6099,16.8264,16.6572,17.1998,16.9179,16.7236,16.4171,14.4571,13.8171,10.4513,8.25508,8.57889,8.25241,7.65517,7.10453,6.97494,6.8505,7.71817,6.7546,6.53666,6.85678,7.37812,7.22179,6.57288,7.23216,7.43939,7.22816,6.46947,7.47404,7.89785,7.70371,8.40135,7.93247,7.40181,7.42152,7.61713 +9.21086,10.2546,11.2735,13.0494,14.0407,15.0412,15.5888,15.7376,14.8856,14.2347,13.4317,12.0824,10.9231,10.0423,9.10507,8.15585,8.62208,6.74247,6.53828,6.39351,7.07148,6.1153,6.35163,5.98006,5.48149,5.81071,6.52141,5.9639,6.28021,6.25241,6.46476,8.15917,10.1842,10.0009,13.6485,16.1867,15.3874,13.0638,13.0359,13.6026,13.464,14.4573,16.5547,17.0937,17.2535,16.4192,16.5664,17.1876,16.1021,16.9072,15.6774,14.0063,13.3774,10.4105,9.91691,10.4053,9.79253,8.56904,7.61362,7.53112,7.48023,7.81851,7.50947,7.25741,7.37809,7.3262,7.86786,7.55707,7.80922,7.63542,7.3209,7.4604,7.67083,7.85329,9.08232,8.53891,8.64333,8.44283,7.85169,7.97464 +9.27864,9.45793,9.81982,12.4776,12.0592,13.757,14.6688,15.0504,12.5564,14.7767,13.5397,12.0776,9.92274,10.609,9.37774,8.97965,7.02132,7.17315,6.43346,5.44171,6.49979,6.31268,5.0351,6.63888,6.76596,5.06615,6.38407,7.04941,6.67219,7.41312,8.40383,8.10993,10.894,12.0707,14.3251,15.502,14.5137,12.7263,13.4118,13.1328,12.7745,14.1273,15.7521,16.7404,16.5412,15.3904,15.3206,16.0234,16.3141,16.1226,15.6718,14.6178,13.6328,11.488,10.8328,10.7722,9.88178,8.22746,6.96559,6.77494,6.84004,8.3446,7.34858,5.92377,6.98253,6.34378,6.66467,7.70481,6.77531,6.07823,6.71199,6.76595,6.78706,7.04452,7.55503,7.22388,7.0957,8.14955,7.49948,6.67542 +9.6748,10.3944,11.2691,13.0003,13.5278,13.7215,14.289,15.02,15.4434,15.6612,15.329,14.3063,12.6816,10.8962,11.8251,10.9432,9.33021,7.66315,7.47685,6.25633,6.29805,6.42825,6.29228,6.35229,7.37465,6.86987,6.87416,7.34611,6.97683,8.23143,9.10594,10.1971,12.1666,12.0381,12.9198,14.8389,14.5696,13.189,12.8805,13.4586,12.9329,14.9148,16.1024,16.7584,17.0312,16.7177,16.7195,18.3399,17.5854,16.8583,15.2863,15.6198,14.7651,13.8693,12.5992,12.292,11.7961,10.2732,7.65474,7.1808,7.23436,8.54195,7.63658,6.65452,7.1737,6.74825,7.06026,7.20363,7.04237,6.77194,7.46663,6.98644,6.91267,7.50492,8.0733,7.96585,7.05471,8.04029,8.53707,7.49929 +9.6241,9.86346,10.3148,12.6191,13.2231,13.5851,13.6479,13.258,13.1762,13.7753,11.5633,13.8192,11.485,12.6197,12.9076,12.1657,11.1149,10.4939,9.99392,9.7655,8.38377,6.57272,7.17969,5.6616,5.64915,7.10152,6.1436,6.72695,7.07384,9.41631,10.8568,12.0316,13.8531,14.2175,16.3508,17.7883,16.7317,14.4061,14.7007,15.4024,15.4272,15.3682,17.3096,18.7044,18.7816,17.2723,17.1434,18.6274,17.4851,16.6639,16.2815,15.9265,15.2592,15.7609,14.2258,13.7924,12.3716,9.64815,8.30824,8.23752,8.3079,8.8608,8.46698,8.1649,8.4064,8.22219,8.1458,8.36546,8.29557,8.32237,8.34771,8.33871,8.39631,8.59255,8.89175,8.86191,8.47261,8.6344,8.83676,8.60302 +9.06392,9.43781,10.0496,10.099,11.6495,12.3391,12.516,12.3091,13.2096,14.1242,13.7524,13.6515,14.3617,13.9473,11.6582,10.2223,11.8587,12.2839,11.5908,10.3695,8.26194,6.82076,5.74774,5.93096,6.80588,5.61328,6.18715,6.13629,6.97591,9.00966,11.1058,13.4106,14.7567,16.2288,17.4414,17.565,15.8439,14.4674,15.283,15.5813,16.4053,15.9376,17.1339,18.9084,18.0105,17.5477,17.0139,17.7668,17.4767,16.7505,15.9641,15.3725,14.4794,15.304,15.4726,13.9081,12.8786,11.1506,7.42971,7.44863,7.22259,8.11517,6.96488,6.70165,7.322,7.05183,7.48654,6.85776,6.99939,7.04133,6.95211,6.84513,6.53248,6.93059,7.67886,8.19465,7.61224,7.43946,7.74214,7.47668 +9.20721,10.252,11.2713,11.8377,11.1849,11.316,11.8374,12.4576,12.81,11.9733,10.3414,11.6256,13.16,13.8188,12.6105,11.628,11.1811,11.4755,10.564,7.96494,7.48201,6.75775,7.77233,7.50727,7.00742,7.11837,7.87096,7.25569,8.30777,8.53268,11.7995,13.6312,15.1008,15.8867,14.8046,14.4773,12.1491,12.7232,14.7125,14.6742,14.8243,15.6966,16.7665,16.7839,16.4899,16.1856,15.8459,15.8731,15.1421,15.1688,15.0832,14.9111,13.1251,14.7102,14.7282,14.6486,14.5781,11.5366,8.46679,7.69435,7.97116,8.86786,7.89012,7.89937,7.92908,8.25196,7.88283,7.78351,7.98578,7.93271,8.03434,7.87704,7.87349,7.90392,8.39633,8.18172,8.40814,8.40884,8.18852,8.06266 +9.18439,10.0805,11.042,10.5858,9.62478,9.20114,8.65742,9.42644,11.2242,11.4544,9.90663,11.1565,12.8853,13.6718,12.9271,12.5482,12.5666,11.6116,11.1295,9.90143,9.87737,8.47808,7.19375,6.37679,6.4606,7.20507,8.07313,8.89773,8.54682,10.7216,13.243,14.7302,14.5914,15.347,15.3975,14.602,13.0152,13.0175,13.8434,13.9224,14.5119,15.434,16.5494,17.0557,15.6707,14.8123,15.2291,15.531,14.8521,14.2992,14.8633,14.3771,12.3338,13.9729,14.832,14.0506,13.6629,10.2543,6.85031,5.31905,5.92229,8.28548,6.9217,6.13185,6.76259,7.40859,6.52085,7.44645,7.48211,7.21247,6.8684,6.90151,7.17052,6.23827,6.63788,6.07933,7.09405,7.55615,7.11492,7.00755 +9.44902,10.01,10.7835,10.5586,9.80112,9.26449,8.67119,9.72469,11.2406,11.5512,11.5885,12.7173,13.3353,12.174,12.8556,13.2715,11.8659,12.4475,13.513,13.4416,11.6042,9.74777,9.41847,8.68856,9.48204,9.7802,9.20152,10.1365,9.89372,12.0273,11.9089,13.384,14.3578,13.8236,12.471,13.3411,13.5578,12.6545,12.5463,12.4365,14.1723,14.8469,15.2551,16.9085,16.2265,15.3789,14.8347,14.8016,14.8617,15.1171,14.9348,13.2837,12.1842,14.1517,14.7712,14.9356,13.709,10.3514,7.0049,6.54061,6.46601,7.51146,6.43825,6.63306,6.86084,7.20726,7.04372,7.08508,7.53348,7.24043,6.65132,6.54159,7.46684,6.68174,7.53606,7.70264,7.56651,7.95535,7.76565,6.8212 +9.11123,9.62127,10.3561,8.68793,8.68904,8.55015,9.19941,10.2594,10.9926,10.3657,10.1535,10.7743,10.4058,12.7291,12.3924,10.8267,12.1564,13.0477,13.1779,13.0422,12.0696,10.4925,9.9552,8.71274,9.87423,10.6845,10.2868,11.9261,13.4109,14.0318,12.8976,12.1411,12.8726,12.8515,12.584,13.1757,12.5787,12.756,13.3438,13.9552,13.9861,15.0628,15.2606,16.6457,15.6472,14.4325,14.483,14.2366,14.9631,14.6172,14.4944,13.9159,13.3294,12.6192,13.7269,13.999,13.9373,9.94373,7.80615,6.58665,6.15181,8.08015,6.62839,6.27825,7.18497,7.15343,8.01912,7.98769,7.48458,7.15432,6.03965,5.74744,6.16131,6.03455,6.39829,6.26447,6.81345,6.79146,7.19636,7.53101 +8.74135,9.03128,9.54858,9.12784,8.57067,9.4255,9.88754,9.84289,8.56012,8.84097,9.5449,10.749,11.7863,11.6641,10.941,11.6834,12.4025,12.4593,12.5652,12.7072,11.8337,11.1865,9.96619,8.91849,10.0951,11.2846,12.4492,13.0314,12.7295,12.7583,12.2838,12.4182,12.3553,12.3245,12.5118,12.3909,12.4338,11.7221,11.9142,13.1157,12.9299,14.3692,15.2252,16.5792,15.2358,13.6479,14.2386,14.3892,15.4931,15.7832,15.4171,14.1382,12.9988,14.3599,15.0122,15.3934,14.0686,10.7986,8.62654,7.17505,6.72574,8.17592,6.82222,6.41953,6.73437,6.63632,5.91475,6.71674,6.39527,6.98103,6.37115,6.6825,6.99819,6.89657,6.73176,6.61465,7.11593,8.27602,7.59997,7.19076 +8.22726,8.94469,9.81824,9.67019,8.82821,8.54991,8.90586,9.89618,10.8683,10.6398,7.86347,9.63393,8.917,11.6864,12.5281,12.7208,11.8102,12.2645,11.8917,13.4066,14.2973,14.0821,12.8044,11.7069,13.5545,14.6744,14.3586,13.3505,13.963,13.5074,11.5421,12.6808,12.9592,12.0739,12.1585,12.3289,11.8188,11.6218,12.4109,12.67,13.7467,14.5566,15.8014,16.2746,15.7135,15.0628,14.0599,14.9512,14.892,15.1662,15.2184,15.0996,13.6476,14.3854,15.2363,14.8148,13.911,11.1912,7.23429,6.64073,6.48244,8.05981,6.71876,6.68084,6.97194,7.17133,6.4891,7.29737,6.92834,7.23902,7.35376,7.25658,6.96033,7.5059,7.80922,6.99476,6.83625,7.83258,8.24197,7.45263 +7.38875,8.49943,9.54077,9.31385,8.57665,8.64303,8.8267,9.57411,10.8788,10.4066,9.03537,10.0151,11.0567,11.0263,11.3031,12.6834,13.0492,13.6464,13.7724,14.0886,15.5964,16.1999,15.2811,13.5492,14.1837,14.5612,13.6147,13.8715,14.4328,13.4832,13.6958,12.818,11.8947,11.2317,10.5021,11.4992,10.1021,10.7523,12.4592,12.8697,14.5867,15.3972,16.3365,16.1222,16.922,15.6281,14.4542,14.7824,15.7864,15.4107,15.4324,15.0605,14.7069,14.2299,14.7325,14.9676,13.129,10.3422,6.6829,6.65583,6.76844,8.85557,7.14966,5.75578,6.58152,7.04646,6.68925,6.99837,6.51328,7.36005,7.28268,6.94779,6.43879,6.92879,6.76307,7.45976,7.37022,6.75063,7.58471,6.99639 +7.00424,7.17264,7.51678,10.4142,10.6665,11.0559,11.2738,11.2335,10.9378,10.3279,10.0739,10.1199,11.0936,11.0933,12.0158,13.8113,14.3652,14.4806,15.3571,15.4381,14.8911,15.8012,15.9506,15.0978,15.5734,15.4784,14.535,14.6039,14.1255,13.497,12.7563,12.8473,12.4371,12.8022,11.8878,11.342,11.6297,11.2735,10.7624,12.6298,14.0573,14.518,15.8917,16.3898,16.517,15.8134,15.4689,15.6921,15.8962,15.6284,15.3973,15.2478,14.3891,14.9161,16.6677,16.2631,13.5711,10.1999,8.16615,7.1013,6.71581,8.99343,7.04722,5.75961,5.25728,6.01163,6.60596,6.38033,6.76269,6.55569,6.253,6.72451,6.45072,6.63267,7.09953,7.24911,7.18749,6.83684,7.11839,7.14532 +6.20079,8.73444,9.99358,12.1792,12.4444,12.032,10.8538,8.43914,9.72224,10.9001,11.0185,9.86091,9.87632,11.7864,13.4448,14.4778,14.3452,14.8585,15.5894,16.6275,15.3073,15.274,16.5236,16.1381,15.4594,15.9041,14.5241,12.8574,12.9745,12.257,12.8697,12.186,12.0747,11.2765,11.6216,12.3888,11.2986,11.6635,12.5547,12.6283,13.5925,13.7079,17.345,18.4404,17.669,17.1775,15.9742,15.9899,15.2443,15.5858,16.5701,16.7167,15.5999,16.3905,17.4933,16.647,14.1322,12.1053,8.17916,6.08127,6.49433,9.19724,7.616,6.59994,5.6852,6.86526,7.30269,7.09597,6.62287,6.81791,6.42187,6.0464,6.5189,7.49855,7.63078,6.64361,6.65228,7.35721,8.17236,7.95021 +6.89306,9.48258,10.7451,11.9531,11.5169,11.7451,12.079,12.4402,12.816,12.9962,13.0363,12.5712,13.279,14.5883,15.4765,16.4312,16.8235,16.5614,15.8601,15.3847,16.066,16.8724,16.7983,17.2584,16.165,16.0141,14.2531,12.0601,13.3777,12.5687,11.8417,11.9289,11.3839,12.2893,11.6816,11.0134,11.2883,10.8931,11.847,12.4585,12.3595,15.0238,16.3486,16.5703,16.8998,16.891,16.0694,15.7006,15.494,15.299,16.3425,17.075,16.5494,16.2707,16.5988,16.74,15.1503,12.5462,8.37929,7.869,8.03495,9.4384,8.1093,7.67108,7.84783,7.76503,7.82888,7.68073,7.83947,7.99972,7.80908,7.85077,7.98408,8.15211,8.08918,7.95597,7.92658,7.98661,8.29219,8.26673 +7.76416,8.86456,9.90258,9.17598,11.1212,12.3139,12.9773,13.1886,10.7244,11.195,10.2064,10.0919,11.7952,13.7671,15.6317,15.481,16.2969,16.5505,14.8885,13.9504,15.0165,16.8658,17.6236,17.9954,17.7601,16.6495,13.9157,14.0118,13.7647,12.0113,11.3407,10.4068,11.7934,11.1118,9.6709,10.7546,10.0629,10.847,11.2408,13.0438,12.9654,13.7206,16.0071,16.7466,17.6453,17.4249,15.4605,15.002,14.6457,14.9469,16.0491,15.8271,15.9928,15.2842,14.0527,14.2086,12.2722,10.4519,7.62068,6.42505,6.28548,8.19663,6.78192,5.72032,6.13261,7.32675,6.9149,6.31452,6.79168,6.29577,6.51364,6.16829,7.52673,7.53657,7.12433,7.13371,7.63594,7.62552,7.90023,7.03099 +7.77136,9.23045,10.3619,12.0291,12.0554,11.4493,11.4982,12.6337,12.8432,10.8151,11.0672,11.2762,12.015,13.2542,15.2093,16.8299,17.2652,16.3309,14.4276,14.2028,15.5267,16.3631,17.3731,17.1816,16.08,15.4105,13.8297,12.9023,13.3764,12.4383,11.1852,9.95539,10.2132,10.9782,9.97223,8.99913,10.3527,10.0797,11.3099,12.6631,12.3393,13.5312,14.8908,15.9639,16.4538,15.4317,15.3374,15.0166,13.4696,13.6394,15.0525,14.9949,15.6179,15.0453,13.0482,13.4873,12.0923,10.1181,8.25573,8.25339,8.22461,8.54125,8.1623,8.29076,8.30285,8.32837,8.51778,8.24986,8.61051,8.32064,8.41741,8.39115,8.50598,8.54345,8.63815,8.57656,8.63274,8.71515,8.68157,8.55958 +6.8423,9.0612,10.2971,10.5676,10.9212,11.2164,11.5077,11.7536,11.6949,11.368,11.6296,11.5119,12.5607,14.3044,15.3976,15.4675,15.3755,15.6735,15.7422,15.477,13.5591,15.3916,17.0819,16.45,15.8247,14.2637,11.7124,11.3188,10.6753,10.5049,9.90128,9.86908,9.61915,9.17383,8.44348,9.64078,9.43685,9.1614,10.2336,10.7806,12.3071,12.9246,15.0309,15.5356,16.5392,16.1023,14.8199,13.3553,13.8048,12.8927,13.6191,14.1282,13.606,13.0457,12.7569,13.1567,11.2644,9.83588,6.10235,5.71755,6.1254,8.17618,6.74612,5.94833,7.30457,6.03295,6.72236,6.27383,7.05514,6.95516,6.48468,6.26253,7.41065,7.19784,6.89389,7.46156,6.96854,7.67842,8.04128,7.21096 +6.13137,8.94389,10.218,11.7032,12.0127,12.2553,12.4333,12.4952,12.132,11.0949,9.19586,10.2582,11.7611,13.9241,15.4825,16.6244,16.6805,15.8316,14.0352,15.074,14.4402,13.4609,16.0977,15.8078,15.2109,14.5061,11.918,12.3542,11.9703,10.8037,8.99807,8.71144,9.54644,9.14747,9.56918,9.209,8.18588,8.96821,9.95351,10.2216,9.36352,10.4203,15.0328,16.2463,16.3852,15.6579,15.5707,14.9795,14.2072,13.0166,14.052,14.2411,13.7391,13.1711,12.9993,13.1793,12.0392,8.48775,7.01609,7.06356,7.19067,8.04581,7.01537,6.87641,7.42691,7.34296,7.42934,7.78956,7.26874,7.59812,7.62299,7.7758,7.64061,8.01585,7.78483,7.50274,7.72549,7.944,8.2617,7.77119 +6.28987,8.13016,9.32511,11.0766,10.8519,11.0555,11.2436,11.5873,12.3907,11.5122,8.79875,9.95247,12.8542,14.3839,15.4876,15.745,15.5205,15.228,15.8109,15.9796,13.7621,14.1573,15.7291,15.2161,14.4221,12.9993,11.1711,11.1364,11.1982,10.3258,7.76448,6.96106,8.48659,8.95386,7.90728,8.40802,8.00892,8.38785,9.59858,10.9654,10.7217,11.7389,14.0009,15.3538,15.9202,15.8843,15.133,15.2241,14.8565,13.8682,14.6651,15.3546,15.4553,13.6494,13.5981,13.6639,12.2049,9.32937,6.77785,6.13075,6.48871,8.27777,7.15333,6.63481,7.02118,6.88,6.11305,6.97014,6.74108,7.10218,7.51402,7.34027,7.65702,7.06498,6.78321,6.69025,7.58402,7.65245,7.70745,7.20092 +5.96428,7.44412,8.57982,11.4198,12.0746,12.4378,12.6566,12.6769,12.2752,10.3485,11.2312,10.999,12.3585,13.9435,13.6389,15.4134,16.3735,16.1916,15.5997,16.1974,15.0094,14.9829,14.7401,14.6046,14.0248,13.1242,11.1114,11.8545,11.5467,9.60537,8.096,8.3872,8.27286,7.83444,7.8371,7.75706,8.68644,8.53805,9.09923,10.8785,10.818,10.9254,14.4615,16.2264,17.2449,16.9342,16.4371,16.0674,15.3689,15.1289,14.9598,15.8954,15.7477,14.1823,13.9545,13.9048,12.3915,9.65931,7.76353,7.66779,7.69953,8.42546,7.80629,7.66637,7.72161,7.82085,7.68286,7.7401,7.99534,7.73102,7.82382,7.77461,7.80157,8.22217,8.07842,8.17715,8.03893,8.25674,8.61853,8.14547 +6.87393,8.78131,9.98483,11.7125,12.583,12.5536,12.0966,10.6497,11.5886,11.4916,11.8113,10.2113,12.1083,14.3244,16.2999,17.1435,16.6521,15.4695,15.73,16.1669,15.2094,13.5918,15.4537,15.5179,14.5522,12.7077,12.0225,10.1563,10.1365,9.85264,8.50434,8.07676,7.78307,7.18524,6.28703,8.16558,7.79621,8.43403,9.7118,10.7737,10.8383,10.9073,15.0806,17.3292,17.2559,16.6404,16.7615,16.2903,15.3012,14.9351,14.779,15.2485,16.1182,14.3948,13.8178,13.8198,11.745,9.21198,8.92046,8.74162,8.73029,8.87269,8.67037,8.62281,8.61977,8.6608,8.59672,8.6717,8.75631,8.84829,8.72503,8.65017,8.61695,8.686,8.82651,8.71787,8.80069,8.80837,8.82498,8.93805 +7.14149,8.63609,9.77475,10.2482,10.0958,9.59818,10.0813,11.2104,11.6535,11.0265,11.5627,11.6173,12.826,14.4105,15.5583,17.2159,17.3564,16.3903,15.6365,15.7398,14.8155,15.5613,15.6693,14.2003,13.906,14.0566,12.1414,10.5088,10.2659,8.97441,8.93407,8.66016,7.86322,7.82458,7.52028,8.54528,8.13802,8.54197,8.21877,9.68866,10.4078,11.7141,13.9405,14.5773,15.8952,16.1306,15.0338,13.9158,14.7235,13.9292,13.1607,14.4491,14.9679,13.93,13.1792,13.3407,11.2792,7.90659,7.24762,7.05026,6.87179,8.2801,7.13547,6.88887,7.08258,7.36331,6.5501,6.46811,7.28151,7.12788,6.98561,6.56581,7.29735,7.37572,7.20909,7.16423,7.26463,7.79857,7.37934,7.34824 +6.17931,7.40938,8.48617,11.4745,11.6963,12.1443,12.5685,12.783,11.7385,10.8556,11.1935,12,12.4228,12.242,15.4602,16.796,16.6368,14.8906,14.2775,14.4082,13.9225,15.428,16.2391,15.1698,15.0298,14.068,11.7563,9.92228,9.77208,8.97587,8.11908,6.87773,7.47215,6.43686,6.50851,6.85663,7.08948,7.07324,8.13224,8.70286,9.55211,11.7862,14.6428,15.5175,16.3834,16.2424,16.1965,15.76,14.5437,13.838,12.3634,13.6414,15.4415,14.6535,12.5381,13.2098,11.2035,7.53292,6.3222,6.1491,6.13524,7.42544,5.95199,5.94718,5.88087,6.01554,6.4915,7.00492,7.1483,6.72586,6.55069,6.37238,6.30374,7.38041,6.91896,6.39626,6.97074,7.22902,7.6494,6.75842 +7.60088,8.56371,9.5526,10.8819,9.83161,11.3318,12.2257,12.6004,10.4764,10.0163,10.9904,10.9025,10.6526,14.2428,14.8637,14.4617,14.0803,14.7016,14.556,14.0994,12.4011,13.7503,14.1829,15.3762,15.1129,13.4766,11.8458,9.75212,9.11137,7.99566,7.28599,6.85378,7.45674,7.37014,6.93195,6.1997,7.66473,7.04134,7.82568,9.07658,9.5483,11.0716,13.6571,16.4265,16.5222,15.8807,15.4827,14.9275,13.899,13.5383,12.509,13.9607,15.1168,13.8924,12.6709,12.6553,10.3172,7.69033,5.72212,5.53684,5.5036,6.15029,5.40029,5.71986,6.9599,5.99765,6.48396,6.67826,6.59733,6.60959,6.537,6.25957,6.87179,6.65891,6.62985,6.06765,6.9752,7.10718,7.00304,6.55212 +4.17206,8.5177,9.82752,11.2913,10.5717,11.3918,11.9349,12.126,11.9235,11.556,11.8463,12.3581,14.2043,15.6563,15.7885,15.6211,15.3937,14.475,13.5693,13.9061,14.1535,14.4794,15.3762,15.4946,14.1905,13.6057,11.0356,10.0361,9.88367,8.04132,7.54434,6.84102,7.43359,7.58684,6.63864,6.79881,6.74042,6.9468,7.57489,10.1894,9.95466,12.1544,15.4792,17.5435,16.0608,16.1205,15.3907,15.0843,13.9366,12.9403,11.661,12.4809,15.2236,14.8085,12.8582,12.9457,11.1087,7.64474,6.8797,6.96813,6.74634,7.02684,6.89237,7.18291,7.453,7.73653,7.57271,7.95358,7.33754,7.34672,7.6891,7.55693,7.40049,7.65154,7.74548,7.69614,7.76904,7.65481,8.43365,7.53743 +6.16793,7.87206,9.04748,11.6976,11.5821,11.0828,9.95924,10.0222,11.1618,11.5681,11.4086,11.3559,14.5092,15.1682,14.5849,14.279,14.0237,12.2914,11.2965,10.3671,10.8083,12.1851,12.352,14.3039,15.4537,14.4516,11.9654,9.73209,7.01261,6.44222,7.21184,6.21155,5.80605,6.20622,5.22966,6.00584,5.29345,6.10394,7.75995,9.08746,9.94937,12.2794,14.7204,16.3293,15.784,15.3222,14.4312,14.005,13.1131,12.0039,10.182,11.0477,12.5552,12.2632,11.742,11.4814,10.3007,8.39258,7.89205,7.92955,7.65576,7.62092,7.90604,7.73175,7.72542,7.94743,7.81409,7.60142,7.76389,7.62155,7.74142,7.63859,7.92891,8.26714,7.84423,7.85595,8.24342,8.10261,8.18952,8.18363 +5.07835,6.62055,7.76837,9.907,10.3929,11.2665,12.0879,12.6949,12.7498,9.96078,12.8237,12.5981,12.7416,12.6556,12.9362,13.6726,13.0699,11.3559,12.1351,12.5203,11.7151,12.1961,11.6602,13.0807,14.5311,13.4637,10.523,8.61073,7.18109,6.33794,5.5145,3.83191,4.19454,4.78376,4.92679,5.03318,4.97017,6.01413,7.89276,8.3327,9.7798,11.1983,12.357,13.6091,14.9207,14.9924,13.731,12.8209,11.5617,10.7837,8.66083,10.0333,11.4378,10.454,10.2971,10.5212,9.50081,6.6369,6.53079,5.87712,5.99909,5.7636,5.47885,6.63072,6.84807,7.05543,7.40075,7.19504,6.87266,7.0422,6.33403,6.65256,6.82838,6.94147,6.58217,7.63584,7.15168,7.19751,7.39783,6.51913 +6.58098,7.7036,8.74874,10.5441,11.1873,12.2352,12.7531,12.8286,12.2971,14.0597,14.2279,12.8287,11.3858,13.7673,14.0266,12.2605,12.586,12.4809,11.4204,12.5713,12.2464,11.2476,12.9627,12.5267,13.3833,13.2225,10.3444,8.85411,7.59821,6.15794,5.54864,3.74602,5.55418,5.44774,4.25334,5.61549,4.86125,4.75265,6.90604,8.25251,9.64579,11.8726,13.6215,14.6346,14.9662,13.2647,11.7155,12.5592,12.2525,10.4735,8.90753,9.99318,11.4208,9.9927,9.77124,9.70288,9.51518,6.90098,5.11692,4.45405,6.18635,5.78483,5.80943,5.39274,5.80848,5.68948,6.09188,6.07205,6.48498,6.72578,6.91114,6.7341,7.22365,6.83848,6.39691,6.85131,7.24832,7.55114,7.89302,7.35989 +5.31121,8.42003,9.70598,11.6134,11.6368,11.2098,10.6955,12.0297,13.5928,14.5391,14.5083,13.1619,10.6321,13.4871,13.4892,11.7857,11.6617,10.675,10.265,10.6638,11.7392,11.7164,12.6895,13.4437,13.4665,12.5558,11.3757,10.3232,8.26641,5.47329,6.19346,5.21603,6.4499,5.21953,4.11874,4.32203,4.69947,4.1414,4.99525,8.30638,10.0589,11.0181,14.1974,15.4346,14.649,12.1385,11.098,11.6409,11.0848,9.3065,6.83122,9.48933,11.322,10.0383,7.3234,8.19035,8.2099,5.74635,4.76387,4.18907,5.21908,6.23077,5.36119,6.27481,5.63576,6.16261,6.14597,5.74411,6.99484,6.91919,5.23652,6.41058,6.57836,7.07359,7.33902,7.03069,7.56824,7.02529,7.72686,7.67838 +6.25444,8.45541,9.68971,11.1198,11.1084,11.1794,12.037,12.895,12.9532,10.5587,13.5235,11.804,12.705,13.4298,12.5393,12.0412,11.4894,9.83607,8.97361,9.76377,9.5088,10.7122,12.0291,11.9974,11.0048,11.5892,11.0817,9.66978,6.69167,6.22077,6.84024,6.35953,5.49513,6.5908,6.22328,5.05528,5.48479,5.55652,5.85042,7.13294,8.88646,12.7372,14.8314,14.2804,13.8274,11.7954,11.4049,10.8802,10.0597,7.85042,6.28156,8.10652,9.96445,9.50294,7.13251,6.2221,7.04324,6.01348,5.9827,6.50073,7.08891,6.73814,5.86165,6.39519,6.58892,6.48508,6.51912,6.8033,7.21635,6.96109,5.9127,5.69193,6.43668,6.52668,6.84469,7.10485,7.09509,7.77513,7.87125,6.93748 +4.57087,6.22128,7.38812,9.00227,10.3704,9.89794,10.9293,11.9618,11.2814,13.4074,14.0194,12.9012,11.4913,12.0463,11.2709,11.4043,11.0436,9.43624,9.29241,8.75586,8.51679,8.95449,11.1244,11.4221,11.8965,12.1932,11.0639,9.12541,7.03765,6.55852,6.09022,6.33485,6.33145,5.07442,4.40888,4.93768,5.42445,4.26548,4.85349,8.06243,10.1422,11.2459,14.1446,14.9605,14.0409,11.699,10.378,9.66476,9.28408,7.212,6.65102,7.01088,8.35332,7.48401,6.36485,6.76981,6.23228,5.36827,5.41897,6.514,6.2029,5.9207,5.83161,5.99308,6.02696,6.42517,6.43226,6.03185,6.23006,6.01927,6.06485,6.19529,7.09003,7.08523,6.67049,7.8166,7.1986,6.93077,7.70945,7.43386 +6.48263,8.13302,9.29986,10.9864,11.8211,12.002,11.8143,11.7346,13.322,14.1544,13.192,9.29107,12.2145,12.5083,11.9857,11.295,10.0365,7.77765,7.35106,8.39055,10.2009,10.5705,11.7871,12.4786,13.4182,13.1318,11.0486,9.02283,8.5039,7.25061,5.72049,5.83222,5.8434,6.2846,7.05089,6.9813,5.95645,6.22051,7.16251,7.46499,9.33623,10.692,11.7831,13.0622,13.6032,11.5339,9.21873,8.57173,7.54001,7.72689,6.72414,6.30992,8.15523,6.71524,5.3714,6.21221,5.96019,6.15286,5.99828,5.78934,5.96641,6.32849,6.05443,6.34948,6.41006,6.77596,6.76373,7.56098,6.56419,6.93612,6.26847,6.15521,6.77459,6.72711,6.41972,6.76822,6.70022,7.00321,7.32643,7.08465 +6.90626,9.08543,10.3178,11.406,10.7261,11.45,11.9652,12.201,12.4679,13.9775,14.0894,12.4917,12.9584,13.0345,10.6032,10.8646,9.87306,9.77043,9.13251,7.9794,8.31766,8.61555,10.5381,10.1204,11.5772,12.2066,11.4966,10.2952,8.42428,7.61794,6.66485,6.2652,6.49728,6.86857,4.67468,6.22532,6.35272,6.38158,6.76186,7.98976,9.25011,11.0569,13.0892,13.6638,13.5972,11.3944,11.1559,9.4654,7.31044,8.28818,8.09572,7.98053,8.25937,7.37897,6.76453,7.58999,6.66392,6.36775,6.29709,6.25973,6.90635,6.81483,5.47512,6.90468,6.77872,6.90969,5.81733,6.69986,6.59741,7.32452,6.44859,6.40586,6.8881,7.39283,6.72544,6.65961,7.83259,7.3209,7.00549,6.85211 +5.77598,8.5622,9.83511,11.3596,11.4833,11.201,10.4204,10.3106,12.256,13.645,13.7199,10.7254,13.7294,14.4751,13.3839,10.238,9.82269,9.02658,9.77978,9.32912,7.97939,8.76739,10.4505,10.8819,11.0669,12.8907,12.4832,10.9562,9.82699,6.40002,6.4004,5.68934,5.55331,5.24911,4.66318,5.2567,5.41205,5.10027,5.64363,6.21485,8.4243,10.3495,13.0763,15.4756,15.7202,14.1101,13.4603,10.9279,7.57744,9.29077,10.0395,11.1512,10.2745,9.95431,9.03301,8.48022,6.68304,6.16149,6.05963,6.25326,6.15873,5.99515,4.89293,4.8615,5.54547,7.05501,6.97236,7.46334,7.18155,6.5553,6.96821,6.63057,5.75732,7.15524,7.76384,6.59122,7.54946,7.22746,7.71959,6.92964 +5.15825,7.23715,8.45986,10.6459,10.8306,10.1941,9.95646,11.0561,10.8749,11.2498,11.8491,11.5346,13.0235,14.8747,14.9543,13.8953,12.4127,11.3112,10.4248,10.2902,9.63861,10.1639,10.4881,10.9785,11.7433,13.7699,13.5829,11.5375,10.8139,7.01235,7.01537,5.88989,5.26506,4.58312,4.98898,5.06096,5.07029,6.02824,5.66419,6.54309,7.33356,10.1205,12.6213,14.6023,15.957,14.7064,14.3243,10.8276,7.84957,9.64409,11.3347,11.8614,12.2694,12.0318,11.5623,11.6299,9.46399,7.17284,6.39441,6.09851,6.2677,6.96861,5.56364,6.22158,6.40056,6.03182,6.6101,6.86483,6.914,6.8863,6.69739,7.15215,5.99998,6.54381,7.13545,6.63199,6.08362,6.55915,7.38975,6.51053 +5.78648,7.68281,8.88496,8.39784,10.4696,11.8897,12.4903,12.6229,12.0561,11.1096,10.6425,10.3959,11.4573,13.2084,14.0501,12.4663,12.3415,11.1721,9.69209,9.71279,8.78761,9.83927,11.1034,11.1349,12.1961,13.8348,13.7975,12.7581,10.7325,7.56838,5.92605,5.25014,6.26596,6.10374,5.97516,5.36796,5.8532,5.50292,4.89922,7.27881,7.12181,10.6105,12.9208,14.8484,15.1728,15.269,14.7094,11.7628,10.0812,10.7148,11.6145,12.7063,12.4151,12.2322,13.0137,12.8384,10.8259,8.47244,6.34249,6.28618,5.61177,7.12044,5.6035,5.65476,6.82531,6.42445,6.85855,6.37169,7.15368,6.52224,5.61242,7.07533,7.55103,7.08451,7.4458,6.82817,6.31408,7.48002,7.61826,6.76147 +5.54008,8.0689,9.32774,10.6653,10.4146,10.4578,11.1506,11.8706,11.588,9.37784,10.3185,11.1926,12.9348,14.1298,15.2027,15.1399,13.6938,11.1618,9.32928,10.0613,9.46711,8.71932,10.2416,10.0444,12.6191,13.7935,13.6212,12.5357,9.55537,7.23039,6.72887,6.96347,7.6681,7.07303,6.39197,6.79406,6.18202,6.26266,6.84201,7.8696,9.03148,11.1305,13.5844,15.413,15.7897,14.659,14.3494,13.7956,11.7678,11.7825,12.2355,12.7419,13.5789,13.0448,12.9208,13.1718,11.7293,8.62385,6.63691,6.84051,6.50764,6.93258,6.36853,6.09727,6.75686,6.64463,7.36894,6.99006,7.0285,7.4292,6.57744,6.74509,7.34459,7.56852,7.265,7.19589,7.16484,7.37846,7.82956,7.43924 +1.82944,7.97397,9.29181,9.65475,9.04859,9.34836,9.26707,8.32042,9.92068,4.41655,11.0091,11.721,13.9482,15.5845,15.3919,13.7138,13.3977,11.8108,10.2553,10.0232,9.23548,9.00518,9.73411,9.02208,10.5793,13.1946,13.3574,11.318,9.82265,7.13263,7.53537,7.58769,7.18908,7.37075,6.5691,4.92531,5.85113,5.82627,5.96707,8.22235,8.78789,9.8557,12.9138,15.4728,16.035,14.2879,12.5754,11.0718,10.7334,10.8248,10.9863,12.9977,13.2565,12.4202,12.389,11.3284,10.1895,7.81277,6.68707,6.61149,5.03024,5.8378,6.23705,6.83909,7.10803,6.77413,6.72618,6.03029,6.32027,5.93429,6.49819,6.54423,6.70734,6.94578,7.18292,6.6525,7.66354,7.34441,7.64041,7.16577 +4.97604,7.20169,8.43816,9.08467,9.93943,10.7163,11.3135,11.6944,11.569,10.8008,10.1744,10.1397,12.2607,15.2873,15.573,14.2212,11.7756,10.9787,10.6197,9.61141,8.64661,9.17644,8.8887,9.01265,9.92496,11.6802,13.1751,12.6641,10.8879,7.80149,7.69944,7.60855,6.52458,5.03341,5.44053,4.91685,5.81133,5.95375,5.49904,6.53456,7.92137,9.93706,13.193,15.537,14.5977,13.5173,13.5448,12.6549,10.2385,10.2554,9.4887,11.0888,13.4657,13.0303,11.8157,11.1462,10.6235,7.13335,6.1599,5.75145,6.40464,6.37241,5.54615,5.96181,6.74029,7.10271,7.17589,7.90853,6.98566,7.10918,6.76313,6.75217,7.48697,7.71445,7.47464,6.9828,7.60678,7.33993,7.57043,7.57996 +5.21709,6.21988,7.224,8.20872,8.96429,9.36279,9.45323,9.69994,10.9369,9.24897,9.47412,11.3152,13.2647,14.8634,15.1475,13.9702,11.3875,10.7483,10.2838,9.23443,8.71937,6.72656,9.10292,10.2971,10.933,12.1714,12.8401,10.9934,9.48496,7.22902,7.21647,6.60278,6.3265,4.6934,3.69389,4.72199,4.96723,5.5333,5.31799,6.60971,6.85769,10.6798,13.1493,14.6631,14.2416,12.7693,11.5469,10.993,10.1675,10.1661,9.5809,12.1475,13.3838,12.9552,10.6369,10.874,10.4875,7.70011,6.19904,6.15891,6.09125,7.20482,6.16567,5.85791,6.89684,6.34148,6.77737,6.99284,6.46262,6.76793,6.82483,7.10161,7.23177,7.26838,6.97187,7.34122,7.61264,7.05569,7.82987,7.11962 +6.71706,7.40993,8.26941,9.96803,9.83714,10.6742,11.2683,11.5933,11.4826,9.56634,9.48528,11.7651,13.0964,14.3613,14.5305,12.4884,12.3461,10.4902,9.57199,9.34562,8.50213,9.10486,8.65205,10.0065,10.7505,11.7828,12.3245,11.5552,10.1739,6.9134,6.15905,6.21968,5.52143,4.8729,4.13838,5.20754,5.4337,4.42784,4.39131,5.75739,5.84734,8.47354,11.3612,14.1206,13.5043,11.7141,10.7317,10.2288,9.37844,8.99481,9.78018,12.0844,13.4582,12.5899,11.9989,11.5737,10.1815,6.88421,6.07784,5.94087,5.37369,6.37796,5.62383,5.27457,6.29207,6.27144,6.33763,6.90708,6.87832,6.91544,6.35726,6.77348,6.18497,7.15305,7.16972,7.31869,7.39577,7.35809,6.6479,7.07148 +5.7086,6.78874,7.82009,9.48184,9.79501,9.80523,9.7499,9.86073,10.2161,8.88301,10.8072,12.8427,14.1043,15.3893,15.5161,14.4205,12.2328,9.54306,9.82917,9.74991,8.65991,7.57636,8.92281,8.72564,10.53,12.3627,13.4274,12.8727,11.1286,7.49746,3.93096,5.97047,6.16487,4.77418,5.77631,5.23434,4.70236,5.24787,5.3186,5.95818,6.61436,7.86807,10.7444,13.7106,13.8353,11.8493,11.0897,11.3422,9.31681,9.39897,10.7029,12.251,13.2858,12.3728,11.154,10.7351,9.54672,6.8378,4.81249,5.23765,5.45838,6.56197,5.64503,5.74573,5.96787,6.86021,7.51572,7.40959,6.86166,6.69527,5.78624,6.32945,6.41339,6.86882,7.39113,6.42652,7.53376,7.55293,7.15354,7.02614 +4.10261,5.12237,6.13271,5.51208,6.973,7.84099,7.96806,6.73515,6.10845,7.88272,9.67664,10.5859,12.1291,14.4566,14.3451,11.1307,11.6285,10.2405,8.18852,6.50019,6.84296,4.45586,6.23893,8.31744,8.69667,11.0639,13.2435,12.5841,9.63773,5.84804,3.59296,4.07217,4.11945,4.04615,4.31178,5.12341,5.11484,4.67222,4.82291,5.77948,6.52285,8.29182,9.86622,12.4564,12.9453,10.497,10.8771,9.99924,8.73488,9.174,11.8908,12.5958,12.2867,11.2337,11.7224,11.3742,9.30577,6.73824,5.55207,5.34264,6.0571,6.85676,5.56001,5.9933,6.61543,6.95454,6.90518,7.28748,6.53441,6.65798,5.96586,6.40508,6.92648,6.76624,7.59131,6.63575,7.2662,7.21827,7.75319,7.11637 +4.14179,5.57521,6.70129,7.19441,7.29882,7.22058,6.98458,6.64015,5.91127,6.40679,7.25585,10.216,13.547,14.7483,13.9707,11.7179,10.4505,8.73961,7.01231,6.66641,6.95666,6.3185,9.01562,10.1902,10.8251,11.1773,11.2162,9.73937,8.39253,6.21084,5.07957,4.16664,4.43123,4.42299,4.38216,4.24733,4.5656,4.06879,3.94864,3.72577,4.39946,8.68899,12.0664,13.6194,13.201,12.3545,10.4878,9.75982,7.30469,8.74203,10.1707,11.8207,11.9266,12.6977,12.0754,10.9099,7.95547,6.92112,5.67283,5.94987,6.21038,5.34941,5.30549,5.91856,6.32897,7.12527,7.04247,7.28177,6.58453,6.15029,5.20379,6.5722,6.87087,6.81014,7.48069,7.55454,8.08566,7.45886,7.78969,7.01756 +4.44799,5.84644,6.96489,7.08572,6.58765,6.17712,7.04845,7.98199,7.36043,7.97498,8.49257,11.2028,13.6069,14.2325,13.1574,10.7817,9.28781,8.77083,7.66455,5.97526,5.2748,5.62095,7.2681,7.79824,8.64807,10.1438,10.031,9.50809,8.15012,5.90283,4.17549,4.90713,5.446,3.38804,4.20855,5.10422,4.57654,4.28127,4.7787,4.58396,5.69082,7.94298,9.72836,12.7204,12.5601,10.9647,9.15187,8.54722,7.27065,8.52991,10.0905,11.0566,10.3108,10.2725,10.4127,10.0886,7.91454,6.16464,6.21211,6.21086,5.53304,6.43133,5.31294,6.03247,6.63914,5.86855,6.19435,7.16783,6.30018,6.06302,5.92763,6.15397,7.24502,7.14551,6.8765,6.89973,7.54539,6.90306,6.5341,6.33355 +0,5.13198,6.44843,6.57622,6.60124,7.39511,8.08869,8.54838,8.4729,9.14426,9.81875,10.8553,11.9858,12.6168,11.3207,9.16322,9.26093,7.43382,7.18123,6.27913,5.57105,5.76849,6.70528,8.43824,9.12017,8.10552,9.94465,9.70492,8.7103,5.55069,4.84345,5.55677,4.65811,3.75107,3.87522,5.13535,4.45411,3.6144,3.74891,4.86957,4.92159,6.99529,8.03586,10.073,9.9912,9.10926,7.32343,7.50381,7.0718,8.45062,9.41717,9.74697,9.27056,8.93674,8.24768,7.76622,6.88351,6.84592,6.56938,6.3855,6.82774,5.43101,5.84124,6.67089,6.97979,6.5684,6.18736,7.29281,7.37715,6.22622,5.75377,7.01796,7.75077,6.68741,6.74292,6.83864,7.99065,7.51893,7.05075,6.72442 +2.02225,4.77935,6.05086,7.18878,6.6101,6.03351,5.2312,5.55535,6.29737,8.69952,9.04092,9.01197,9.12209,10.547,10.8608,9.09303,7.1857,5.95835,6.40973,6.69821,5.37101,5.16431,6.80877,7.55697,7.45506,8.41114,10.0168,10.3104,9.04048,4.98788,3.2826,4.05233,4.4774,2.90662,3.3435,4.73268,3.62848,3.71632,3.77543,4.27018,5.15065,5.99389,7.49396,9.4972,9.96824,9.45542,8.48677,6.77022,6.43833,7.05216,7.59921,8.33094,8.62853,8.59167,8.14896,7.07647,6.00363,5.91799,6.58465,6.07257,5.78166,5.6278,6.54343,6.5364,6.40459,6.43318,6.94532,7.33062,6.52659,7.53314,6.86116,6.46837,6.61695,6.91274,7.6605,7.69536,7.9615,7.31778,7.76905,7.28162 +4.38105,5.1004,5.97503,6.44002,5.80324,5.7355,5.41506,5.07955,6.91293,7.68799,6.96865,7.35532,9.40044,10.4091,10.7149,9.25111,7.01316,6.05392,5.34459,4.91164,3.88282,2.98252,6.32757,6.00366,7.97402,8.5697,7.51559,7.03909,6.22801,4.87669,3.76383,3.35169,3.86127,4.48861,4.98473,5.48014,3.98412,3.55604,3.33047,3.90699,3.79771,4.45833,7.02296,9.03064,9.835,8.99858,7.42669,6.91766,6.7679,5.31168,7.55878,8.817,7.68328,8.12453,7.50078,6.44666,5.91669,6.26466,5.24677,5.82054,6.35345,5.1634,5.36692,5.93786,6.64493,7.26265,7.44645,7.54328,7.30002,6.37671,6.24099,6.42956,6.69298,7.32125,7.20189,7.10936,7.22902,7.32404,7.29995,6.99991 +2.76131,3.08418,3.64055,5.71667,6.35655,6.53055,6.62296,6.72428,6.85231,6.07383,7.56634,8.94252,10.5351,11.4466,10.9085,8.80874,5.49665,4.45322,5.65121,5.94556,4.38603,4.99909,5.70674,6.42306,6.63706,7.49046,7.55582,7.42425,6.08405,6.1073,6.67204,6.41996,4.95758,4.45858,3.90386,4.08043,4.17908,3.65943,4.04512,4.56047,4.38226,4.84266,6.06923,8.17193,8.69252,7.56248,6.44423,5.95221,4.82512,5.13554,6.81999,7.10937,6.18236,7.08475,6.19219,6.54148,5.33563,5.5697,5.91241,5.96648,6.75377,5.8909,5.86758,6.94098,6.64336,6.27301,5.73752,6.53735,6.92784,7.26072,6.76189,7.04033,7.06818,7.61534,7.70451,7.40709,8.20221,7.17129,7.70029,7.22087 +2.56824,3.15003,3.93843,4.86642,3.04335,1.8387,1.8483,3.56388,5.3417,6.6111,6.89852,5.33257,8.0533,9.86586,9.57671,6.82389,6.30403,4.91192,3.40612,4.90201,4.30356,3.34483,5.08665,4.15575,6.5966,7.24093,7.00929,7.09949,6.30301,4.38271,4.17985,5.36473,5.07238,3.37013,3.45236,3.6932,3.58811,3.46569,5.05755,4.64554,4.55979,4.41832,5.2979,6.67509,7.03187,6.19975,4.41979,4.23987,3.93706,4.5467,5.02012,6.67433,5.8921,5.68094,6.48131,5.9565,5.55037,6.29858,6.32573,6.05205,5.86231,5.84276,5.84208,5.1543,5.80699,6.53996,6.57452,6.86253,6.75016,7.12603,6.66267,6.96062,6.92975,6.06383,6.91561,6.90953,7.02214,7.28949,8.52248,6.96288 +1.49154,2.96196,4.09576,5.1634,4.71371,4.63227,4.56627,4.61147,5.01204,5.69131,5.30235,6.03261,6.97969,5.37636,7.73751,7.38595,5.87925,4.83267,4.08051,3.7347,2.34271,3.03202,4.40912,4.18059,5.90319,5.86661,4.61112,5.36232,4.32885,3.34496,3.6281,3.32504,3.65636,3.28317,2.61288,4.11274,3.94643,3.59416,5.01437,5.01725,4.67291,4.83859,4.6235,4.90865,5.75867,4.92527,4.70421,5.22733,3.60235,4.24378,4.93219,5.17708,5.19282,5.02034,4.34064,5.55256,5.12885,5.48917,5.37305,5.91584,5.96827,6.49692,4.78523,5.88509,6.68424,6.25432,7.32737,6.46337,5.74637,6.3582,6.65066,6.11148,6.20604,6.19132,7.62138,7.17276,7.69933,6.98897,6.30967,6.42041 +0.127716,1.91171,3.09896,3.37697,2.40101,3.81986,4.30351,4.05706,3.12163,0,3.15567,5.04222,4.23939,6.66885,7.45622,6.5347,4.63187,4.0199,3.62207,2.98532,4.63119,4.84482,3.96116,4.27964,4.48146,5.97986,6.60534,5.93956,3.63425,2.97777,3.31407,3.22175,2.84164,1.90392,2.56581,3.8074,4.5273,2.94254,2.63888,4.68803,4.51962,4.40661,5.26529,5.17247,4.86987,4.81268,4.05271,4.13403,3.52525,3.35712,4.36333,4.26776,4.44729,5.14884,5.33706,5.66404,5.41195,4.76417,4.78693,5.15966,5.99142,6.0373,5.15515,5.7803,6.58715,5.80361,6.47849,6.46816,6.80707,5.79296,6.27392,6.37885,6.64938,6.82892,7.10731,7.59546,7.29554,7.92463,6.11491,6.16345 +0,0.130952,1.36636,2.89973,3.01882,2.88522,2.50263,2.56711,3.87647,3.84126,4.34575,4.45319,2.8656,6.36423,6.71818,5.07933,4.38905,4.25603,3.08687,3.21824,4.30782,3.79144,4.02555,4.19645,5.33384,4.70186,4.77467,5.66614,5.32287,3.75343,4.22765,3.88466,4.71478,3.99499,3.03471,3.88583,3.83171,2.64429,4.38086,4.3087,2.99561,3.68664,3.52669,3.8414,4.83095,4.56622,4.94085,5.39371,3.39377,4.05115,4.60135,4.47259,4.71061,3.95688,4.01781,5.23661,5.47043,4.87605,5.2981,5.79991,7.15886,6.77291,6.34925,5.78469,6.30393,5.71284,6.49788,6.94484,5.9982,6.10894,6.01619,6.14755,6.28224,6.68813,6.67709,5.7114,6.67976,7.37153,7.39575,6.67188 +0,0,0.0235141,1.12056,0,0.909135,2.00294,2.665,2.31979,0.898075,2.59874,4.72896,5.72534,6.03609,5.65301,5.19454,5.0125,4.87518,4.07367,3.21519,2.69542,1.55455,3.23131,3.52567,5.28344,5.89577,5.2819,4.52994,3.86351,4.50219,4.8887,4.55681,3.91059,2.8447,4.01421,4.76871,4.41019,3.81638,3.42375,4.30631,3.21639,4.21832,4.47579,4.79941,4.82152,4.57169,5.36789,5.09545,5.5315,5.52137,5.03265,3.91292,5.30167,5.15378,6.14733,6.00286,6.06143,5.76198,4.6792,5.21365,5.75133,5.55431,4.8158,5.22204,5.88281,6.23283,5.97604,6.19441,5.99059,6.39841,7.03462,6.70922,6.76298,6.78991,7.3835,5.73711,6.69586,7.17601,7.72213,7.17246 +0,0,0,0,0.0360797,0,0.51704,1.50391,1.48343,0.445912,1.90035,1.67638,2.76286,3.28806,1.30562,1.39204,1.34826,1.85888,1.96824,2.14293,0.618231,0,1.42934,2.49267,3.51086,3.12662,2.71114,2.66752,2.77787,2.58019,1.30621,2.2392,2.71381,2.26768,2.85326,2.73721,2.66714,1.73327,2.63709,3.67019,3.30874,3.39053,2.54612,2.93694,3.92252,3.91107,4.21763,4.38065,3.75843,4.14973,4.09895,5.10959,5.07976,5.36085,5.30205,4.02579,5.23308,4.89924,4.29551,4.8047,4.85369,5.52284,5.69672,5.15773,6.22261,6.20624,6.05361,6.94686,6.95722,7.11327,5.94754,6.09652,5.58563,6.53509,6.31991,6.72948,6.78453,6.86041,7.0272,6.66602 +0,0,0,0,0.303915,0.379542,0.435522,0.583909,0.543765,0,0.734555,1.72182,2.01742,1.38139,0.569929,0.953302,2.1909,2.44227,2.27362,2.08139,0.810935,2.21828,2.54411,1.79143,0.272306,0.854497,1.75604,1.66854,1.79303,1.32649,1.85433,1.49516,1.76363,3.1195,2.90472,3.97441,3.26831,2.71627,1.87576,3.68819,3.72239,2.99528,1.60842,2.62076,3.891,3.72348,3.90409,3.68459,3.54592,3.67971,4.09632,4.94686,3.97969,2.82818,4.63655,4.36014,4.76371,4.50243,4.89302,3.47614,4.76657,4.7426,4.70268,5.43109,5.72162,5.61554,5.80315,6.30865,6.28724,5.83068,6.23967,5.74837,5.4169,4.80122,5.3129,6.65082,6.56643,6.53774,6.6812,6.0115 +0,0,0,0,0,0,0.204552,0.15729,0,0,0,0,0.0607747,0,0,0.28301,0.623894,0.691648,1.2543,1.80742,1.29143,0.979064,2.11051,1.91474,0.513747,0.536581,1.36449,0.252763,1.3105,0.623465,2.17298,2.20263,2.21598,3.17568,3.14071,3.25869,3.73281,2.40838,2.26641,4.14014,3.96608,4.09045,3.37046,4.04653,4.56627,4.07046,4.68024,3.89332,3.31512,3.68856,4.44115,4.00563,3.10031,3.37894,4.29863,4.44526,5.13058,5.03687,5.33372,5.37536,5.55901,4.34279,3.75625,5.11023,5.13874,5.4494,5.93499,5.77482,5.88732,5.15463,5.0217,5.94345,6.03392,5.80144,6.03574,5.93638,5.99896,5.68895,6.01285,6.9704 +0,0,0,0,0,0,0,0,0,0.125973,0.339923,0.625601,1.1808,1.5872,1.57811,1.77383,1.81566,1.59282,0.904601,1.16546,1.49977,1.4221,2.29318,2.33229,1.83068,1.43964,0.975478,0.120443,1.56393,1.768,1.62079,1.12964,2.37719,2.71698,2.69523,1.64599,2.36156,1.76009,3.48352,4.20742,3.74425,3.00173,2.1775,2.48972,2.76123,3.26843,2.42763,2.57636,2.41212,3.01169,3.88505,3.36951,3.74914,3.87413,3.88109,3.87491,5.26177,4.34223,4.2861,4.55999,4.83227,5.34139,5.11902,4.66937,4.4718,5.26722,5.25031,4.97387,5.66538,5.63239,5.20065,5.68538,5.53146,5.87341,5.10708,5.13497,5.92182,6.44551,6.58242,6.41168 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.327031,0.252278,0,0,0.0630047,1.40558,1.36333,1.61167,1.07218,0.136214,0,1.72361,2.0321,2.0271,1.8698,1.99978,1.36687,1.73682,0.580527,1.66808,2.49008,2.43597,2.46814,2.01377,3.28111,2.28119,3.05372,4.1574,3.90363,2.71414,3.33162,4.30991,4.22889,3.23185,3.95592,3.34454,3.83927,3.79428,3.97418,3.95435,3.98041,2.99401,3.4593,4.02456,3.67212,5.10435,4.94151,5.02967,5.96695,5.07868,4.66049,4.21614,4.63166,6.01369,5.6758,5.91904,5.24112,5.24824 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0983105,1.09616,1.04097,0.540225,0,0.616978,0.462246,1.16063,1.93278,1.39135,1.37044,2.00559,1.6769,1.26206,1.37222,2.04494,2.34243,2.06216,1.2392,2.0048,2.41961,2.60416,3.29469,2.21554,2.77195,1.93028,3.5878,3.79755,3.27203,2.38078,4.17879,3.28882,4.41724,4.48476,4.01944,4.08286,4.10352,4.11884,3.80475,3.81676,3.8878,3.84816,4.80867,4.26549,4.0574,5.41348,4.6891,4.83247,5.39757,5.04576,3.98239,4.57684,5.34981,5.17563,5.56455,5.33258,5.20976,5.56859 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.141287,0.49705,0.060534,0,1.08487,1.81523,1.76344,0.846339,0,1.83607,2.54047,0.728065,0.914067,0.945078,1.83165,2.62164,2.28268,0.104042,2.63554,3.05585,2.23706,1.5085,1.93393,3.30426,2.99441,3.57709,2.79616,3.11171,3.08055,3.37096,3.51222,3.35805,3.53518,3.83622,4.82325,4.28614,4.80967,4.34748,4.25851,4.58112,4.94883,4.31445,4.9696,4.84875,4.73417,4.58267,4.89114,4.64866,4.63325,5.31273,5.61836,4.93641,4.6436,5.13833,5.68044 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0230466,0.484876,0,0,0.291859,0,0,0.594767,0.204747,0,1.17305,1.31817,1.00062,0.096414,1.70364,1.87712,1.49798,2.16886,1.91409,1.21464,2.20717,2.3161,2.58001,3.12105,1.42425,2.5164,2.2022,2.47237,3.23293,2.80022,2.35771,2.62496,3.33611,2.33698,3.04792,3.49904,3.79651,2.96553,3.45717,4.32658,3.89893,3.56896,3.35071,3.83106,3.47703,3.41166,3.57303,4.68409,4.49774,4.20983,5.25923,4.40414,4.57181,4.74745,4.06518,5.01192,4.90657,5.36356,5.34283,5.56032 +0,0,0,0,0,0,0,0,0,0,0,0,0,0.186371,0,0,0,0,0,0,0,0,0.715499,0.309039,0,0.0541215,1.63417,2.39607,1.74954,1.72947,2.18627,1.19873,1.50897,0.87569,0.704375,1.85072,2.25248,3.20895,3.05335,2.94338,1.32773,2.83575,2.91365,3.4593,2.28217,2.20644,3.48741,4.17048,3.1013,3.5973,3.83831,4.30658,4.77541,4.44945,4.00439,3.87667,4.82791,3.7781,3.60872,4.96653,4.67321,4.9335,5.05203,4.04066,4.40253,4.12325,5.42889,6.01277,5.36208,5.35157,5.39001,4.73043,4.59571,5.40444,4.93995,4.99676,5.39877,6.82582,6.50218,5.44055 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.554765,0.881238,0,0,0,0.779534,0,0.54655,0.662455,1.69604,0.641443,0.992236,1.54504,0.728462,0.717872,2.33474,2.5616,1.47127,2.41431,2.4108,2.75978,2.90129,2.03711,1.53304,2.44877,3.88915,3.80819,2.45631,1.45543,2.96955,3.76079,3.21383,3.26945,4.45057,4.17832,3.49245,3.93856,3.62218,3.33795,4.14409,3.77547,3.87286,4.54494,4.13897,3.86256,4.63218,5.53261,4.43945,4.47145,5.31097,4.50293,4.97921,5.67398,5.33757,4.81959,5.85022,5.17551,5.05498,5.15642,6.35328,6.17785,5.58023 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.389231,1.21953,0.503979,0,0.0206203,0.775187,0.912175,1.83246,2.41932,1.7579,2.08826,2.60898,1.98955,2.0182,1.65392,2.01815,2.50407,3.82931,3.87768,3.7413,2.00797,3.17211,3.91745,3.60809,3.9807,4.0427,2.93955,3.17445,2.84164,3.40803,3.81116,3.72733,3.82255,4.29338,4.61735,4.39017,3.87355,4.59826,4.86488,4.44363,4.28178,5.22815,4.43742,4.66531,5.15519,5.54861,5.27461,5.67869,5.76479,5.4156,5.04675,6.05363,5.7112,5.6517 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.219604,0.975768,0.931719,0.127788,0.945868,0.328984,0,0,1.35781,0.692719,0.231075,0.535398,0,0.558745,1.09056,2.12583,1.6477,1.65795,1.36082,2.41689,3.50763,2.7269,2.9419,2.18561,2.63046,2.0517,2.37699,2.80279,3.07138,3.56269,3.37937,3.08069,4.34948,3.73436,3.72893,4.01532,3.61742,4.51831,4.24872,3.96578,4.10348,4.17657,4.70902,4.4476,5.04455,4.94063,3.90333,3.908,4.65462,5.26415,4.94981,5.17009,3.72455,4.43795,5.21586 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.119428,0,0,0.0143912,0.347137,0.282091,0,0,0,1.3549,1.16732,0.130926,0.327408,1.38357,1.71268,1.69515,1.68767,1.80163,1.15289,2.12639,1.81188,0.972801,2.05566,2.38439,1.82406,2.273,2.40448,3.02744,2.67262,2.68901,3.2557,2.04476,3.45135,2.54001,3.11411,2.87064,3.61923,3.3196,3.83038,3.56775,3.79251,3.50606,3.46675,3.67742,4.2269,3.91798,4.29647,3.86929,4.0604,4.04599 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0255366,0.147615,0.244973,0.378829,0.452202,0.571196,0.649937,0.796221,0.849153,0.973698,1.06095,1.15793,1.25233,1.34754,1.44,1.52456,1.62593,1.70309,1.78677,1.88963,1.96122,2.04242,2.12303,2.20439,2.27529,2.35586,2.42501,2.49256,2.56234,2.62266,2.69051,2.74808,2.80035,2.85179,2.89935,2.94749 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0781187,0.123252,0.231291,0.350024,0.469186,0.576909,0.667752,0.745723,0.854632,0.970553,1.09517,1.12194,1.27592,1.34874,1.44185,1.53426,1.64419,1.69236,1.8196,1.89873,1.96442,2.05487,2.15197,2.21979,2.30416,2.37582,2.45479,2.51523,2.59041,2.67071,2.70757,2.80625,2.82403,2.91511,2.94841,2.99578,3.04226 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.072839,0.183602,0.290406,0.393211,0.492052,0.586992,0.711852,0.782027,0.906549,0.984332,1.08585,1.18331,1.27667,1.36594,1.45141,1.55952,1.6278,1.72085,1.81054,1.89202,1.9743,2.04876,2.13392,2.20462,2.28224,2.35472,2.42209,2.48967,2.55372,2.61818,2.67454,2.73164,2.77898,2.83038,2.87429 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.492927,0.570783,0.0473408,0,0,0,0,0.555716,0.124061,0,0,0,0,0,0,0.262554,0.993868,0.364676,0.816501,1.66771,2.20012,1.81197,1.77265,2.38675,2.7088,1.90269,2.09292,2.54285,1.92575,0.847084,1.53858,1.13776,0.468651,0.77015,2.24717,2.49637,2.58159 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0285368,0.0890282,0.744151,0.285526,0,0,0,0,0.330527,0,0.155798,1.47817,1.99178,2.16846,1.61231,0.414914,0.688922,1.33539,0.952435,1.6894,2.76469,2.92578,2.32213,0.634629,1.50737,1.1647,2.21862,3.17885,2.92899,1.3146,1.01472,1.92342,2.9302,2.93882,2.67682,2.34974,3.52298,3.17682,3.32856,3.53463,4.33509,4.00403,3.77394,4.13217,4.89848,3.91353,3.93191,4.66787,4.43965,3.06472,4.13133,4.37382,3.15729,4.04084,4.68096,4.53741,4.80034 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.669164,0.611008,0,0.586061,1.29887,0.726634,0.231671,0.889728,1.50063,0.971144,0.434577,0.692878,0.742565,1.69284,2.04632,0.850313,2.35811,2.62265,1.68892,2.36073,3.03868,1.49974,2.41972,2.18551,2.44068,2.63249,3.19288,2.71907,3.49955,3.16631,3.58412,2.52885,3.22042,2.95786,3.2075,3.75519,3.97312,3.76904,3.81411,3.05866,3.51604,4.03936,4.24048,4.51576,4.07028,3.37142,4.27233,4.37067,4.83735,4.16258,3.82787,4.03409,4.92548,4.44551,3.56912 +0,0,0,0,0.696551,0.513222,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.000280341,0,0,0.892488,2.247,2.46441,1.86815,0.11,1.2097,1.39975,1.35909,1.50331,2.24152,2.99905,3.42511,3.69995,3.27159,3.14168,3.29035,2.2943,2.61659,3.50913,2.45779,2.63484,3.74331,2.63438,2.93991,4.58822,4.55341,4.3505,3.97624,2.78188,3.90833,3.74384,3.33943,4.92205,3.48068,2.63615,2.95242,4.43596,5.54982,5.59667,5.19799,4.75844,5.77699,6.29463,6.24332,5.35045,5.15309,6.11224,5.97853,6.5769,5.42855,5.58711,5.96665,6.46361,5.69264,5.85885 +3.03209,3.79774,4.6974,5.3741,4.94944,4.41384,3.13557,0.825663,2.19169,2.21827,1.9551,1.82697,1.68978,1.64359,0.561932,0,0.147312,0.290922,0.417049,1.1631,0.540576,0,1.06331,1.02734,2.3188,3.24738,3.41834,3.37039,2.48001,2.26056,2.93434,2.59565,3.11751,3.26555,3.65123,3.07067,3.77483,3.48238,3.943,2.70316,3.34379,3.52627,2.73299,3.29884,3.85967,3.08559,4.07854,4.28713,4.31798,5.27519,5.37696,5.11062,4.58566,5.24282,4.73102,5.81434,6.00962,5.90834,5.64249,4.79542,5.34757,5.38903,6.04799,6.02553,6.05876,6.24385,5.28852,6.11945,6.33185,6.22604,6.13481,6.1931,6.7612,7.78619,7.26948,6.67462,6.14792,6.51953,6.22626,6.22762 +3.77153,3.51735,1.83094,6.84932,7.24481,6.95192,6.11036,4.22446,1.32145,1.58796,1.2316,1.08736,0.0715171,0.46,1.44672,0.453422,0.208071,0.744417,0.720086,2.68779,2.66137,1.21052,0.222216,1.42201,2.35374,3.14571,3.12701,2.19682,1.28772,0.288237,1.49946,1.51349,2.03822,3.29782,3.32527,2.92412,3.7177,4.61176,4.2672,3.72901,4.38357,4.68844,4.27821,4.68355,5.59187,5.07129,4.55055,4.47291,5.01454,5.34011,5.79892,5.18421,4.33567,5.51734,5.28759,5.18301,5.46809,5.41818,6.25724,5.34269,5.56657,5.56953,6.26174,5.54814,6.16277,6.57817,6.1408,7.20586,6.8258,7.22637,7.37751,7.0371,6.408,6.48294,7.57528,7.293,6.94194,7.39332,7.4543,6.99178 +4.21083,4.68352,5.38771,7.37555,7.90358,7.77148,7.1944,5.09725,1.14812,0.707371,1.7993,1.78977,1.87814,3.01026,2.35598,1.37688,1.72792,1.71967,1.02728,1.80617,3.07404,2.1857,1.78134,3.44892,3.90584,2.9683,2.40665,2.76139,2.28015,0.976781,2.11986,1.84806,2.70865,2.55571,2.48855,3.01664,3.00503,3.79403,3.08564,2.76107,4.05149,3.72712,4.15076,5.04919,4.41928,4.50852,4.69001,5.1824,5.03486,4.49307,5.00945,4.84725,4.67632,5.25936,5.41769,5.52408,5.00385,4.60225,4.9363,5.54406,5.63649,6.04451,5.42768,4.33316,6.32275,6.83635,6.43607,5.72181,6.73201,5.89749,6.50414,6.67633,6.18246,7.42202,6.98726,7.35493,7.09904,8.08587,7.65503,7.25408 +1.24543,4.40132,5.68884,5.37723,7.10332,7.66785,7.64271,5.9205,4.42973,3.38254,3.60272,2.5204,3.40943,3.3763,0.397735,1.5436,2.47785,1.36488,2.34525,3.20335,1.87317,0,2.52305,2.42302,2.22043,2.958,3.01648,2.07302,2.72475,3.13773,3.38947,3.09139,3.93007,2.95491,3.84034,3.88738,3.77104,4.14548,4.42966,2.89501,2.85305,3.94948,4.67587,4.14127,4.30002,5.2169,4.88801,5.70364,5.23584,5.69572,4.61341,5.42495,4.76143,4.8331,5.55475,6.07186,6.49203,5.59171,6.01522,5.91068,5.4158,6.09543,5.6785,5.50417,5.60633,6.43884,6.33671,7.56352,7.09116,6.81089,6.0787,5.90417,6.89173,7.01613,7.16806,6.41667,6.8168,7.37798,7.38886,6.29859 +7.23683,8.1407,9.10553,10.0033,9.49233,8.91819,7.6082,5.91624,4.19682,3.36853,0,0,1.30158,3.00522,1.31071,2.00479,2.83308,2.89997,3.01796,2.70866,2.62758,2.36124,2.42796,2.05331,0.198329,1.16695,2.68166,3.28166,3.30735,2.93927,3.0497,3.2448,3.57727,3.35133,4.05826,4.68251,4.58724,4.08976,4.3536,4.53903,3.59662,3.7731,4.70492,4.93885,5.09459,4.56544,4.96622,4.95848,4.98603,5.50985,4.85729,5.65573,4.99348,4.82449,6.37411,7.04352,6.00159,5.41054,4.97414,5.18138,6.21726,6.11453,5.12339,5.56798,6.09852,6.32775,6.32425,7.1155,7.32802,7.21316,6.12393,6.80303,7.53992,7.5086,7.18753,7.01812,7.0789,6.93372,7.52463,7.14784 +6.53226,8.82093,10.0627,11.3272,10.7086,10.125,8.96345,8.0429,6.29903,4.79852,3.85759,2.09283,1.72576,2.5021,3.44998,2.89555,3.1978,3.30275,2.72214,2.26008,2.43831,2.31666,1.4399,1.22669,1.17967,2.84392,2.81529,2.27191,2.51447,2.63429,1.78535,2.62945,2.49598,2.85212,3.84225,4.07958,3.94614,3.68022,4.07678,4.23979,4.02569,3.95633,4.20534,4.87277,4.57383,5.342,5.10569,4.64727,4.90807,6.11442,5.51969,5.18497,4.47881,5.38365,5.20614,5.76319,5.69517,5.52126,5.44044,5.27006,5.57438,5.68686,6.24555,5.84694,5.67771,6.57548,6.60197,7.26835,6.81046,6.67749,6.08757,7.68414,6.85392,7.40522,7.64935,7.43982,7.60655,7.10133,7.90236,7.41169 +6.20955,7.18792,8.18284,11.0928,11.2993,10.9485,9.96701,6.80005,5.61806,4.45257,2.73952,2.00897,2.63463,0.965777,1.33351,2.32635,2.8781,2.92374,2.41026,1.7049,1.76582,2.02593,2.23829,1.14003,0.976255,2.66544,3.28572,2.45381,3.37012,4.00601,3.2416,2.75106,3.16968,2.39913,3.19751,4.49584,4.17542,4.64112,4.64377,4.96177,3.80859,4.81925,4.34614,4.4116,4.3291,4.10593,4.38261,5.02102,5.55867,4.57259,4.44397,5.13548,5.23834,5.35761,5.8112,5.85223,6.08462,6.25701,5.5818,5.55155,5.77531,5.70917,5.46308,5.4336,6.17325,5.30098,6.97499,7.20995,7.07604,6.54054,7.04222,6.9661,7.67425,6.55547,7.09176,6.23381,6.27582,6.63196,7.40796,7.54255 +6.92735,8.00293,9.03274,9.32885,9.17513,9.35551,9.20858,7.80403,4.74981,3.02124,2.98975,3.04381,3.919,2.94492,3.11098,2.85252,3.44505,4.0338,4.37542,3.78848,1.72061,2.23665,3.05788,2.85372,2.41062,2.57823,2.76821,3.30956,2.54476,3.23135,3.52501,3.43778,2.91059,3.95161,3.63231,4.06432,4.18913,3.63847,3.82144,4.13844,3.26561,3.51392,3.66513,5.14098,4.94054,4.42593,3.90282,5.0214,5.74719,4.76091,4.35158,4.02496,5.35761,5.8888,5.9452,5.13688,5.20505,5.46337,5.93557,5.77697,5.22661,5.41216,4.31526,4.86157,6.29017,6.15406,7.05197,6.73774,7.03165,6.53825,6.83564,6.36044,7.25551,7.10351,6.7497,7.57781,6.59878,7.79804,7.32241,7.1667 +4.79402,6.12837,7.23198,8.30321,7.64424,7.25902,6.73571,6.24035,4.8366,4.78478,3.25492,2.68856,1.87454,4.10501,2.47197,3.18306,3.28386,3.11333,2.70158,3.39597,2.25129,1.16851,0.758312,1.04719,0.831706,2.08383,3.41209,3.23229,2.71476,3.28534,3.74429,3.48759,3.47497,3.14014,2.93525,2.76749,3.21251,3.30832,3.95405,3.85527,4.18621,3.46089,3.22209,2.55217,4.14711,3.86614,5.23807,5.70255,4.46943,5.05097,4.4786,3.88046,4.76198,5.00055,5.14239,4.89661,6.35516,5.97666,6.27027,6.31712,6.5592,5.93122,5.72501,6.13457,5.95285,6.47316,7.02519,7.29048,6.69427,6.7558,7.09417,6.97915,7.39899,7.73552,7.35358,7.3477,7.45827,7.45397,6.78887,7.57773 +5.14389,6.20935,7.23574,8.77654,8.37522,7.97489,7.27837,6.69957,5.25121,0,1.60677,1.56982,1.48285,4.06941,4.46751,4.52168,4.77366,4.64292,4.5174,3.10846,1.91307,0.957856,2.76277,3.15169,2.58853,2.423,2.23291,2.75153,2.39192,2.48738,3.41486,2.70718,2.24765,3.11957,3.1854,3.98239,2.56849,3.49996,4.30317,4.11969,5.0858,5.61876,5.07149,4.75343,5.36047,5.37052,5.2635,4.74764,5.30447,5.52485,5.26443,5.08489,5.58208,5.73019,5.56259,5.91215,6.05308,5.96578,6.10256,6.69269,6.38636,6.29883,6.52692,6.03729,6.68115,6.52477,7.15372,7.45966,6.33513,6.07906,7.27503,7.56491,6.389,7.71353,7.47541,6.71401,6.78836,7.14719,6.81693,6.58197 +5.96283,7.34476,8.4595,9.16057,7.73626,6.70374,5.23004,4.69633,5.43703,4.71998,2.36341,3.65966,4.63282,4.66202,3.66971,2.81949,3.92137,4.90706,4.98949,3.95907,1.28429,2.13357,3.00287,3.02237,2.43966,2.41764,2.52757,2.95132,3.04743,2.51812,1.26421,1.3829,2.43807,4.04488,4.36993,4.09091,4.32667,4.45664,4.02625,4.09704,3.66295,4.14502,4.3985,4.9308,5.20594,4.54493,4.85195,5.81478,5.59322,4.24336,4.93377,4.93565,5.67363,5.80299,5.74234,5.94418,5.99681,5.87392,5.67002,6.16813,5.77669,5.81799,5.17546,6.34551,6.65108,6.45817,6.57524,5.82293,7.37102,6.96418,6.9891,7.13169,6.23596,7.1157,7.20988,7.09588,7.19713,7.52084,6.98941,7.81343 +3.72907,5.59385,6.79201,8.5648,8.45251,8.06096,7.14605,5.80126,5.03839,3.83078,1.91036,2.36415,2.24622,3.82868,2.01029,1.28101,1.33401,1.21609,2.4478,2.86365,0.342508,0.847149,1.39381,0.246369,0.910703,1.38617,1.92154,2.80863,4.42324,3.76436,2.37586,2.91623,3.80909,3.7115,4.36906,3.52203,3.64934,4.10658,4.75165,4.18027,4.33611,4.73651,4.641,4.42039,4.52465,5.33244,5.42431,5.50955,4.60211,4.64889,4.38089,4.98966,5.28914,5.51674,4.95568,5.73318,6.50232,6.05653,6.03352,6.4478,6.60097,6.46502,6.33852,6.99563,6.27611,6.52187,6.50889,7.3347,7.35757,6.64908,5.95812,6.58151,6.88194,6.66113,6.75457,7.25249,7.73319,7.50334,7.45506,6.84317 +3.95616,4.14504,4.52213,5.97125,6.68174,6.39664,5.4769,1.63184,0,2.89936,2.89063,2.70869,2.657,2.58865,1.27896,0,1.47168,1.89119,1.41245,2.33742,2.41286,2.5625,2.13135,0.232631,0,1.84389,1.91599,3.1167,3.30251,3.43076,3.49275,2.83621,3.07898,2.90832,2.45095,3.73074,3.89027,3.62958,2.97209,4.45234,4.31201,4.06731,3.93458,4.32218,4.24344,4.26839,4.40412,4.76232,5.56283,4.92677,4.11083,4.6046,4.34823,5.28827,6.18941,5.9787,5.81507,5.86707,5.64559,5.32936,6.62422,6.64008,6.27336,6.85478,7.18554,6.81777,5.96735,6.08971,6.27376,6.70094,7.38902,6.8064,7.16296,7.15418,7.15,6.85806,7.33397,7.22957,7.46757,6.78535 +3.4311,4.29328,5.23982,6.28344,5.57772,4.94817,4.5431,5.22378,4.74286,3.88547,3.50145,2.55557,1.97676,2.67332,2.77544,2.59912,3.12364,3.53182,3.32909,2.90413,0.955068,2.32276,3.23491,2.11518,0.467967,1.61211,1.48027,2.99685,3.72255,2.73398,1.02859,1.91038,3.15922,3.88622,3.11611,2.78047,4.26562,4.09004,4.09706,3.69038,3.86748,4.01003,3.06448,4.39519,4.39511,4.4728,4.46472,4.4931,4.33758,4.55914,4.23645,4.37671,5.45311,6.13537,5.70858,5.24572,5.46219,5.17761,5.95026,5.84448,4.93869,5.62669,5.47417,5.51097,6.18211,7.01233,7.48295,6.62859,6.59904,6.54692,6.1018,6.96997,6.59483,7.18289,7.48015,7.14547,7.09218,7.20335,7.92144,7.19285 +3.93559,5.21898,6.30992,6.52185,4.55856,4.67114,5.62772,6.17446,5.80424,4.14242,2.87339,2.53937,4.29396,3.8211,0.586502,1.25811,1.08148,1.51942,3.68189,3.92881,2.61814,2.37584,2.1957,3.06609,2.717,1.83241,3.23928,3.04645,1.94076,1.65515,1.12555,2.19616,2.88689,2.50503,2.56018,3.5394,3.15051,3.76491,4.69617,4.8072,4.41104,5.30355,4.71583,4.83413,4.66843,4.05087,4.53676,5.20833,4.28443,4.60145,5.06095,4.98382,5.43095,4.81251,5.47763,5.9984,5.27147,5.50155,6.04859,5.81022,6.52658,6.73224,5.62571,6.59592,6.24682,5.84807,6.55601,7.23628,6.83727,5.87869,6.73296,6.90374,6.82231,6.32462,7.34988,7.1026,7.10481,6.77557,7.23964,6.85476 +2.76871,4.23062,5.36267,6.92365,6.18749,5.71461,5.284,5.37538,4.22927,1.555,2.2232,4.25277,4.88332,4.57848,2.53521,0.388768,2.40509,3.48741,3.97229,3.32298,1.69452,1.87838,2.02904,3.39986,3.09687,2.21326,2.09729,1.69864,1.74642,2.49627,3.0449,3.45389,2.93004,3.91227,2.99785,3.10604,3.62896,3.29654,2.95502,3.4746,2.80479,3.73929,4.25244,5.2915,5.56388,5.44355,5.00465,5.73337,5.33883,4.65095,5.38861,5.56406,5.22181,4.99752,5.34962,5.59438,5.73659,5.98672,5.09908,4.84704,5.82232,5.87304,5.07382,5.67728,6.15981,5.43034,6.91302,7.07962,7.19775,5.97925,5.62285,7.1188,7.43966,7.07449,7.00028,7.12379,7.4714,7.81763,6.93095,7.12345 +3.05928,3.93366,4.88567,7.46078,7.8555,7.56215,6.69379,4.24691,3.57441,1.78246,2.31582,2.75325,2.10445,3.58443,2.26063,1.83059,2.54608,2.42847,2.82092,2.5873,1.79757,1.19156,1.9791,1.95682,3.05952,3.95608,3.93139,2.54159,0.916772,2.95119,3.86822,3.47317,3.82633,3.58952,2.55849,3.19706,4.10068,3.57501,4.32947,3.68363,3.96327,4.12683,4.35685,4.14333,4.66297,5.41822,4.99231,4.03915,4.02727,4.96057,4.4662,5.51427,5.82196,5.92206,6.96954,6.02424,5.66904,5.60079,6.1979,5.48191,6.16857,6.50985,5.40474,5.73411,6.19803,6.19461,7.06037,7.89676,5.92543,7.01155,5.7864,7.24398,7.06498,6.87025,7.09493,6.96995,7.22348,7.5412,7.47875,7.18177 +3.90551,5.42063,6.5633,7.51754,7.16539,6.80729,6.07451,4.80857,2.39773,2.73035,3.41044,3.20037,2.893,3.0904,2.63816,1.5439,0.63904,2.02807,3.10732,2.79232,1.47466,1.15131,2.34409,2.49892,2.34881,1.95612,2.63641,2.47122,2.83504,2.80283,3.17357,3.22203,2.50769,3.58099,3.79373,3.35163,2.82102,3.55644,3.41678,3.42309,4.66479,5.0552,4.43028,4.23525,4.8106,4.67205,4.42314,4.15162,3.85022,4.09044,4.26401,4.79204,4.7233,5.04594,5.76209,6.5528,6.33607,5.59803,5.96902,5.60492,6.76191,6.9015,5.9084,6.41861,6.31648,6.37381,6.2833,6.87013,6.38405,6.90923,6.35973,6.90473,7.6805,6.86375,6.82532,7.52756,7.77516,6.84676,7.44657,6.84636 +2.72258,5.29107,6.55233,7.0995,6.59812,6.36809,5.87591,4.43055,3.82567,1.88921,0.468342,0.369552,2.35731,1.29693,0.687903,1.62384,0.872347,2.05556,2.65174,2.43004,2.62203,2.36274,2.83969,1.53428,2.18346,2.98226,1.91905,1.07051,2.50345,2.93373,3.03158,3.17794,3.52473,4.03635,3.47666,3.40157,3.94756,3.20481,2.70109,4.63648,4.6298,4.66369,4.71361,4.56428,4.29595,4.00151,4.17846,4.47423,5.40855,5.6698,5.91573,4.93228,5.74399,5.25454,5.92276,5.20106,6.15943,5.95278,5.67934,5.3904,5.70636,6.17866,4.84813,6.32729,6.75159,6.8727,6.85494,7.79301,6.48952,6.35838,6.42326,6.49447,6.96883,7.29628,5.77573,6.59756,7.08293,7.79939,7.57415,6.59676 +6.38756,7.69982,8.79804,9.53148,8.52021,7.58069,4.53012,5.54211,4.36227,3.39532,2.80969,2.96351,1.21878,3.33813,3.20392,2.83897,2.33287,1.6095,3.00518,4.0639,3.61679,2.52412,1.93179,1.78011,2.18791,2.01892,1.99796,1.16222,1.75064,1.5673,1.81872,2.73694,3.42038,3.66024,3.14856,2.60869,2.67479,3.65278,3.9747,3.88305,3.8924,4.68986,3.9608,4.75747,4.54368,4.4662,4.94907,5.23023,5.91953,5.1905,5.42207,4.85488,4.94709,6.13114,6.35946,6.12174,6.62442,6.74139,6.33463,6.16533,5.75689,6.23353,5.58404,6.17071,5.41623,6.03419,6.67148,6.46853,7.15703,6.75277,6.58615,7.13781,7.85997,7.50686,7.40836,7.95657,7.46623,7.58001,7.33664,6.01643 +6.30647,7.64465,8.74918,9.61898,9.17657,8.78124,8.06525,7.26134,6.19866,4.21159,4.34247,4.39745,4.43209,4.19039,3.30498,2.48352,2.70902,2.5234,1.67286,2.96852,2.11462,2.08972,2.18218,2.73858,1.85092,1.60633,2.03711,0.266626,2.66518,3.45574,3.60783,3.02432,2.53372,2.14748,4.02222,4.27911,3.85301,3.77531,4.02112,3.7746,2.8526,3.97465,4.08375,4.96981,4.59461,4.32182,4.6709,3.41722,4.1314,4.92035,5.37817,5.51969,4.9883,5.88507,5.46691,5.20501,5.55354,5.15065,5.89419,5.29443,6.23344,6.4574,5.26215,6.22016,6.09929,6.55205,6.74642,6.87535,7.31222,7.47858,6.88511,6.90065,6.68923,7.06842,7.02464,6.86287,7.30213,6.73045,6.93359,6.12789 +4.95698,5.32879,5.93841,5.95584,6.03294,5.44712,3.96736,4.23464,3.66794,4.09037,2.32632,1.44907,2.32154,2.73622,2.86189,0.0475972,0.418484,0.691757,1.10591,1.81338,0.952843,1.13229,2.66013,1.49638,1.72449,2.92139,2.49856,2.45416,2.88068,3.60211,4.02715,3.09925,2.53446,2.93994,2.52843,3.73412,3.63938,2.08609,2.37906,2.69441,2.70737,4.30674,3.54179,3.38042,3.85936,2.78239,4.10107,5.0081,5.49345,4.41816,3.99019,4.38777,4.75477,4.71938,5.7236,5.19641,6.08145,5.43474,5.91293,5.71719,6.76101,6.06678,5.26389,5.84182,6.10391,5.45558,5.931,6.42582,6.9014,5.94657,6.95537,6.98238,6.71917,6.749,6.37155,7.13862,6.79503,7.5241,7.33042,6.96485 +3.07007,3.7318,4.57263,4.6937,3.65583,3.0404,2.41207,2.25567,1.27563,0.510526,0.733397,0.583851,0,1.74641,1.889,0.513665,1.29409,1.88345,2.54266,2.43173,2.12564,1.84936,0.248446,0.600515,2.36495,1.54301,0,1.59866,2.92728,2.51736,2.69807,2.92838,4.11555,3.34698,3.07186,3.39477,3.89074,3.97632,3.03862,3.45704,4.45783,3.99255,3.81041,3.70607,3.86591,5.12505,5.33174,4.56896,3.2777,4.62047,4.50878,5.3742,5.22737,5.55817,4.10408,4.48639,5.3024,5.49124,6.51379,5.95991,5.55533,5.76182,6.2256,6.09813,6.51264,5.48148,6.47642,7.8802,6.89505,6.54176,6.55325,6.41145,6.44013,6.64511,6.45999,7.04513,6.55125,6.46799,6.57075,5.80583 +1.13291,1.87767,2.76625,3.01848,1.82734,1.15117,0.339973,0,0,0,0,0,0,0.628881,0.0217154,1.03202,1.97915,2.56912,2.35119,1.03184,1.46258,1.4992,0.638223,0.703576,1.99334,1.20964,0.943854,1.06257,1.04996,2.90524,3.54766,3.37811,2.85508,2.7786,2.55504,3.01242,4.46558,4.77864,3.77539,4.20345,2.93244,3.54088,4.1304,3.57005,3.94974,4.35103,5.42246,4.86535,4.79055,4.48641,3.78057,4.15698,4.02799,4.31778,5.28706,6.03502,5.71175,5.48802,5.94098,5.39271,6.06634,6.48982,5.73738,5.08464,6.15406,6.03582,5.96153,6.59948,6.65268,6.59644,6.77423,6.60989,7.09508,6.37491,6.50246,6.10911,6.25803,6.00184,6.61602,6.5707 +0,0,0.240001,0.947286,0.946705,1.09806,1.02947,0.432174,0,0,0,0.692533,0.35414,0.746751,0.0386651,0.483383,1.21264,1.65061,1.00906,0.209342,1.39593,1.73548,2.09682,2.15065,2.35501,1.43725,1.66946,2.29543,2.13669,1.49056,2.20571,2.46268,2.77456,2.50834,2.61719,2.98567,2.50105,3.41199,2.94709,4.04592,4.09453,3.21607,4.15326,4.12538,3.37003,3.68561,3.93903,3.6349,4.22842,4.76499,4.53765,4.19846,4.22948,5.24202,4.83932,4.91893,5.36849,5.01966,5.4458,5.28112,5.02913,4.7217,5.4018,5.7222,4.76603,5.09044,5.78209,6.17338,6.75442,6.40863,5.97215,6.08206,6.39368,7.07341,6.78968,5.76249,6.48178,6.98933,7.06152,6.91815 +0,0,0,0,0.345608,0.662415,0.766095,0.637574,0.530689,0,0,0.785321,1.57157,1.50727,0.686815,0.495029,0.545175,0.461366,1.62117,1.98302,1.56095,0.896461,0.486068,0.927931,1.24122,0.299483,0,0,0.475587,0.686961,1.92439,1.34538,0.0766679,1.16188,2.20122,2.13584,1.17528,2.47255,3.07035,3.6786,3.26747,2.78378,2.4044,3.03102,1.67128,3.29309,4.09344,3.55678,3.0071,3.81353,3.92508,3.32688,2.32306,3.92195,4.96026,5.19745,3.31474,4.30895,4.42181,5.32234,5.16277,4.34533,4.74503,5.01055,4.42566,4.4741,5.12255,5.59112,5.01594,6.18082,5.78963,5.48599,5.21348,5.90841,5.56549,5.94316,5.99614,5.47952,6.22978,5.91378 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.979703,0.587297,0.200113,0.578656,0,0.177696,1.15351,0.687828,0,0,0.930468,1.21906,0.129778,1.18908,1.79963,0.648077,1.53193,2.26202,2.32766,2.75168,2.05229,1.68666,1.7721,3.8924,3.42515,2.52109,4.08192,3.29598,3.1172,2.99604,3.02591,4.00824,4.84837,3.93962,4.64544,3.5717,4.71771,3.36369,4.07138,4.85364,4.58829,4.24481,4.22956,5.01361,5.1525,5.84741,5.68186,5.80349,4.77951,5.1659,5.43274,6.56036,5.6744,4.96561,4.65886,4.85554,5.02072,5.72892,5.75732,6.29139,5.42513,5.16139,6.13579 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.268369,0.0564271,0,0,0,0,0,0,0.261118,0,0.968847,2.08298,2.28766,1.42193,1.79466,1.73627,2.18907,1.59029,3.11237,2.6479,2.4259,2.48708,2.51086,2.78624,2.98412,3.19832,1.63298,2.4925,2.65338,2.82814,3.26688,4.07678,3.38539,3.72292,2.92783,4.23301,3.46604,3.43606,4.04816,4.89719,3.66863,4.01832,5.05664,4.87718,4.28887,5.17652,5.29388,4.71332,5.24157,5.67082,5.76846,4.41966,4.29223,4.71368,5.27171,4.73871,5.06653,5.46423,5.5748,5.89268,5.51069,6.11034 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.320967,0.261762,0,0,0,0.312866,0.390775,0.425532,0.441043,0,0.525024,1.41459,1.71473,1.30326,1.51509,2.3653,2.61553,1.86865,1.18001,1.46346,2.83221,2.85144,1.33823,1.83622,0.800438,1.83162,1.30695,1.88774,3.65804,4.0914,3.47443,4.00422,4.44321,3.96684,3.71495,4.03337,3.0999,3.65969,4.42811,4.61854,3.93915,4.74637,4.61948,4.35827,3.88461,4.51204,3.95114,4.58191,5.20492,5.40625,5.1086,5.25767,5.4816,5.38423,5.33503,4.35182,5.03926,4.32164,4.72046,4.73288,5.43442,5.73364,5.58328,5.27979 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0571363,0.478023,0,0,0,0,0,0,0.28487,1.12469,0.216041,1.15686,1.33318,0.378113,0.546295,0.0526095,1.13115,1.96423,2.57927,1.86498,1.28621,2.03578,2.41826,2.46706,2.87714,2.90772,2.68907,2.49827,2.61725,3.06666,2.74969,3.67401,3.63021,2.12829,3.30011,3.25246,2.40375,2.84717,3.24572,4.20594,4.56835,4.12887,4.39531,4.76678,4.71432,3.96357,5.15145,4.33857,5.31687,4.98056,4.36699,4.46,4.49625,5.06418,5.13629,5.22663,4.60255,4.63578,5.0023,5.0829,4.60181,5.37081,5.82787,6.10202,5.55543 +0,0,0,0,0,0.0349571,0,0,0,0,0,0,0,0.236626,0.678116,0.563437,0,0,0.32258,0.727285,0,0,0,0,0,0.709125,0.699439,1.39676,1.18608,1.03988,1.32213,1.69738,0.81898,2.53269,1.82725,1.37447,1.00014,1.72292,2.12433,3.81984,3.32004,3.04328,3.75185,4.16855,3.74952,3.19768,2.8768,2.47468,2.84726,3.88181,3.9195,3.11119,2.70634,2.60223,4.06581,4.69744,4.71646,5.34022,4.59877,5.5322,5.89961,5.70265,5.04104,5.57748,4.64345,4.98091,5.13141,6.12592,5.55728,4.97712,5.42631,5.85159,4.54991,4.0197,5.67686,6.72158,5.99637,5.78756,6.04524,5.45737 +0,0,0,0.573151,1.15851,1.46424,1.4769,0.995668,0.681616,0.107647,0,0,0,0.261729,0,0.321403,0,0,0,0,0,0,0,0,0.149612,0.820604,0,0.490083,0,0.989446,0.572011,1.8759,1.96895,0.391151,1.48289,1.02655,1.57108,2.54008,3.26868,3.17345,2.7111,3.5236,4.10143,4.16763,3.61721,3.28887,4.62365,4.49146,4.08461,4.35836,3.80332,3.32848,3.1397,2.32389,3.8088,5.19168,4.70609,4.59779,4.23415,4.99821,5.82292,5.44038,4.25986,6.01977,6.27384,5.40203,4.99281,5.42028,5.57754,5.87319,6.02039,5.92728,6.17055,5.96689,6.32181,6.14684,6.20743,5.39139,5.37378,6.41146 +0,0,0,0.288587,2.00189,2.1687,1.85619,0,0,0,0,0.207296,1.02704,1.18917,1.2208,0.178948,0.520057,0.686583,0,0,0,0,0.265304,1.58913,1.73679,0.0401425,0.495541,0.647955,0.866361,1.8689,0.903393,2.02522,2.60853,2.76689,2.87084,2.64601,2.51354,2.99051,3.22821,3.62967,3.61284,3.40766,2.73128,3.27283,4.31253,3.56873,4.6569,4.48269,4.55417,3.7271,4.23831,4.42964,4.87991,4.20799,4.28426,5.46098,4.47839,4.89431,4.83664,5.28114,5.12781,5.31055,5.10506,5.44088,6.00292,5.44863,6.04014,5.86997,6.36784,6.63932,6.53044,5.95068,5.38417,5.93259,6.94617,7.38719,6.55453,6.25256,6.29312,7.05511 +0,0,0,1.80861,2.73755,2.89307,2.6567,1.24762,0,0,0,0,0.0697367,1.20559,1.76682,1.80133,0.507307,0,0.747518,1.7813,1.99303,1.88878,1.31897,0.850112,1.49393,1.77628,2.22228,1.56608,2.13262,1.71875,1.50027,1.58861,2.80439,2.72936,3.24704,3.02779,2.85571,3.2053,2.0512,2.90382,2.71213,2.74276,2.7934,3.54654,3.39116,4.18093,5.20063,4.4859,4.10622,4.45286,4.6419,3.62794,5.32399,5.01,4.43778,4.36417,4.42232,5.67431,5.82468,6.01384,6.26409,5.91077,5.00024,6.10457,5.47605,5.56624,6.27885,6.58399,6.11965,6.3579,5.74067,5.7146,6.21926,6.22765,6.03114,7.26047,6.30795,6.49829,6.7198,7.08144 +0,0,1.08376,0.558491,2.01817,2.35132,2.20047,0.674846,1.25169,1.04798,0.702538,0,1.17028,1.47763,0.833407,1.4965,0.775093,0.755712,1.06571,1.65114,1.91362,1.98926,1.66686,0.466799,0.0364603,0.409535,0.965072,1.64642,1.92716,0.515467,0.333912,0.9232,2.76558,3.28298,2.75495,3.10496,3.43362,3.45212,3.54259,3.76385,3.44784,3.77771,3.4365,3.14004,3.86019,4.03373,3.11275,3.51015,3.94561,4.34471,3.17754,2.99304,4.70507,4.8896,4.19973,4.21703,4.47104,5.49012,4.73253,4.97734,5.42018,5.69966,5.10865,6.42336,5.46541,5.16282,5.31169,6.21525,5.78802,6.37254,5.95803,5.82364,6.09533,5.90231,6.36907,5.8409,5.92967,5.43068,5.97577,6.35748 diff --git a/cpp/inference/run.sh b/cpp/inference/run.sh new file mode 100644 index 0000000000000000000000000000000000000000..2e689f686ed6fdbf5ac6f505494372d4176ade9b --- /dev/null +++ b/cpp/inference/run.sh @@ -0,0 +1,7 @@ +export ONNXRUNTIME_DIR="/mnt/data-2t/jeff/codes/llm/cpp/onnxruntime-linux-x64-1.22.0" +export LD_LIBRARY_PATH=$ONNXRUNTIME_DIR/lib:$LD_LIBRARY_PATH + +export MODEL_PATH="/mnt/data-2t/jeff/codes/llm/cpp/onnx_files/speech_init_export/phi-4-mm-speech.onnx" +export SAMPLE_DATA="/mnt/data-2t/jeff/codes/llm/cpp/inference/dummy.wav" + +./audio_inference_app $MODEL_PATH $SAMPLE_DATA \ No newline at end of file diff --git a/cpp/inference/test copy 2.cpp b/cpp/inference/test copy 2.cpp new file mode 100644 index 0000000000000000000000000000000000000000..c3817856e711d0d364e9c6fa99bb7ab5220442bb --- /dev/null +++ b/cpp/inference/test copy 2.cpp @@ -0,0 +1,567 @@ +#include // For standard input/output operations (e.g., std::cout, std::cerr) +#include // For dynamic arrays (e.g., std::vector) +#include // For file input/output operations (e.g., std::ifstream, std::ofstream) +#include // For fixed-width integer types (e.g., int16_t) +#include // For mathematical functions (e.g., std::sin, M_PI, std::log) +#include // For numerical operations (e.g., std::iota) +#include // For algorithms like std::min, std::max +#include +// Include the ONNX Runtime C++ API header +#include + +// Include Eigen for powerful matrix operations. +// You need to download Eigen and set up your include paths. +// E.g., if Eigen is in 'C:/Libraries/eigen-3.4.0', you'd compile with -I C:/Libraries/eigen-3.4.0 +#include + +// Include KissFFT for Fast Fourier Transform. +// You need to download KissFFT and set up your include paths. +// E.g., if KissFFT is in 'C:/Libraries/kissfft-1.3.0', you'd compile with -I C:/Libraries/kissfft-1.3.0 +// You also need to compile kiss_fft.c and kiss_fftr.c and link them. +#include "kiss_fft.h" +#include "kiss_fftr.h" // For real-valued FFT + +// Define M_PI if it's not already defined by cmath or your compiler. +#ifndef M_PI +#define M_PI 3.14159265358979323846 +#endif + +// --- Global parameters for feature extraction (matching Python script) --- +const float PREEMPHASIS_COEFF = 0.97f; +const int N_FFT = 512; // FFT size +const int WIN_LENGTH = 400; // Window length (samples) +const int HOP_LENGTH = 160; // Hop length (samples) +const int N_MELS = 80; // Number of Mel filterbank channels +const int TARGET_SAMPLE_RATE = 16000; // Target sample rate for feature extraction + +/** + * @brief Loads raw PCM audio data from a file into a float vector. + * + * This function reads 16-bit signed integer PCM samples from the specified file, + * converts them to floating-point values, and normalizes them to the range [-1.0, 1.0]. + * It assumes the PCM data is little-endian. + * + * @param filename The path to the PCM audio file. + * @return A std::vector containing the normalized audio samples, or an empty + * vector if the file cannot be opened. + */ +std::vector loadPcmToFloatArray(const std::string& filename) { + std::ifstream file(filename, std::ios::binary); + if (!file.is_open()) { + std::cerr << "Error: Could not open PCM file: " << filename << std::endl; + return {}; + } + + std::vector audioData; + int16_t sample; + + while (file.read(reinterpret_cast(&sample), sizeof(sample))) { + audioData.push_back(static_cast(sample) / 32768.0f); + } + + file.close(); + return audioData; +} + +/** + * @brief Generates a Hamming window. + * @param window_length The length of the window. + * @return A std::vector containing the Hamming window coefficients. + */ +std::vector generateHammingWindow(int window_length) { + std::vector window(window_length); + for (int i = 0; i < window_length; ++i) { + window[i] = 0.54f - 0.46f * std::cos(2 * M_PI * i / static_cast(window_length - 1)); + } + return window; +} + +/** + * @brief Extracts spectrogram features from waveform, matching Python's _extract_spectrogram. + * + * @param wav The input waveform (1D array of floats). + * @param fs The sampling rate of the waveform (fixed to 16000 Hz for this model). + * @return A 2D Eigen::MatrixXf representing the spectrogram (frames x (N_FFT/2 + 1)). + */ +Eigen::MatrixXf extractSpectrogram(const std::vector& wav, int fs) { + // Calculate number of frames + int n_batch = (wav.size() - WIN_LENGTH) / HOP_LENGTH + 1; + if (n_batch <= 0) { + std::cerr << "Warning: Input waveform too short for feature extraction. Returning empty spectrogram." << std::endl; + return Eigen::MatrixXf(0, N_FFT / 2 + 1); + } + + // Generate Hamming window once + std::vector fft_window = generateHammingWindow(WIN_LENGTH); + // Initialize KissFFT for real-valued input + kiss_fftr_cfg fft_cfg = kiss_fftr_alloc(N_FFT, 0 /* is_inverse_fft */, nullptr, nullptr); + if (!fft_cfg) { + std::cerr << "Error: Failed to allocate KissFFT configuration." << std::endl; + return Eigen::MatrixXf(0, N_FFT / 2 + 1); + } + + // Output spectrogram matrix: rows = frames, columns = FFT bins + Eigen::MatrixXf spec_matrix(n_batch, N_FFT / 2 + 1); + + std::vector frame_buffer(WIN_LENGTH); + std::vector prev_frame_buffer(WIN_LENGTH); + kiss_fft_scalar fft_input[N_FFT]; // KissFFT requires input buffer of size N_FFT + kiss_fft_cpx fft_output[N_FFT / 2 + 1]; // KissFFT real output size + + for (int i = 0; i < n_batch; ++i) { + int start_idx = i * HOP_LENGTH; + + // Extract current frame + for (int j = 0; j < WIN_LENGTH; ++j) { + frame_buffer[j] = wav[start_idx + j]; + } + + // Prepare previous frame for pre-emphasis (np.roll equivalent) + // y_frames_prev = np.roll(y_frames, 1, axis=1) + // y_frames_prev[:, 0] = y_frames_prev[:, 1] + prev_frame_buffer[0] = frame_buffer[0]; // Python's np.roll(..., 1) with axis=1 makes first element wrap around + // but then it's overwritten by y_frames_prev[:, 1] + if (WIN_LENGTH > 1) { + for (int j = 0; j < WIN_LENGTH - 1; ++j) { + prev_frame_buffer[j + 1] = frame_buffer[j]; + } + } + // Correcting the first element as per Python code: y_frames_prev[:, 0] = y_frames_prev[:, 1] + // This means the first element of the 'previous' frame is actually the second element of the 'current' frame. + // For the first frame (i=0), prev_frame_buffer[0] should be frame_buffer[1] if WIN_LENGTH > 1. + // For subsequent frames, this logic applies to the *current* frame's first sample relative to its second. + // The original Python code effectively does: + // y_frames_prev = np.concatenate((y_frames[:, 1:2], y_frames[:, :-1]), axis=1) + // This is a bit tricky. Let's simplify and apply pre-emphasis directly to the current frame elements. + // The Python code applies pre-emphasis *within* each batch/frame. + // y_frames = (y_frames - preemphasis * y_frames_prev) + // y_frames_prev[:, 0] = y_frames_prev[:, 1] means the first element of the previous frame is taken from the second element of the *current* frame. + // This is equivalent to: frame[j] - preemphasis * (j == 0 ? frame[1] : frame[j-1]) + // Let's use a temporary buffer for pre-emphasized frame. + std::vector preemphasized_frame(WIN_LENGTH); + if (WIN_LENGTH > 0) { + preemphasized_frame[0] = frame_buffer[0]; // First sample is not pre-emphasized against a previous sample + if (WIN_LENGTH > 1) { + for (int j = 1; j < WIN_LENGTH; ++j) { + preemphasized_frame[j] = frame_buffer[j] - PREEMPHASIS_COEFF * frame_buffer[j - 1]; + } + } + } + // Apply pre-emphasis and scale by 32768 (as in Python) + for (int j = 0; j < WIN_LENGTH; ++j) { + fft_input[j] = preemphasized_frame[j] * 32768.0f; + // Pad with zeros if WIN_LENGTH < N_FFT + if (j >= WIN_LENGTH) { + fft_input[j] = 0.0f; + } + } + // Zero-pad the rest of the FFT input if WIN_LENGTH < N_FFT + for (int j = WIN_LENGTH; j < N_FFT; ++j) { + fft_input[j] = 0.0f; + } + // Apply Hamming window + for (int j = 0; j < WIN_LENGTH; ++j) { + fft_input[j] *= fft_window[j]; + } + // Perform real FFT + kiss_fftr(fft_cfg, fft_input, fft_output); + // Calculate magnitude spectrogram + for (int j = 0; j <= N_FFT / 2; ++j) { + spec_matrix(i, j) = std::sqrt(fft_output[j].r * fft_output[j].r + fft_output[j].i * fft_output[j].i); + } + } + kiss_fftr_free(fft_cfg); // Free KissFFT configuration + return spec_matrix; +} + +/** + * @brief Creates a Mel filter-bank matrix, matching Python's speechlib_mel. + * + * @param sample_rate Sample rate in Hz. + * @param n_fft FFT size. + * @param n_mels Mel filter size. + * @param fmin Lowest frequency (in Hz). + * @param fmax Highest frequency (in Hz). + * @return An Eigen::MatrixXf representing the Mel transform matrix (n_mels x (1 + n_fft/2)). + */ +Eigen::MatrixXf speechlibMel(int sample_rate, int n_fft, int n_mels, float fmin, float fmax) { + int bank_width = n_fft / 2 + 1; + if (fmax == 0.0f) fmax = sample_rate / 2.0f; // Use 0.0f as a sentinel for None + if (fmin == 0.0f) fmin = 0.0f; // Use 0.0f as a sentinel for None + + // Helper functions for Mel scale conversion + auto mel = [](float f) { return 1127.0f * std::log(1.0f + f / 700.0f); }; + auto bin2mel = [&](int fft_bin) { return 1127.0f * std::log(1.0f + static_cast(fft_bin) * sample_rate / (static_cast(n_fft) * 700.0f)); }; + auto f2bin = [&](float f) { return static_cast((f * n_fft / sample_rate) + 0.5f); }; + + // Spec 1: FFT bin range [f2bin(fmin) + 1, f2bin(fmax)] + int klo = f2bin(fmin) + 1; + int khi = f2bin(fmax); + khi = std::max(khi, klo); + + // Spec 2: SpeechLib uses triangles in Mel space + float mlo = mel(fmin); + float mhi = mel(fmax); + + // Generate Mel centers + std::vector m_centers(n_mels + 2); + float ms = (mhi - mlo) / (n_mels + 1); + for (int i = 0; i < n_mels + 2; ++i) { + m_centers[i] = mlo + i * ms; + } + + Eigen::MatrixXf matrix = Eigen::MatrixXf::Zero(n_mels, bank_width); + + for (int m = 0; m < n_mels; ++m) { + float left = m_centers[m]; + float center = m_centers[m + 1]; + float right = m_centers[m + 2]; + for (int fft_bin = klo; fft_bin < bank_width; ++fft_bin) { // Loop up to bank_width-1 + float mbin = bin2mel(fft_bin); + if (left < mbin && mbin < right) { + matrix(m, fft_bin) = 1.0f - std::abs(center - mbin) / ms; + } + } + } + matrix.transposeInPlace(); + return matrix; +} + +/** + * @brief Extracts log filterbank features from waveform, matching Python's _extract_features. + * + * @param wav The input waveform (1D array of floats). + * @param fs The sampling rate of the waveform (fixed to 16000 Hz). + * @param mel_filterbank The pre-computed Mel filterbank matrix. + * @return An Eigen::MatrixXf representing the log Mel filterbank features (frames x N_MELS). + */ +Eigen::MatrixXf extractFeatures(const std::vector& wav, int fs, const Eigen::MatrixXf& mel_filterbank) { + // Extract spectrogram + Eigen::MatrixXf spec = extractSpectrogram(wav, fs); + if (spec.rows() == 0) { + return Eigen::MatrixXf(0, N_MELS); // Return empty matrix if spectrogram extraction failed + } + + // spec_power = spec**2 + Eigen::MatrixXf spec_power = spec.array().square(); + + // fbank_power = np.clip(spec_power.dot(_mel), 1.0, None) + // Note: Eigen's matrix multiplication is `*`, not `dot`. + // The Python `dot` for 2D arrays is matrix multiplication. + // Python: (frames, N_FFT/2+1) . (N_FFT/2+1, N_MELS) -> (frames, N_MELS) + // C++ Eigen: spec_power (rows, cols) * mel_filterbank (cols, N_MELS) + // So, mel_filterbank should be (N_FFT/2+1, N_MELS) + Eigen::MatrixXf fbank_power = spec_power * mel_filterbank; + + // Apply clipping: np.clip(..., 1.0, None) + // This means any value less than 1.0 becomes 1.0. + fbank_power = fbank_power.array().max(1.0f); + + // log_fbank = np.log(fbank_power).astype(np.float32) + Eigen::MatrixXf log_fbank = fbank_power.array().log(); + + return log_fbank; +} + + +int main(int argc, char* argv[]) { + // --- 1. Process command-line arguments --- + if (argc != 3) { + std::cerr << "Usage: " << argv[0] << " " << std::endl; + std::cerr << "Example: " << argv[0] << " model.onnx audio.pcm" << std::endl; + return 1; + } + + std::string onnxModelPath = argv[1]; + std::string pcmFilename = argv[2]; + + // --- Configuration for Audio and ONNX Model --- + // These are fixed by the Python preprocessor code and model requirements. + int bitDepth = 16; + // numChannels is handled within loadPcmToFloatArray and then implicitly by feature extraction + // which squeezes to 1D and takes mean if stereo. For simplicity, we assume mono PCM input. + // If your PCM is stereo, you'd need to adjust loadPcmToFloatArray to handle channel interleaving + // and then average or select a channel before passing to extractSpectrogram. + int numChannels = 1; + + // --- Create a dummy PCM file if it doesn't exist for demonstration --- + // This is helpful for initial testing without needing an actual PCM file. + std::ifstream pcmCheck(pcmFilename, std::ios::binary); + if (!pcmCheck.is_open()) { + std::cerr << "PCM file '" << pcmFilename << "' not found. Creating a dummy one for demonstration." << std::endl; + std::ofstream dummyPcmFile(pcmFilename, std::ios::binary); + if (dummyPcmFile.is_open()) { + std::cout << "Creating a dummy PCM file: " << pcmFilename << " (" + << (TARGET_SAMPLE_RATE * 2 * sizeof(int16_t)) / 1024 << " KB)" << std::endl; + for (int i = 0; i < TARGET_SAMPLE_RATE * 2; ++i) { // Generate 2 seconds of audio + int16_t sample = static_cast(30000 * std::sin(2 * M_PI * 440 * i / static_cast(TARGET_SAMPLE_RATE))); + dummyPcmFile.write(reinterpret_cast(&sample), sizeof(sample)); + } + dummyPcmFile.close(); + } else { + std::cerr << "Error: Could not create dummy PCM file '" << pcmFilename + << "'. Please ensure the directory is writable." << std::endl; + return 1; + } + } else { + pcmCheck.close(); + } + + + // --- 2. Load PCM audio data into a float array --- + std::vector audioWav = loadPcmToFloatArray(pcmFilename); + + if (audioWav.empty()) { + std::cerr << "Failed to load audio data from " << pcmFilename << ". Exiting." << std::endl; + return 1; + } + + std::cout << "Successfully loaded " << audioWav.size() << " samples from " << pcmFilename << std::endl; + + // --- 3. Precompute Mel filterbank (as it's constant for a given sample rate/FFT size) --- + // The Python example uses fmax=16000//2-80-230. This translates to TARGET_SAMPLE_RATE/2 - 80 - 230. + // Using 0.0f for fmin as sentinel for None. + float mel_fmax = static_cast(TARGET_SAMPLE_RATE) / 2.0f - 80.0f - 230.0f; + Eigen::MatrixXf mel_filterbank = speechlibMel(TARGET_SAMPLE_RATE, N_FFT, N_MELS, 0.0f, mel_fmax); + + if (mel_filterbank.rows() == 0 || mel_filterbank.cols() == 0) { + std::cerr << "Error: Failed to create Mel filterbank. Exiting." << std::endl; + return 1; + } + std::cout << "Mel filterbank created with shape: [" << mel_filterbank.rows() << ", " << mel_filterbank.cols() << "]" << std::endl; + + + // --- 4. Apply feature extraction (preprocessor) --- + std::cout << "Extracting features from audio..." << std::endl; + Eigen::MatrixXf features = extractFeatures(audioWav, TARGET_SAMPLE_RATE, mel_filterbank); + + std::ofstream outputFile("matrix_output.txt"); + // Check if the file was opened successfully + if (outputFile.is_open()) { + // Iterate through rows and columns to write elements + for (int i = 0; i < features.rows(); ++i) { + for (int j = 0; j < features.cols(); ++j) { + outputFile << features(i, j); // Write the element + if (j < features.cols() - 1) { + outputFile << ","; // Add a space separator between elements in a row + } + } + outputFile << std::endl; // Move to the next line after each row + } + outputFile.close(); // Close the file + std::cout << "Matrix successfully written to matrix_output.txt" << std::endl; + } + + + if (features.rows() == 0 || features.cols() == 0) { + std::cerr << "Error: Feature extraction resulted in an empty matrix. Exiting." << std::endl; + return 1; + } + std::cout << "Features extracted with shape: [" << features.rows() << ", " << features.cols() << "]" << std::endl; + std::cout << "First few feature values (first frame): ["; + for (int i = 0; i < std::min((int)features.cols(), 5); ++i) { + std::cout << features(0, i) << (i == std::min((int)features.cols(), 5) - 1 ? "" : ", "); + } + std::cout << "]" << std::endl; + + // --- 5. Check for ONNX model existence and provide guidance if missing --- + std::ifstream onnxModelCheck(onnxModelPath, std::ios::binary); + if (!onnxModelCheck.is_open()) { + std::cerr << "\nError: ONNX model file '" << onnxModelPath << "' not found." << std::endl; + std::cerr << "Please provide a valid ONNX model file. If you need a simple dummy one for testing, " + << "you can create it using Python (e.g., with PyTorch) like this:" << std::endl; + std::cerr << "```python" << std::endl; + std::cerr << "import torch" << std::endl; + std::cerr << "import torch.nn as nn" << std::endl; + std::cerr << "" << std::endl; + std::cerr << "class SimpleAudioModel(nn.Module):" << std::endl; + std::cerr << " def __init__(self, input_frames, feature_size, output_size):" << std::endl; + std::cerr << " super(SimpleAudioModel, self).__init__()" << std::endl; + std::cerr << " # This model expects input of shape [batch_size, frames, feature_size]" << std::endl; + std::cerr << " # Example: a simple linear layer that flattens input and processes it." << std::endl; + std::cerr << " self.flatten = nn.Flatten()" << std::endl; + std::cerr << " self.linear = nn.Linear(input_frames * feature_size, output_size)" << std::endl; + std::cerr << "" << std::endl; + std::cerr << " def forward(self, x):" << std::endl; + std::cerr << " x = self.flatten(x)" << std::endl; + std::cerr << " return self.linear(x)" << std::endl; + std::cerr << "" << std::endl; + std::cerr << "# --- IMPORTANT: Define model input and output sizes. Adjust these to match your actual model's requirements. ---" << std::endl; + std::cerr << "# The C++ preprocessor will produce features of shape [frames, 80]." << std::endl; + std::cerr << "# For a dummy model, we need to provide a fixed 'frames' value for ONNX export." << std::endl; + std::cerr << "# A typical audio segment might be 2 seconds at 16kHz, which is 32000 samples." << std::endl; + std::cerr << "# Frames = (32000 - 400) / 160 + 1 = 198.75 + 1 = 199 frames (approx)" << std::endl; + std::cerr << "# Let's use a representative number of frames, e.g., 200 for a dummy input." << std::endl; + std::cerr << "DUMMY_INPUT_FRAMES = 200 # This should be representative of your typical audio segment's frames" << std::endl; + std::cerr << "DUMMY_FEATURE_SIZE = 80 # Fixed by the Mel filterbank (N_MELS)" << std::endl; + std::cerr << "DUMMY_OUTPUT_SIZE = 10 # Example: 10 classification scores or features" << std::endl; + std::cerr << "" << std::endl; + std::cerr << "model = SimpleAudioModel(DUMMY_INPUT_FRAMES, DUMMY_FEATURE_SIZE, DUMMY_OUTPUT_SIZE)" << std::endl; + std::cerr << "dummy_input_tensor = torch.randn(1, DUMMY_INPUT_FRAMES, DUMMY_FEATURE_SIZE) # Batch size 1" << std::endl; + std::cerr << "" << std::endl; + std::cerr << "torch.onnx.export(" << std::endl; + std::cerr << " model," << std::endl; + std::cerr << " dummy_input_tensor," << std::endl; + std::cerr << " \"model.onnx\"," << std::endl; + std::cerr << " verbose=True," << std::endl; + std::cerr << " input_names=['input'], # Name of the input tensor in the ONNX graph" << std::endl; + std::cerr << " output_names=['output'], # Name of the output tensor in the ONNX graph" << std::endl; + std::cerr << " # Define dynamic axes for batch_size and frames" << std::endl; + std::cerr << " dynamic_axes={'input': {0: 'batch_size', 1: 'frames'}, 'output': {0: 'batch_size'}}" << std::endl; + std::cerr << ")" << std::endl; + std::cerr << "print(\"Dummy model.onnx created successfully. Remember to adjust DUMMY_INPUT_FRAMES in this script to match the expected number of frames from your audio segments.\")" << std::endl; + std::cerr << "```" << std::endl; + return 1; + } + onnxModelCheck.close(); + std::cout << "ONNX model '" << onnxModelPath << "' found. Proceeding with inference." << std::endl; + + + // --- 6. ONNX Runtime Inference --- + try { + Ort::Env env(ORT_LOGGING_LEVEL_WARNING, "AudioInference"); + Ort::SessionOptions session_options; + session_options.SetIntraOpNumThreads(1); + // session_options.SetGraphOptimizationLevel(ORT_ENABLE_EXTENDED); + + Ort::Session session(env, onnxModelPath.c_str(), session_options); + std::cout << "Model loaded successfully from: " << onnxModelPath << std::endl; + Ort::AllocatorWithDefaultOptions allocator; + + // --- Get Input Node Information --- + size_t numInputNodes = session.GetInputCount(); + std::vector inputNodeNames(numInputNodes); + + std::cout << "\n--- Model Input Information ---" << std::endl; + if (numInputNodes == 0) { + std::cerr << "Error: Model has no input nodes. Exiting." << std::endl; + return 1; + } + + // Assuming a single input node for simplicity + inputNodeNames[0] = "audio_embeds"; + Ort::TypeInfo type_info = session.GetInputTypeInfo(0); + auto tensor_info = type_info.GetTensorTypeAndShapeInfo(); + std::vector actualInputShape = tensor_info.GetShape(); + + std::cout << " Input 0 : Name='" << inputNodeNames[0] << "', Shape=["; + for (size_t j = 0; j < actualInputShape.size(); ++j) { + // Print -1 for dynamic dimensions + if (actualInputShape[j] == -1) { + std::cout << "-1"; + } else { + std::cout << actualInputShape[j]; + } + std::cout << (j == actualInputShape.size() - 1 ? "" : ", "); + } + std::cout << "]" << std::endl; + + // --- Prepare Input Tensor Shape --- + // The ONNX model input is [batch, frames, feature_size] = [-1, -1, 80] + // Our extracted features are [frames, 80]. We need to add a batch dimension of 1. + std::vector inputTensorShape = {1, features.rows(), features.cols()}; + std::cout << " Preparing input tensor with shape: [" << inputTensorShape[0] << ", " + << inputTensorShape[1] << ", " << inputTensorShape[2] << "]" << std::endl; + + // Flatten the Eigen::MatrixXf into a std::vector for ONNX Runtime + std::vector inputTensorData(features.data(), features.data() + features.size()); + + Ort::MemoryInfo memory_info = Ort::MemoryInfo::CreateCpu(OrtArenaAllocator, OrtMemTypeDefault); + Ort::Value inputTensor = Ort::Value::CreateTensor(memory_info, inputTensorData.data(), inputTensorData.size(), + inputTensorShape.data(), inputTensorShape.size()); + + if (!inputTensor.IsTensor()) { + std::cerr << "Error: Created input tensor is not valid! Exiting." << std::endl; + return 1; + } + + // --- Get Output Node Information --- + size_t numOutputNodes = session.GetOutputCount(); + std::vector outputNodeNames(numOutputNodes); + + std::cout << "\n--- Model Output Information ---" << std::endl; + for (size_t k = 0; k < numOutputNodes; ++k) { + outputNodeNames[k] = "audio_features"; + Ort::TypeInfo type_info_out = session.GetOutputTypeInfo(k); + auto tensor_info_out = type_info_out.GetTensorTypeAndShapeInfo(); + std::vector outputShape = tensor_info_out.GetShape(); + std::cout << " Output " << k << " : Name='" << outputNodeNames[k] << "', Shape=["; + for (size_t l = 0; l < outputShape.size(); ++l) { + if (outputShape[l] == -1) { + std::cout << "-1"; + } else { + std::cout << outputShape[l]; + } + std::cout << (l == outputShape.size() - 1 ? "" : ", "); + } + std::cout << "]" << std::endl; + } + + // --- Run Inference --- + std::cout << "\nRunning ONNX model inference..." << std::endl; + std::vector outputTensors = session.Run(Ort::RunOptions{nullptr}, + inputNodeNames.data(), &inputTensor, 1, + outputNodeNames.data(), numOutputNodes); + std::ofstream output_file("f0.txt"); + for (auto& ort_value : outputTensors) { + // Example: Assuming Ort::Value contains a float tensor + if (ort_value.IsTensor()) { + float* data = ort_value.GetTensorMutableData(); + Ort::TensorTypeAndShapeInfo info = ort_value.GetTensorTypeAndShapeInfo(); + size_t num_elements = info.GetElementCount(); + + for (size_t i = 0; i < num_elements; ++i) { + output_file << data[i]; + if (i < num_elements - 1) { + output_file << ","; // Space separator between elements + } + } + output_file << std::endl; // Newline after each Ort::Value's content + } else { + // Handle other Ort::Value types if necessary (e.g., sequences, maps) + output_file << "Non-tensor Ort::Value" << std::endl; + } + } + + output_file.close(); + + + // --- Process Output --- + if (outputTensors.empty()) { + std::cerr << "Error: No output tensors received from the model." << std::endl; + return 1; + } + + if (outputTensors[0].IsTensor()) { + float* outputData = outputTensors[0].GetTensorMutableData(); + Ort::TensorTypeAndShapeInfo outputShapeInfo = outputTensors[0].GetTensorTypeAndShapeInfo(); + std::vector outputShape = outputShapeInfo.GetShape(); + size_t outputSize = outputShapeInfo.GetElementCount(); + + std::cout << "\n--- Model Inference Result (first few elements) ---" << std::endl; + for (size_t k = 0; k < std::min((size_t)10, outputSize); ++k) { + std::cout << outputData[k] << (k == std::min((size_t)10, outputSize) - 1 ? "" : ", "); + } + std::cout << std::endl; + + std::cout << "Full output tensor size: " << outputSize << " elements." << std::endl; + std::cout << "Full output tensor shape: ["; + for (size_t k = 0; k < outputShape.size(); ++k) { + std::cout << outputShape[k] << (k == outputShape.size() - 1 ? "" : ", "); + } + std::cout << "]" << std::endl; + } else { + std::cerr << "Error: First output tensor is not of the expected type (float tensor)." << std::endl; + } + + } catch (const Ort::Exception& e) { + std::cerr << "ONNX Runtime Exception: " << e.what() << std::endl; + return 1; + } catch (const std::exception& e) { + std::cerr << "Standard Exception: " << e.what() << std::endl; + return 1; + } + + std::cout << "\nProgram finished successfully." << std::endl; + return 0; +} \ No newline at end of file diff --git a/cpp/inference/test copy.cpp b/cpp/inference/test copy.cpp new file mode 100644 index 0000000000000000000000000000000000000000..6d08680fe4886684fbd483dedb61a9da1728b538 --- /dev/null +++ b/cpp/inference/test copy.cpp @@ -0,0 +1,301 @@ +#include +#include +#include // For file input/output operations (e.g., std::ifstream, std::ofstream) +#include // For fixed-width integer types (e.g., int16_t) +#include // For mathematical functions (e.g., std::sin, M_PI) +#include // For numerical operations (not strictly used in this version but often useful) +#include // For algorithms like std::min + +// Include the ONNX Runtime C++ API header +// You need to have ONNX Runtime installed and linked correctly in your build system. +// For example, using CMake, you might add: +// find_package(ONNXRuntime REQUIRED) +// target_link_libraries(your_executable PRIVATE ONNXRuntime::onnxruntime_cxx_api) +#include + +// Define M_PI if it's not already defined by cmath or your compiler. +// This is common on Windows with MSVC unless _USE_MATH_DEFINES is set. +#ifndef M_PI +#define M_PI 3.14159265358979323846 +#endif + + +std::vector loadPcmToFloatArray(const std::string& filename, int bitDepth, int numChannels) { + // Open the PCM file in binary mode for reading + std::ifstream file(filename, std::ios::binary); + if (!file.is_open()) { + std::cerr << "Error: Could not open PCM file: " << filename << std::endl; + return {}; // Return empty vector on failure + } + + std::vector audioData; // Vector to store the normalized float audio samples + + // Check if the bit depth is supported (this example only handles 16-bit) + if (bitDepth == 16) { + int16_t sample; // Buffer to read a single 16-bit sample + + // Read samples until the end of the file + while (file.read(reinterpret_cast(&sample), sizeof(sample))) { + // Normalize 16-bit signed integer to float in range [-1.0, 1.0] + // The maximum positive value for int16_t is 32767. + // Dividing by 32768.0f (which is 2^15) ensures that 32767 maps to + // slightly less than 1.0, and -32768 maps to -1.0, maintaining + // the full dynamic range and avoiding overflow for -32768. + audioData.push_back(static_cast(sample) / 32768.0f); + } + } else { + std::cerr << "Error: Unsupported bit depth: " << bitDepth << ". This example only supports 16-bit PCM." << std::endl; + return {}; // Return empty vector for unsupported bit depth + } + + file.close(); // Close the file + return audioData; // Return the loaded audio data +} + +int main() { + // --- Configuration for Audio and ONNX Model --- + std::string pcmFilename = "/mnt/data-2t/jeff/codes/llm/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.pcm"; // Name of the PCM audio file to load + int bitDepth = 16; // Bit depth of the PCM data (e.g., 16-bit) + int numChannels = 1; // Number of audio channels (e.g., 1 for mono) + int sampleRate = 16000; // Sample rate of the audio (e.g., 16000 Hz) + std::string onnxModelPath = "/mnt/data-2t/jeff/codes/llm/cpp/onnx_files/speech_init_export/phi-4-mm-speech.onnx"; // Path to your ONNX model file + + // --- 2. Load PCM audio data into a float array --- + std::vector audioInput = loadPcmToFloatArray(pcmFilename, bitDepth, numChannels); + + if (audioInput.empty()) { + std::cerr << "Failed to load audio data from " << pcmFilename << ". Exiting." << std::endl; + return 1; // Exit if audio data loading failed + } + + std::cout << "Successfully loaded " << audioInput.size() << " samples from " << pcmFilename << std::endl; + + // --- 3. Check for ONNX model existence and provide guidance if missing --- + // This step is critical. You need a valid ONNX model. + std::ifstream onnxModelCheck(onnxModelPath, std::ios::binary); + if (!onnxModelCheck.is_open()) { + std::cerr << "\nError: ONNX model file '" << onnxModelPath << "' not found." << std::endl; + std::cerr << "Please provide a valid ONNX model file. If you need a simple dummy one for testing, " + << "you can create it using Python (e.g., with PyTorch) like this:" << std::endl; + std::cerr << "```python" << std::endl; + std::cerr << "import torch" << std::endl; + std::cerr << "import torch.nn as nn" << std::endl; + std::cerr << "" << std::endl; + std::cerr << "class SimpleAudioModel(nn.Module):" << std::endl; + std::cerr << " def __init__(self, input_size, output_size):" << std::endl; + std::cerr << " super(SimpleAudioModel, self).__init__()" << std::endl; + std::cerr << " # This is a very simple linear layer. Your actual model will be more complex." << std::endl; + std::cerr << " # This model expects input of shape [batch_size, input_size]" << std::endl; + std::cerr << " self.linear = nn.Linear(input_size, output_size)" << std::endl; + std::cerr << "" << std::endl; + std::cerr << " def forward(self, x):" << std::endl; + std::cerr << " # If your model expects a different input shape (e.g., [batch_size, channels, samples])," << std::endl; + std::cerr << " # you might need to reshape 'x' here before passing it to your layers (e.g., x.view(x.size(0), 1, -1))." << std::endl; + std::cerr << " return self.linear(x)" << std::endl; + std::cerr << "" << std::endl; + std::cerr << "# --- IMPORTANT: Define model input and output sizes. Adjust these to match your actual model's requirements. ---" << std::endl; + std::cerr << "# For this dummy model, we'll assume an input size matching our 2-second, 44.1kHz mono audio." << std::endl; + std::cerr << "DUMMY_INPUT_SIZE = " << (sampleRate * 2) << " # Corresponds to " << (sampleRate * 2) / static_cast(sampleRate) << " seconds of audio at " << sampleRate << " Hz mono" << std::endl; + std::cerr << "DUMMY_OUTPUT_SIZE = 10 # Example: 10 classification scores or features" << std::endl; + std::cerr << "" << std::endl; + std::cerr << "model = SimpleAudioModel(DUMMY_INPUT_SIZE, DUMMY_OUTPUT_SIZE)" << std::endl; + std::cerr << "dummy_input_tensor = torch.randn(1, DUMMY_INPUT_SIZE) # Batch size 1, DUMMY_INPUT_SIZE features" << std::endl; + std::cerr << "" << std::endl; + std::cerr << "torch.onnx.export(" << std::endl; + std::cerr << " model," << std::endl; + std::cerr << " dummy_input_tensor," << std::endl; + std::cerr << " \"model.onnx\"," << std::endl; + std::cerr << " verbose=True," << std::endl; + std::cerr << " input_names=['input'], # Name of the input tensor in the ONNX graph" << std::endl; + std::cerr << " output_names=['output'], # Name of the output tensor in the ONNX graph" << std::endl; + std::cerr << " # Optional: Define dynamic axes if your batch size or sequence length can vary" << std::endl; + std::cerr << " dynamic_axes={'input': {0: 'batch_size'}, 'output': {0: 'batch_size'}}" << std::endl; + std::cerr << ")" << std::endl; + std::cerr << "print(\"Dummy model.onnx created successfully. Remember to adjust DUMMY_INPUT_SIZE in this script to match the length of your audio data or ensure your C++ code pads/truncates the audio data to the model's expected input size.\")" << std::endl; + std::cerr << "```" << std::endl; + return 1; // Exit if the ONNX model is not found + } + onnxModelCheck.close(); + std::cout << "ONNX model '" << onnxModelPath << "' found. Proceeding with inference." << std::endl; + + + // --- 4. ONNX Runtime Inference --- + try { + // Create an ONNX Runtime environment. This is the entry point for all ONNX Runtime operations. + // ORT_LOGGING_LEVEL_WARNING suppresses verbose output unless there's a warning or error. + Ort::Env env(ORT_LOGGING_LEVEL_WARNING, "AudioInference"); + + // Configure session options. + Ort::SessionOptions session_options; + session_options.SetIntraOpNumThreads(1); // Use 1 thread for operations within a single node + session_options.SetGraphOptimizationLevel(ORT_ENABLE_EXTENDED); // Apply all available graph optimizations + + // Create an ONNX Runtime session by loading the model. + Ort::Session session(env, onnxModelPath.c_str(), session_options); + + // Get model input and output names and shapes. + // An allocator is needed to manage memory for allocated strings (like node names). + Ort::AllocatorWithDefaultOptions allocator; + + // --- Get Input Node Information --- + size_t numInputNodes = session.GetInputCount(); + std::vector inputNodeNames(numInputNodes); // To store input node names + + std::cout << "\n--- Model Input Information ---" << std::endl; + // Iterate through all input nodes (models usually have one main input) + for (size_t i = 0; i < numInputNodes; ++i) { + // Get the input node name + inputNodeNames[i] = session.GetInputNameAllocated(i, allocator).get(); + + // Get the type and shape information for the input tensor + Ort::TypeInfo type_info = session.GetInputTypeInfo(i); + auto tensor_info = type_info.GetTensorTypeAndShapeInfo(); + std::vector actualInputShape = tensor_info.GetShape(); // Get the shape the model *expects* + + std::cout << " Input " << i << " : Name='" << inputNodeNames[i] << "', Shape=["; + for (size_t j = 0; j < actualInputShape.size(); ++j) { + std::cout << actualInputShape[j] << (j == actualInputShape.size() - 1 ? "" : ", "); + } + std::cout << "]" << std::endl; + + // --- Prepare Input Tensor Shape --- + // This is a CRITICAL step. The `audioInput` vector must be reshaped + // to precisely match the ONNX model's expected input tensor shape. + // The dummy Python model provided above creates an input of shape [1, DUMMY_INPUT_SIZE]. + // We need to ensure `audioInput` matches `DUMMY_INPUT_SIZE` or pad/truncate it. + std::vector inputTensorShape; // This will be the shape of the tensor we create + + if (actualInputShape.size() == 2 && actualInputShape[0] == 1) { + // Case: Model expects a 2D input with batch size 1 (e.g., [1, num_features]) + int64_t expected_length = actualInputShape[1]; // The expected number of features/samples + + // Check if the loaded audio data size matches the model's expected input length + if (audioInput.size() != expected_length) { + std::cout << " Warning: Loaded audio input size (" << audioInput.size() + << ") does not match model's expected input length (" << expected_length << ")." << std::endl; + std::cout << " Padding/truncating audio data to match model input size." << std::endl; + audioInput.resize(expected_length, 0.0f); // Pad with zeros or truncate the audio data + } + inputTensorShape = {1, expected_length}; // Set the tensor shape for ONNX Runtime + } else if (actualInputShape.size() == 1) { + // Case: Model expects a 1D input (e.g., [num_features]) + int64_t expected_length = actualInputShape[0]; + + if (audioInput.size() != expected_length) { + std::cout << " Warning: Loaded audio input size (" << audioInput.size() + << ") does not match model's expected input length (" << expected_length << ")." << std::endl; + std::cout << " Padding/truncating audio data to match model input size." << std::endl; + audioInput.resize(expected_length, 0.0f); // Pad with zeros or truncate + } + inputTensorShape = {expected_length}; // Set the tensor shape for ONNX Runtime + } else { + std::cerr << "Error: Model input shape is not supported by this example ([N] or [1, N]). " + << "Please adjust the input tensor shape creation logic in C++ to match your model's specific requirements." << std::endl; + return 1; // Exit if the input shape is not handled + } + + // Create an ONNX Runtime memory info object for CPU memory. + // This specifies where the tensor data is located (CPU in this case). + Ort::MemoryInfo memory_info = Ort::MemoryInfo::CreateCpu(OrtArenaAllocator, OrtMemTypeDefault); + + // Create the input tensor from the audio data. + // `audioInput.data()` provides a pointer to the raw float data. + // `audioInput.size()` is the total number of elements. + // `inputTensorShape.data()` provides the shape array. + // `inputTensorShape.size()` is the number of dimensions. + Ort::Value inputTensor = Ort::Value::CreateTensor(memory_info, audioInput.data(), audioInput.size(), + inputTensorShape.data(), inputTensorShape.size()); + + // Verify that the created input tensor is valid + if (!inputTensor.IsTensor()) { + std::cerr << "Error: Created input tensor is not valid! This might indicate a shape mismatch or data issue." << std::endl; + return 1; // Exit if the tensor is invalid + } + + // At this point, `inputTensor` is ready to be fed into the model. + // For simplicity, we assume there's only one input to the model. + // If your model has multiple inputs, you'd need to create multiple Ort::Value objects. + + // --- Get Output Node Information --- + size_t numOutputNodes = session.GetOutputCount(); + std::vector outputNodeNames(numOutputNodes); // To store output node names + + std::cout << "\n--- Model Output Information ---" << std::endl; + // Iterate through all output nodes + for (size_t k = 0; k < numOutputNodes; ++k) { + outputNodeNames[k] = session.GetOutputNameAllocated(k, allocator).get(); + Ort::TypeInfo type_info_out = session.GetOutputTypeInfo(k); + auto tensor_info_out = type_info_out.GetTensorTypeAndShapeInfo(); + std::vector outputShape = tensor_info_out.GetShape(); + std::cout << " Output " << k << " : Name='" << outputNodeNames[k] << "', Shape=["; + for (size_t l = 0; l < outputShape.size(); ++l) { + std::cout << outputShape[l] << (l == outputShape.size() - 1 ? "" : ", "); + } + std::cout << "]" << std::endl; + } + + // --- Run Inference --- + std::cout << "\nRunning ONNX model inference..." << std::endl; + // The `session.Run` method executes the model. + // Arguments: + // - Ort::RunOptions{nullptr}: Default run options. + // - inputNodeNames.data(): Array of C-style strings for input names. + // - &inputTensor: Pointer to the array of input tensors (here, just one). + // - 1: Number of input tensors. + // - outputNodeNames.data(): Array of C-style strings for output names. + // - numOutputNodes: Number of output tensors expected. + std::vector outputTensors = session.Run(Ort::RunOptions{nullptr}, + inputNodeNames.data(), &inputTensor, 1, + outputNodeNames.data(), numOutputNodes); + + // --- Process Output --- + if (outputTensors.empty()) { + std::cerr << "Error: No output tensors received from the model." << std::endl; + return 1; // Exit if no output + } + + // Assuming the first output is a float tensor (common for most models) + if (outputTensors[0].IsTensor()) { + // Get a mutable pointer to the raw data of the output tensor + float* outputData = outputTensors[0].GetTensorMutableData(); + Ort::TensorTypeAndShapeInfo outputShapeInfo = outputTensors[0].GetTensorTypeAndShapeInfo(); + std::vector outputShape = outputShapeInfo.GetShape(); + size_t outputSize = outputShapeInfo.GetElementCount(); // Total number of elements in the output tensor + + std::cout << "\n--- Model Inference Result (first few elements) ---" << std::endl; + // Print the first 10 elements of the output (or fewer if output is smaller) + for (size_t k = 0; k < std::min((size_t)10, outputSize); ++k) { + std::cout << outputData[k] << (k == std::min((size_t)10, outputSize) - 1 ? "" : ", "); + } + std::cout << std::endl; + + std::cout << "Full output tensor size: " << outputSize << " elements." << std::endl; + std::cout << "Full output tensor shape: ["; + for (size_t k = 0; k < outputShape.size(); ++k) { + std::cout << outputShape[k] << (k == outputShape.size() - 1 ? "" : ", "); + } + std::cout << "]" << std::endl; + + // Here you would typically interpret the model's output based on its purpose. + // For example: + // - For classification: Find the index of the maximum value (highest probability). + // - For regression: Use the numerical output directly. + // - For feature extraction: Use the output vector as features for further processing. + } else { + std::cerr << "Error: First output tensor is not of the expected type (float tensor)." << std::endl; + } + } // End of loop for input nodes (assuming single input for simplicity in this example) + + } catch (const Ort::Exception& e) { + // Catch ONNX Runtime specific exceptions + std::cerr << "ONNX Runtime Exception: " << e.what() << std::endl; + return 1; + } catch (const std::exception& e) { + // Catch other standard exceptions + std::cerr << "Standard Exception: " << e.what() << std::endl; + return 1; + } + + std::cout << "\nProgram finished successfully." << std::endl; + return 0; +} \ No newline at end of file diff --git a/cpp/inference/test.cpp b/cpp/inference/test.cpp new file mode 100644 index 0000000000000000000000000000000000000000..3b37f8421ba5c8f3d21ecc2b210b0a7a075e8244 --- /dev/null +++ b/cpp/inference/test.cpp @@ -0,0 +1,702 @@ +#include // For standard input/output operations (e.g., std::cout, std::cerr) +#include // For dynamic arrays (e.g., std::vector) +#include // For file input/output operations (e.g., std::ifstream, std::ofstream) +#include // For fixed-width integer types (e.g., int16_t, uint32_t) +#include // For mathematical functions (e.g., std::sin, M_PI, std::log) +#include // For numerical operations (e.g., std::iota) +#include // For algorithms like std::min, std::max +#include // For std::string + +// Include the ONNX Runtime C++ API header +#include + +// Include Eigen for powerful matrix operations. +// You need to download Eigen and set up your include paths. +// E.g., if Eigen is in 'C:/Libraries/eigen-3.4.0', you'd compile with -I C:/Libraries/eigen-3.4.0 +#include + +// Include KissFFT for Fast Fourier Transform. +// You need to download KissFFT and set up your include paths. +// E.g., if KissFFT is in 'C:/Libraries/kissfft-1.3.0', you'd compile with -I C:/Libraries/kissfft-1.3.0 +// You also need to compile kiss_fft.c and kiss_fftr.c and link them. +#include +#include // For real-valued FFT + +// Define M_PI if it's not already defined by cmath or your compiler. +#ifndef M_PI +#define M_PI 3.14159265358979323846 +#endif + +// --- Global parameters for feature extraction (matching Python script) --- +const float PREEMPHASIS_COEFF = 0.97f; +const int N_FFT = 512; // FFT size +const int WIN_LENGTH = 400; // Window length (samples) +const int HOP_LENGTH = 160; // Hop length (samples) +const int N_MELS = 80; // Number of Mel filterbank channels +const int TARGET_SAMPLE_RATE = 16000; // Target sample rate for feature extraction + +// --- WAV File Header Structures --- +// These structures are for parsing the WAV file format. +// They assume little-endian byte order, which is standard for WAV files on most systems. +#pragma pack(push, 1) // Ensure no padding for these structures + +struct WavHeader { + char riff_id[4]; // Contains "RIFF" + uint32_t file_size; // Size of the overall file - 8 bytes + char wave_id[4]; // Contains "WAVE" + char fmt_id[4]; // Contains "fmt " (note the space) + uint32_t fmt_size; // Size of the fmt chunk (16 for PCM) + uint16_t audio_format; // Audio format (1 for PCM) + uint16_t num_channels; // Number of channels (1 for mono, 2 for stereo) + uint32_t sample_rate; // Sample rate (e.g., 44100 Hz) + uint32_t byte_rate; // (SampleRate * NumChannels * BitsPerSample) / 8 + uint16_t block_align; // (NumChannels * BitsPerSample) / 8 + uint16_t bits_per_sample;// Bits per sample (e.g., 16) +}; + +struct WavDataChunk { + char data_id[4]; // Contains "data" + uint32_t data_size; // Size of the data chunk +}; + +#pragma pack(pop) // Restore default packing alignment + +/** + * @brief Loads audio data from a WAV file into a float vector. + * + * This function reads a WAV file, parses its header, extracts 16-bit signed + * integer PCM samples, converts them to floating-point values, and normalizes + * them to the range [-1.0, 1.0]. It supports mono and stereo (converting stereo to mono + * by averaging channels). + * + * @param filename The path to the WAV audio file. + * @param actual_sample_rate Output parameter to store the sample rate read from the WAV file. + * @return A std::vector containing the normalized mono audio samples, or an empty + * vector if the file cannot be opened or is not a supported WAV format. + */ +std::vector loadWavToFloatArray(const std::string& filename, int& actual_sample_rate) { + std::ifstream file(filename, std::ios::binary); + if (!file.is_open()) { + std::cerr << "Error: Could not open WAV file: " << filename << std::endl; + return {}; + } + + WavHeader header; + file.read(reinterpret_cast(&header), sizeof(WavHeader)); + + // Basic header validation + if (std::string(header.riff_id, 4) != "RIFF" || + std::string(header.wave_id, 4) != "WAVE" || + std::string(header.fmt_id, 4) != "fmt ") { + std::cerr << "Error: Invalid WAV header (RIFF, WAVE, or fmt chunk missing/invalid)." << std::endl; + file.close(); + return {}; + } + + if (header.audio_format != 1) { // 1 = PCM + std::cerr << "Error: Only PCM audio format (1) is supported. Found: " << header.audio_format << std::endl; + file.close(); + return {}; + } + + if (header.bits_per_sample != 16) { + std::cerr << "Error: Only 16-bit PCM is supported. Found: " << header.bits_per_sample << " bits per sample." << std::endl; + file.close(); + return {}; + } + + actual_sample_rate = header.sample_rate; + std::cout << "WAV file info: Sample Rate=" << header.sample_rate + << ", Channels=" << header.num_channels + << ", Bit Depth=" << header.bits_per_sample << std::endl; + + // Find the "data" chunk + WavDataChunk data_chunk; + bool data_chunk_found = false; + while (!file.eof()) { + file.read(reinterpret_cast(&data_chunk.data_id), 4); + file.read(reinterpret_cast(&data_chunk.data_size), 4); + + if (std::string(data_chunk.data_id, 4) == "data") { + data_chunk_found = true; + break; + } else { + // Skip unknown chunks + file.seekg(data_chunk.data_size, std::ios::cur); + } + } + + if (!data_chunk_found) { + std::cerr << "Error: 'data' chunk not found in WAV file." << std::endl; + file.close(); + return {}; + } + + std::vector audioData; + int16_t sample_buffer; + long num_samples_to_read = data_chunk.data_size / sizeof(int16_t); + + for (long i = 0; i < num_samples_to_read; ++i) { + file.read(reinterpret_cast(&sample_buffer), sizeof(int16_t)); + float normalized_sample = static_cast(sample_buffer) / 32768.0f; + + if (header.num_channels == 1) { + audioData.push_back(normalized_sample); + } else if (header.num_channels == 2) { + // For stereo, read both left and right, then average for mono output + // Read next sample (right channel) + int16_t right_sample; + if (file.read(reinterpret_cast(&right_sample), sizeof(int16_t))) { + float normalized_right_sample = static_cast(right_sample) / 32768.0f; + audioData.push_back((normalized_sample + normalized_right_sample) / 2.0f); + i++; // Increment i again as we read two samples + } else { + std::cerr << "Warning: Unexpected end of file while reading stereo data." << std::endl; + break; + } + } else { + std::cerr << "Error: Unsupported number of channels: " << header.num_channels << std::endl; + file.close(); + return {}; + } + } + + file.close(); + return audioData; +} + +/** + * @brief Generates a Hamming window. + * @param window_length The length of the window. + * @return A std::vector containing the Hamming window coefficients. + */ +std::vector generateHammingWindow(int window_length) { + std::vector window(window_length); + for (int i = 0; i < window_length; ++i) { + window[i] = 0.54f - 0.46f * std::cos(2 * M_PI * i / static_cast(window_length - 1)); + } + return window; +} + +/** + * @brief Extracts spectrogram features from waveform, matching Python's _extract_spectrogram. + * + * @param wav The input waveform (1D array of floats). + * @param fs The sampling rate of the waveform (fixed to 16000 Hz for this model). + * @return A 2D Eigen::MatrixXf representing the spectrogram (frames x (N_FFT/2 + 1)). + */ +Eigen::MatrixXf extractSpectrogram(const std::vector& wav, int fs) { + // Calculate number of frames + int n_batch = (wav.size() - WIN_LENGTH) / HOP_LENGTH + 1; + if (n_batch <= 0) { + std::cerr << "Warning: Input waveform too short for feature extraction. Returning empty spectrogram." << std::endl; + return Eigen::MatrixXf(0, N_FFT / 2 + 1); + } + + // Generate Hamming window once + std::vector fft_window = generateHammingWindow(WIN_LENGTH); + + // Initialize KissFFT for real-valued input + kiss_fftr_cfg fft_cfg = kiss_fftr_alloc(N_FFT, 0 /* is_inverse_fft */, nullptr, nullptr); + if (!fft_cfg) { + std::cerr << "Error: Failed to allocate KissFFT configuration." << std::endl; + return Eigen::MatrixXf(0, N_FFT / 2 + 1); + } + + // Output spectrogram matrix: rows = frames, columns = FFT bins + Eigen::MatrixXf spec_matrix(n_batch, N_FFT / 2 + 1); + + std::vector frame_buffer(WIN_LENGTH); + kiss_fft_scalar fft_input[N_FFT]; // KissFFT requires input buffer of size N_FFT + kiss_fft_cpx fft_output[N_FFT / 2 + 1]; // KissFFT real output size + + for (int i = 0; i < n_batch; ++i) { + int start_idx = i * HOP_LENGTH; + + // Extract current frame + for (int j = 0; j < WIN_LENGTH; ++j) { + frame_buffer[j] = wav[start_idx + j]; + } + + // Apply pre-emphasis and scale by 32768 (as in Python) + // Python: y_frames = (y_frames - preemphasis * y_frames_prev) * 32768 + // where y_frames_prev[:, 0] = y_frames_prev[:, 1] + // This means for j=0, it's frame_buffer[0] - PREEMPHASIS_COEFF * frame_buffer[1] + // For j>0, it's frame_buffer[j] - PREEMPHASIS_COEFF * frame_buffer[j-1] + // Let's re-evaluate the pre-emphasis based on the Python snippet: + // y_frames_prev = np.roll(y_frames, 1, axis=1) + // y_frames_prev[:, 0] = y_frames_prev[:, 1] + // This means the first element of `y_frames_prev` for each frame is the second element of `y_frames`. + // So, for the first sample in a frame, it's `frame_buffer[0] - PREEMPHASIS_COEFF * frame_buffer[1]`. + // For subsequent samples, it's `frame_buffer[j] - PREEMPHASIS_COEFF * frame_buffer[j-1]`. + // This is a common pre-emphasis filter, but the first sample handling is specific. + + // Corrected pre-emphasis implementation to match the Python `np.roll` behavior: + // The Python code effectively does: + // preemphasized_sample[0] = frame_buffer[0] - PREEMPHASIS_COEFF * frame_buffer[1] (if WIN_LENGTH > 1) + // preemphasized_sample[j] = frame_buffer[j] - PREEMPHASIS_COEFF * frame_buffer[j-1] for j > 0 + // If WIN_LENGTH is 1, then it's just frame_buffer[0] (no pre-emphasis) + if (WIN_LENGTH > 0) { + if (WIN_LENGTH > 1) { + fft_input[0] = (frame_buffer[0] - PREEMPHASIS_COEFF * frame_buffer[1]) * 32768.0f; + for (int j = 1; j < WIN_LENGTH; ++j) { + fft_input[j] = (frame_buffer[j] - PREEMPHASIS_COEFF * frame_buffer[j - 1]) * 32768.0f; + } + } else { // WIN_LENGTH == 1 + fft_input[0] = frame_buffer[0] * 32768.0f; + } + } + // Zero-pad the rest of the FFT input if WIN_LENGTH < N_FFT + for (int j = WIN_LENGTH; j < N_FFT; ++j) { + fft_input[j] = 0.0f; + } + + // Apply Hamming window + for (int j = 0; j < WIN_LENGTH; ++j) { + fft_input[j] *= fft_window[j]; + } + + // Perform real FFT + kiss_fftr(fft_cfg, fft_input, fft_output); + + // Calculate magnitude spectrogram + for (int j = 0; j <= N_FFT / 2; ++j) { + spec_matrix(i, j) = std::sqrt(fft_output[j].r * fft_output[j].r + fft_output[j].i * fft_output[j].i); + } + } + + kiss_fftr_free(fft_cfg); // Free KissFFT configuration + return spec_matrix; +} + +/** + * @brief Creates a Mel filter-bank matrix, matching Python's speechlib_mel. + * + * @param sample_rate Sample rate in Hz. + * @param n_fft FFT size. + * @param n_mels Mel filter size. + * @param fmin Lowest frequency (in Hz). + * @param fmax Highest frequency (in Hz). + * @return An Eigen::MatrixXf representing the Mel transform matrix (n_mels x (1 + n_fft/2)). + */ +Eigen::MatrixXf speechlibMel(int sample_rate, int n_fft, int n_mels, float fmin, float fmax) { + int bank_width = n_fft / 2 + 1; + if (fmax == 0.0f) fmax = sample_rate / 2.0f; // Use 0.0f as a sentinel for None + if (fmin == 0.0f) fmin = 0.0f; // Use 0.0f as a sentinel for None + + // Helper functions for Mel scale conversion + auto mel = [](float f) { return 1127.0f * std::log(1.0f + f / 700.0f); }; + auto bin2mel = [&](int fft_bin) { return 1127.0f * std::log(1.0f + static_cast(fft_bin) * sample_rate / (static_cast(n_fft) * 700.0f)); }; + auto f2bin = [&](float f) { return static_cast((f * n_fft / sample_rate) + 0.5f); }; + + // Spec 1: FFT bin range [f2bin(fmin) + 1, f2bin(fmax)] + int klo = f2bin(fmin) + 1; + int khi = f2bin(fmax); + khi = std::max(khi, klo); + + // Spec 2: SpeechLib uses triangles in Mel space + float mlo = mel(fmin); + float mhi = mel(fmax); + + // Generate Mel centers + std::vector m_centers(n_mels + 2); + float ms = (mhi - mlo) / (n_mels + 1); + for (int i = 0; i < n_mels + 2; ++i) { + m_centers[i] = mlo + i * ms; + } + + Eigen::MatrixXf matrix = Eigen::MatrixXf::Zero(n_mels, bank_width); + + for (int m = 0; m < n_mels; ++m) { + float left = m_centers[m]; + float center = m_centers[m + 1]; + float right = m_centers[m + 2]; + for (int fft_bin = klo; fft_bin < bank_width; ++fft_bin) { // Loop up to bank_width-1 + float mbin = bin2mel(fft_bin); + if (left < mbin && mbin < right) { + matrix(m, fft_bin) = 1.0f - std::abs(center - mbin) / ms; + } + } + } + return matrix; +} + +/** + * @brief Extracts log filterbank features from waveform, matching Python's _extract_features. + * + * @param wav The input waveform (1D array of floats). + * @param fs The sampling rate of the waveform (fixed to 16000 Hz). + * @param mel_filterbank The pre-computed Mel filterbank matrix. + * @return An Eigen::MatrixXf representing the log Mel filterbank features (frames x N_MELS). + */ +Eigen::MatrixXf extractFeatures(const std::vector& wav, int fs, const Eigen::MatrixXf& mel_filterbank) { + // Extract spectrogram + Eigen::MatrixXf spec = extractSpectrogram(wav, fs); + if (spec.rows() == 0) { + return Eigen::MatrixXf(0, N_MELS); // Return empty matrix if spectrogram extraction failed + } + + // spec_power = spec**2 + Eigen::MatrixXf spec_power = spec.array().square(); + + // fbank_power = np.clip(spec_power.dot(_mel), 1.0, None) + // Note: Eigen's matrix multiplication is `*`, not `dot`. + // The Python `dot` for 2D arrays is matrix multiplication. + // Python: (frames, N_FFT/2+1) . (N_FFT/2+1, N_MELS) -> (frames, N_MELS) + // C++ Eigen: spec_power (rows, cols) * mel_filterbank (cols, N_MELS) + // So, mel_filterbank should be (N_FFT/2+1, N_MELS) + Eigen::MatrixXf fbank_power = spec_power * mel_filterbank.transpose(); // Transpose because Python's _mel is already transposed + + // Apply clipping: np.clip(..., 1.0, None) + // This means any value less than 1.0 becomes 1.0. + fbank_power = fbank_power.array().max(1.0f); + + // log_fbank = np.log(fbank_power).astype(np.float32) + Eigen::MatrixXf log_fbank = fbank_power.array().log(); + + return log_fbank; +} + +// Function to write a dummy WAV file +void createDummyWavFile(const std::string& filename, int sampleRate, int numChannels, int bitsPerSample, double durationSeconds) { + std::ofstream file(filename, std::ios::binary); + if (!file.is_open()) { + std::cerr << "Error: Could not create dummy WAV file: " << filename << std::endl; + return; + } + + WavHeader header; + std::memcpy(header.riff_id, "RIFF", 4); + std::memcpy(header.wave_id, "WAVE", 4); + std::memcpy(header.fmt_id, "fmt ", 4); + header.fmt_size = 16; + header.audio_format = 1; // PCM + header.num_channels = numChannels; + header.sample_rate = sampleRate; + header.bits_per_sample = bitsPerSample; + header.byte_rate = (sampleRate * numChannels * bitsPerSample) / 8; + header.block_align = (numChannels * bitsPerSample) / 8; + + WavDataChunk data_chunk; + std::memcpy(data_chunk.data_id, "data", 4); + uint32_t num_samples = static_cast(sampleRate * durationSeconds); + data_chunk.data_size = num_samples * numChannels * (bitsPerSample / 8); + header.file_size = 36 + data_chunk.data_size; // 36 is size of header before data chunk + + file.write(reinterpret_cast(&header), sizeof(WavHeader)); + file.write(reinterpret_cast(&data_chunk), sizeof(WavDataChunk)); + + // Generate a 440 Hz sine wave + for (uint32_t i = 0; i < num_samples; ++i) { + int16_t sample = static_cast(30000 * std::sin(2 * M_PI * 440 * i / static_cast(sampleRate))); + for (int c = 0; c < numChannels; ++c) { + file.write(reinterpret_cast(&sample), sizeof(int16_t)); + } + } + + file.close(); + std::cout << "Dummy WAV file '" << filename << "' created successfully." << std::endl; +} + + +int main(int argc, char* argv[]) { + // --- 1. Process command-line arguments --- + if (argc != 3) { + std::cerr << "Usage: " << argv[0] << " " << std::endl; + std::cerr << "Example: " << argv[0] << " model.onnx audio.wav" << std::endl; + return 1; + } + + std::string onnxModelPath = argv[1]; + std::string wavFilename = argv[2]; // Changed to wavFilename + + // --- Configuration for Audio and ONNX Model --- + // These are fixed by the Python preprocessor code and model requirements. + // The actual sample rate will be read from the WAV file. + int actual_wav_sample_rate = 0; + + // --- Create a dummy WAV file if it doesn't exist for demonstration --- + std::ifstream wavCheck(wavFilename, std::ios::binary); + if (!wavCheck.is_open()) { + std::cerr << "WAV file '" << wavFilename << "' not found. Creating a dummy one for demonstration." << std::endl; + // Create a 2-second, 16kHz, mono, 16-bit WAV file + createDummyWavFile(wavFilename, TARGET_SAMPLE_RATE, 1, 16, 2.0); + } else { + wavCheck.close(); + } + + // --- 2. Load WAV audio data into a float array --- + std::vector audioWav = loadWavToFloatArray(wavFilename, actual_wav_sample_rate); + + if (audioWav.empty()) { + std::cerr << "Failed to load audio data from " << wavFilename << ". Exiting." << std::endl; + return 1; + } + + std::cout << "Successfully loaded " << audioWav.size() << " samples from " << wavFilename << std::endl; + + // --- Validate WAV sample rate against target sample rate --- + if (actual_wav_sample_rate != TARGET_SAMPLE_RATE) { + std::cerr << "Warning: WAV file sample rate (" << actual_wav_sample_rate + << " Hz) does not match the target sample rate for feature extraction (" + << TARGET_SAMPLE_RATE << " Hz)." << std::endl; + std::cerr << "This example does NOT include resampling. Features will be extracted at " + << TARGET_SAMPLE_RATE << " Hz, which might lead to incorrect results if the WAV file's sample rate is different." << std::endl; + // In a real application, you would implement resampling here (e.g., using libsamplerate). + } + + + // --- 3. Precompute Mel filterbank (as it's constant for a given sample rate/FFT size) --- + // The Python example uses fmax=16000//2-80-230. This translates to TARGET_SAMPLE_RATE/2 - 80 - 230. + // Using 0.0f for fmin as sentinel for None. + float mel_fmax = static_cast(TARGET_SAMPLE_RATE) / 2.0f - 80.0f - 230.0f; + Eigen::MatrixXf mel_filterbank = speechlibMel(TARGET_SAMPLE_RATE, N_FFT, N_MELS, 0.0f, mel_fmax); + + if (mel_filterbank.rows() == 0 || mel_filterbank.cols() == 0) { + std::cerr << "Error: Failed to create Mel filterbank. Exiting." << std::endl; + return 1; + } + std::cout << "Mel filterbank created with shape: [" << mel_filterbank.rows() << ", " << mel_filterbank.cols() << "]" << std::endl; + + + // --- 4. Apply feature extraction (preprocessor) --- + std::cout << "Extracting features from audio..." << std::endl; + Eigen::MatrixXf features = extractFeatures(audioWav, TARGET_SAMPLE_RATE, mel_filterbank); + + ///// check input + // std::ofstream outputFile("matrix_output.txt"); + // // Check if the file was opened successfully + // if (outputFile.is_open()) { + // // Iterate through rows and columns to write elements + // for (int i = 0; i < features.rows(); ++i) { + // for (int j = 0; j < features.cols(); ++j) { + // outputFile << features(i, j); // Write the element + // if (j < features.cols() - 1) { + // outputFile << ","; // Add a space separator between elements in a row + // } + // } + // outputFile << std::endl; // Move to the next line after each row + // } + // outputFile.close(); // Close the file + // std::cout << "Matrix successfully written to matrix_output.txt" << std::endl; + // } + + if (features.rows() == 0 || features.cols() == 0) { + std::cerr << "Error: Feature extraction resulted in an empty matrix. Exiting." << std::endl; + return 1; + } + std::cout << "Features extracted with shape: [" << features.rows() << ", " << features.cols() << "]" << std::endl; + std::cout << "First few feature values (first frame): ["; + for (int i = 0; i < std::min((int)features.cols(), 5); ++i) { + std::cout << features(0, i) << (i == std::min((int)features.cols(), 5) - 1 ? "" : ", "); + } + std::cout << "]" << std::endl; + + // --- 5. Check for ONNX model existence and provide guidance if missing --- + std::ifstream onnxModelCheck(onnxModelPath, std::ios::binary); + if (!onnxModelCheck.is_open()) { + std::cerr << "\nError: ONNX model file '" << onnxModelPath << "' not found." << std::endl; + std::cerr << "Please provide a valid ONNX model file. If you need a simple dummy one for testing, " + << "you can create it using Python (e.g., with PyTorch) like this:" << std::endl; + std::cerr << "```python" << std::endl; + std::cerr << "import torch" << std::endl; + std::cerr << "import torch.nn as nn" << std::endl; + std::cerr << "" << std::endl; + std::cerr << "class SimpleAudioModel(nn.Module):" << std::endl; + std::cerr << " def __init__(self, input_frames, feature_size, output_size):" << std::endl; + std::cerr << " super(SimpleAudioModel, self).__init__()" << std::endl; + std::cerr << " # This model expects input of shape [batch_size, frames, feature_size]" << std::endl; + std::cerr << " # Example: a simple linear layer that flattens input and processes it." << std::endl; + std::cerr << " self.flatten = nn.Flatten()" << std::endl; + std::cerr << " self.linear = nn.Linear(input_frames * feature_size, output_size)" << std::endl; + std::cerr << "" << std::endl; + std::cerr << " def forward(self, x):" << std::endl; + std::cerr << " x = self.flatten(x)" << std::endl; + std::cerr << " return self.linear(x)" << std::endl; + std::cerr << "" << std::endl; + std::cerr << "# --- IMPORTANT: Define model input and output sizes. Adjust these to match your actual model's requirements. ---" << std::endl; + std::cerr << "# The C++ preprocessor will produce features of shape [frames, 80]." << std::endl; + std::cerr << "# For a dummy model, we need to provide a fixed 'frames' value for ONNX export." << std::endl; + std::cerr << "# A typical audio segment might be 2 seconds at 16kHz, which is 32000 samples." << std::endl; + std::cerr << "# Frames = (32000 - 400) / 160 + 1 = 198.75 + 1 = 199 frames (approx)" << std::endl; + std::cerr << "# Let's use a representative number of frames, e.g., 200 for a dummy input." << std::endl; + std::cerr << "DUMMY_INPUT_FRAMES = 200 # This should be representative of your typical audio segment's frames" << std::endl; + std::cerr << "DUMMY_FEATURE_SIZE = 80 # Fixed by the Mel filterbank (N_MELS)" << std::endl; + std::cerr << "DUMMY_OUTPUT_SIZE = 10 # Example: 10 classification scores or features" << std::endl; + std::cerr << "" << std::endl; + std::cerr << "model = SimpleAudioModel(DUMMY_INPUT_FRAMES, DUMMY_FEATURE_SIZE, DUMMY_OUTPUT_SIZE)" << std::endl; + std::cerr << "dummy_input_tensor = torch.randn(1, DUMMY_INPUT_FRAMES, DUMMY_FEATURE_SIZE) # Batch size 1" << std::endl; + std::cerr << "" << std::endl; + std::cerr << "torch.onnx.export(" << std::endl; + std::cerr << " model," << std::endl; + std::cerr << " dummy_input_tensor," << std::endl; + std::cerr << " \"model.onnx\"," << std::endl; + std::cerr << " verbose=True," << std::endl; + std::cerr << " input_names=['input'], # Name of the input tensor in the ONNX graph" << std::endl; + std::cerr << " output_names=['output'], # Name of the output tensor in the ONNX graph" << std::endl; + std::cerr << " # Define dynamic axes for batch_size and frames" << std::endl; + std::cerr << " dynamic_axes={'input': {0: 'batch_size', 1: 'frames'}, 'output': {0: 'batch_size'}}" << std::endl; + std::cerr << ")" << std::endl; + std::cerr << "print(\"Dummy model.onnx created successfully. Remember to adjust DUMMY_INPUT_FRAMES in this script to match the expected number of frames from your audio segments.\")" << std::endl; + std::cerr << "```" << std::endl; + return 1; + } + onnxModelCheck.close(); + std::cout << "ONNX model '" << onnxModelPath << "' found. Proceeding with inference." << std::endl; + + + // --- 6. ONNX Runtime Inference --- + try { + Ort::Env env(ORT_LOGGING_LEVEL_WARNING, "AudioInference"); + Ort::SessionOptions session_options; + session_options.SetIntraOpNumThreads(1); + session_options.SetGraphOptimizationLevel(ORT_ENABLE_EXTENDED); + + Ort::Session session(env, onnxModelPath.c_str(), session_options); + Ort::AllocatorWithDefaultOptions allocator; + + // --- Get Input Node Information --- + size_t numInputNodes = session.GetInputCount(); + std::vector inputNodeNames(numInputNodes); + + std::cout << "\n--- Model Input Information ---" << std::endl; + if (numInputNodes == 0) { + std::cerr << "Error: Model has no input nodes. Exiting." << std::endl; + return 1; + } + + // Assuming a single input node for simplicity + inputNodeNames[0] = "audio_embeds"; + Ort::TypeInfo type_info = session.GetInputTypeInfo(0); + auto tensor_info = type_info.GetTensorTypeAndShapeInfo(); + std::vector actualInputShape = tensor_info.GetShape(); + + std::cout << " Input 0 : Name='" << inputNodeNames[0] << "', Shape=["; + for (size_t j = 0; j < actualInputShape.size(); ++j) { + // Print -1 for dynamic dimensions + if (actualInputShape[j] == -1) { + std::cout << "-1"; + } else { + std::cout << actualInputShape[j]; + } + std::cout << (j == actualInputShape.size() - 1 ? "" : ", "); + } + std::cout << "]" << std::endl; + + // --- Prepare Input Tensor Shape --- + // The ONNX model input is [batch, frames, feature_size] = [-1, -1, 80] + // Our extracted features are [frames, 80]. We need to add a batch dimension of 1. + std::vector inputTensorShape = {1, features.rows(), features.cols()}; + std::cout << " Preparing input tensor with shape: [" << inputTensorShape[0] << ", " + << inputTensorShape[1] << ", " << inputTensorShape[2] << "]" << std::endl; + + // Flatten the Eigen::MatrixXf into a std::vector for ONNX Runtime + // Eigen stores in column-major order by default. ONNX Runtime expects row-major + // for flattened 2D data when reshaped to 3D [1, frames, features]. + // We need to copy elements row by row to ensure correct order. + std::vector inputTensorData(features.rows() * features.cols()); + for (int r = 0; r < features.rows(); ++r) { + for (int c = 0; c < features.cols(); ++c) { + inputTensorData[r * features.cols() + c] = features(r, c); + } + } + + Ort::MemoryInfo memory_info = Ort::MemoryInfo::CreateCpu(OrtArenaAllocator, OrtMemTypeDefault); + Ort::Value inputTensor = Ort::Value::CreateTensor(memory_info, inputTensorData.data(), inputTensorData.size(), + inputTensorShape.data(), inputTensorShape.size()); + + if (!inputTensor.IsTensor()) { + std::cerr << "Error: Created input tensor is not valid! Exiting." << std::endl; + return 1; + } + + // --- Get Output Node Information --- + size_t numOutputNodes = session.GetOutputCount(); + std::vector outputNodeNames(numOutputNodes); + + std::cout << "\n--- Model Output Information ---" << std::endl; + for (size_t k = 0; k < numOutputNodes; ++k) { + outputNodeNames[k] = "audio_features"; + Ort::TypeInfo type_info_out = session.GetOutputTypeInfo(k); + auto tensor_info_out = type_info_out.GetTensorTypeAndShapeInfo(); + std::vector outputShape = tensor_info_out.GetShape(); + std::cout << " Output " << k << " : Name='" << outputNodeNames[k] << "', Shape=["; + for (size_t l = 0; l < outputShape.size(); ++l) { + if (outputShape[l] == -1) { + std::cout << "-1"; + } else { + std::cout << outputShape[l]; + } + std::cout << (l == outputShape.size() - 1 ? "" : ", "); + } + std::cout << "]" << std::endl; + } + + // --- Run Inference --- + std::cout << "\nRunning ONNX model inference..." << std::endl; + std::vector outputTensors = session.Run(Ort::RunOptions{nullptr}, + inputNodeNames.data(), &inputTensor, 1, + outputNodeNames.data(), numOutputNodes); + + + // std::ofstream output_file("f0.txt"); + // for (auto& ort_value : outputTensors) { + // // Example: Assuming Ort::Value contains a float tensor + // if (ort_value.IsTensor()) { + // float* data = ort_value.GetTensorMutableData(); + // Ort::TensorTypeAndShapeInfo info = ort_value.GetTensorTypeAndShapeInfo(); + // size_t num_elements = info.GetElementCount(); + + // for (size_t i = 0; i < num_elements; ++i) { + // output_file << data[i]; + // if (i < num_elements - 1) { + // output_file << ","; // Space separator between elements + // } + // } + // output_file << std::endl; // Newline after each Ort::Value's content + // } else { + // // Handle other Ort::Value types if necessary (e.g., sequences, maps) + // output_file << "Non-tensor Ort::Value" << std::endl; + // } + // } + // output_file.close(); + + // --- Process Output --- + if (outputTensors.empty()) { + std::cerr << "Error: No output tensors received from the model." << std::endl; + return 1; + } + + if (outputTensors[0].IsTensor()) { + float* outputData = outputTensors[0].GetTensorMutableData(); + Ort::TensorTypeAndShapeInfo outputShapeInfo = outputTensors[0].GetTensorTypeAndShapeInfo(); + std::vector outputShape = outputShapeInfo.GetShape(); + size_t outputSize = outputShapeInfo.GetElementCount(); + + std::cout << "\n--- Model Inference Result (first few elements) ---" << std::endl; + for (size_t k = 0; k < std::min((size_t)10, outputSize); ++k) { + std::cout << outputData[k] << (k == std::min((size_t)10, outputSize) - 1 ? "" : ", "); + } + std::cout << std::endl; + + std::cout << "Full output tensor size: " << outputSize << " elements." << std::endl; + std::cout << "Full output tensor shape: ["; + for (size_t k = 0; k < outputShape.size(); ++k) { + std::cout << outputShape[k] << (k == outputShape.size() - 1 ? "" : ", "); + } + std::cout << "]" << std::endl; + } else { + std::cerr << "Error: First output tensor is not of the expected type (float tensor)." << std::endl; + } + + } catch (const Ort::Exception& e) { + std::cerr << "ONNX Runtime Exception: " << e.what() << std::endl; + return 1; + } catch (const std::exception& e) { + std::cerr << "Standard Exception: " << e.what() << std::endl; + return 1; + } + + std::cout << "\nProgram finished successfully." << std::endl; + return 0; +} \ No newline at end of file diff --git a/cpp/libraries.zip b/cpp/libraries.zip new file mode 100644 index 0000000000000000000000000000000000000000..03792eb66c6c073ad44109b53da737c3e78b696e --- /dev/null +++ b/cpp/libraries.zip @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cba6f946d653d38223ddb75f5f317352d73d44fc4393557a18d330d7bf239b7a +size 1980268260 diff --git a/cpp/onnx_files/speech_init_export/phi-4-mm-speech.onnx b/cpp/onnx_files/speech_init_export/phi-4-mm-speech.onnx new file mode 100644 index 0000000000000000000000000000000000000000..93220b266468170fffa5ed341749f7a5947583d3 --- /dev/null +++ b/cpp/onnx_files/speech_init_export/phi-4-mm-speech.onnx @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:805cb62b9b7be94122df6d9180033efc1ad6ba6d49430c4c22c89fb9a8a8a69e +size 1802476871 diff --git a/cpp/sample_data/convert16k.py b/cpp/sample_data/convert16k.py new file mode 100644 index 0000000000000000000000000000000000000000..6e851c25de753c5205b00b71953ba626ad24f980 --- /dev/null +++ b/cpp/sample_data/convert16k.py @@ -0,0 +1,23 @@ +import numpy as np +from scipy.io import wavfile + +def convert_wav_to_s16_16khz(input_wav_path, output_wav_path): + sample_rate, data = wavfile.read(input_wav_path) + + # Resample if needed + if sample_rate != 16000: + num_samples = round(len(data) * 16000 / sample_rate) + data = np.interp(np.arange(num_samples), np.arange(len(data)), data) + + # Convert to 16-bit signed integer + if data.dtype != np.int16: + data = (data * 32767).astype(np.int16) + + wavfile.write(output_wav_path, 16000, data) + +from glob import glob +wavs = glob('/mnt/data-2t/jeff/codes/llm/cpp/sample_data_old/*.wav') + +for wav in wavs: + convert_wav_to_s16_16khz(wav, + '/mnt/data-2t/jeff/codes/llm/cpp/sample_data/'+wav.split('/')[-1]) \ No newline at end of file diff --git a/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.wav b/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.wav new file mode 100644 index 0000000000000000000000000000000000000000..e7a53783ebc165add78fda2c4ad4eaf09615979e Binary files /dev/null and b/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.wav differ diff --git a/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382475-breezyvoice-01452.wav b/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382475-breezyvoice-01452.wav new file mode 100644 index 0000000000000000000000000000000000000000..9e3dca726ff7b49bcca0c9eb0aec3927839e60f8 Binary files /dev/null and b/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382475-breezyvoice-01452.wav differ diff --git a/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382549-breezyvoice-00643.wav b/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382549-breezyvoice-00643.wav new file mode 100644 index 0000000000000000000000000000000000000000..12a5e7cd251d6eefc1cb1347865b57f971eda4ca Binary files /dev/null and b/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382549-breezyvoice-00643.wav differ diff --git a/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.wav b/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.wav new file mode 100644 index 0000000000000000000000000000000000000000..62b76115167e7c41bc0165ca43696097ff4b6d92 --- /dev/null +++ b/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.wav @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f10ba93b710f89aebdb32753224ce37c7e4e349b6388743c572198f27a400db +size 186176 diff --git a/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382594-breezyvoice-00389.wav b/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382594-breezyvoice-00389.wav new file mode 100644 index 0000000000000000000000000000000000000000..b8aa262120ff293bda8ef839391e5b8cd4c14598 Binary files /dev/null and b/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382594-breezyvoice-00389.wav differ diff --git a/cpp/sample_data/pickup_processed.json b/cpp/sample_data/pickup_processed.json new file mode 100644 index 0000000000000000000000000000000000000000..4f187bc34137bb84f6041af4a680497dec5bf11c --- /dev/null +++ b/cpp/sample_data/pickup_processed.json @@ -0,0 +1,80 @@ +[ + { + "conversations": [ + { + "from": "human", + "value": "我等等再處理好了,先這樣", + "audio_path": "/mnt/data-2t/jeff/codes/llm/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.wav" + }, + { + "from": "gpt", + "value": "如果還有其他需要,請隨時告訴我!" + } + ], + "tools": "[{\"name\": \"get_phonebook\", \"description\": \"查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}}, \"required\": [\"name\"]}}, {\"name\": \"message_update\", \"description\": \"更新乘客通知簡訊內容\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}, \"phone\": {\"type\": \"string\", \"description\": \"phone參數\"}, \"message\": {\"type\": \"string\", \"description\": \"message參數\"}}, \"required\": [\"name\", \"phone\", \"message\"]}}, {\"name\": \"save_phonebook\", \"description\": \"儲存新聯絡人資訊到通訊錄\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}, \"phone\": {\"type\": \"string\", \"description\": \"phone參數\"}}, \"required\": [\"name\", \"phone\"]}}]" + }, + { + "conversations": [ + { + "from": "human", + "value": "我要去南港車站接人", + "audio_path": "/mnt/data-2t/jeff/codes/llm/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382475-breezyvoice-01452.wav" + }, + { + "from": "gpt", + "value": "請問你要去南港車站接誰?" + } + ], + "tools": "[{\"name\": \"get_phonebook\", \"description\": \"查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}}, \"required\": [\"name\"]}}, {\"name\": \"message_update\", \"description\": \"更新乘客通知簡訊內容\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}, \"phone\": {\"type\": \"string\", \"description\": \"phone參數\"}, \"message\": {\"type\": \"string\", \"description\": \"message參數\"}}, \"required\": [\"name\", \"phone\", \"message\"]}}, {\"name\": \"save_phonebook\", \"description\": \"儲存新聯絡人資訊到通訊錄\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}, \"phone\": {\"type\": \"string\", \"description\": \"phone參數\"}}, \"required\": [\"name\", \"phone\"]}}]" + }, + { + "conversations": [ + { + "from": "human", + "value": "不用了", + "audio_path": "/mnt/data-2t/jeff/codes/llm/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382549-breezyvoice-00643.wav" + }, + { + "from": "gpt", + "value": "如果還有其他需要,請隨時告訴我!" + } + ], + "tools": "[{\"name\": \"get_phonebook\", \"description\": \"查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}}, \"required\": [\"name\"]}}, {\"name\": \"message_update\", \"description\": \"更新乘客通知簡訊內容\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}, \"phone\": {\"type\": \"string\", \"description\": \"phone參數\"}, \"message\": {\"type\": \"string\", \"description\": \"message參數\"}}, \"required\": [\"name\", \"phone\", \"message\"]}}, {\"name\": \"save_phonebook\", \"description\": \"儲存新聯絡人資訊到通訊錄\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}, \"phone\": {\"type\": \"string\", \"description\": \"phone參數\"}}, \"required\": [\"name\", \"phone\"]}}]" + }, + { + "conversations": [ + { + "from": "human", + "value": "0911-222-333", + "audio_path": "/mnt/data-2t/jeff/codes/llm/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.wav" + }, + { + "from": "function_call", + "value": "{\"name\": \"save_phonebook\", \"arguments\": {\"name\": \"阿德\", \"phone\": \"0911-222-333\"}}" + }, + { + "from": "observation", + "value": "{\"result\": \"已儲存阿德的電話:0911-222-333\"}" + }, + { + "from": "gpt", + "value": "好的,已為您設定導航至市政府捷運站,我已通知阿德 0911-222-333,接駁任務已發送。" + } + ], + "tools": "[{\"name\": \"get_phonebook\", \"description\": \"查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}}, \"required\": [\"name\"]}}, {\"name\": \"message_update\", \"description\": \"更新乘客通知簡訊內容\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}, \"phone\": {\"type\": \"string\", \"description\": \"phone參數\"}, \"message\": {\"type\": \"string\", \"description\": \"message參數\"}}, \"required\": [\"name\", \"phone\", \"message\"]}}, {\"name\": \"save_phonebook\", \"description\": \"儲存新聯絡人資訊到通訊錄\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}, \"phone\": {\"type\": \"string\", \"description\": \"phone參數\"}}, \"required\": [\"name\", \"phone\"]}}]" + }, + { + "conversations": [ + { + "from": "human", + "value": "我等等再處理好了,先這樣", + "audio_path": "/mnt/data-2t/jeff/codes/llm/cpp/sample_data/pickup_breezy-common_voice_zh-TW_17382594-breezyvoice-00389.wav" + }, + { + "from": "gpt", + "value": "如果還有其他需要,請隨時告訴我!" + } + ], + "tools": "[{\"name\": \"get_phonebook\", \"description\": \"查詢通訊錄內是否存在指定聯絡人,若無則回傳空字串\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}}, \"required\": [\"name\"]}}, {\"name\": \"message_update\", \"description\": \"更新乘客通知簡訊內容\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}, \"phone\": {\"type\": \"string\", \"description\": \"phone參數\"}, \"message\": {\"type\": \"string\", \"description\": \"message參數\"}}, \"required\": [\"name\", \"phone\", \"message\"]}}, {\"name\": \"save_phonebook\", \"description\": \"儲存新聯絡人資訊到通訊錄\", \"parameters\": {\"type\": \"object\", \"properties\": {\"name\": {\"type\": \"string\", \"description\": \"name參數\"}, \"phone\": {\"type\": \"string\", \"description\": \"phone參數\"}}, \"required\": [\"name\", \"phone\"]}}]" + } +] \ No newline at end of file diff --git a/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.pcm b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.pcm new file mode 100644 index 0000000000000000000000000000000000000000..c83271528b02f150136749718ee60faf4127c46c --- /dev/null +++ b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.pcm @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5da9b5752537d9db86635e2cc71c33e05c05728b47e78596c0903d0a24751dcc +size 113664 diff --git a/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.wav b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.wav new file mode 100644 index 0000000000000000000000000000000000000000..f3b29958d121f5585e69a63a5da8a895c27919ed --- /dev/null +++ b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17376838-breezyvoice-00818.wav @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:81d041ae0dd79aeb533338c74ededcd035ed8bdc372ca2b2c46bf9ccdce35d9e +size 227408 diff --git a/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382475-breezyvoice-01452.pcm b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382475-breezyvoice-01452.pcm new file mode 100644 index 0000000000000000000000000000000000000000..51927bb88b2a69c62c82e6210de59e99a5a4fbb4 Binary files /dev/null and b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382475-breezyvoice-01452.pcm differ diff --git a/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382475-breezyvoice-01452.wav b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382475-breezyvoice-01452.wav new file mode 100644 index 0000000000000000000000000000000000000000..8288ff1f988e5c810762e9163dcdb3c4a46d7084 --- /dev/null +++ b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382475-breezyvoice-01452.wav @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01755bc3d6cc424cc41cd2011f8c3902a048b7cec3531829d8fd78dc4c7641e4 +size 193616 diff --git a/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382549-breezyvoice-00643.pcm b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382549-breezyvoice-00643.pcm new file mode 100644 index 0000000000000000000000000000000000000000..a0473355f7ceba294dff70c39484d3cceb3584d5 Binary files /dev/null and b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382549-breezyvoice-00643.pcm differ diff --git a/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382549-breezyvoice-00643.wav b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382549-breezyvoice-00643.wav new file mode 100644 index 0000000000000000000000000000000000000000..466b0cb28939135ac1066ade768084861a8d4313 Binary files /dev/null and b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382549-breezyvoice-00643.wav differ diff --git a/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.pcm b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.pcm new file mode 100644 index 0000000000000000000000000000000000000000..05ed38996c99e187f35b4fd1d0fdc47d7d023d0c --- /dev/null +++ b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.pcm @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cadcc0c9f076d0ffb6eb78f54f260c86f9666397852dc53535da511616ab4d4 +size 256512 diff --git a/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.wav b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.wav new file mode 100644 index 0000000000000000000000000000000000000000..82a49831c3654657d7a30dc9ba49f628b9e5e001 --- /dev/null +++ b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382570-breezyvoice-01041.wav @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f740ad2fb82c37ff9eab97b8cf4070296181129b705e6f96c544a290a094ef4 +size 513104 diff --git a/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382594-breezyvoice-00389.pcm b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382594-breezyvoice-00389.pcm new file mode 100644 index 0000000000000000000000000000000000000000..1e13398e79e1b906bf4d5f75e04a172c0b9c6a16 --- /dev/null +++ b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382594-breezyvoice-00389.pcm @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:13a8af24d666a8271f81b28a7c4f9e0425b9fe2c35996128d1536ddc59c21d9f +size 122368 diff --git a/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382594-breezyvoice-00389.wav b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382594-breezyvoice-00389.wav new file mode 100644 index 0000000000000000000000000000000000000000..27072e51f9103b9f01e816e0afd3f91a377acee4 --- /dev/null +++ b/cpp/sample_data_old/pickup_breezy-common_voice_zh-TW_17382594-breezyvoice-00389.wav @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f67f395b74cee09a1c7db1551e93ddb7db045180bd2efbc2fd6defdafa36b65a +size 244816 diff --git a/cpp/sample_data_old/toPCM.sh b/cpp/sample_data_old/toPCM.sh new file mode 100644 index 0000000000000000000000000000000000000000..0091b316b1dabde5db51c5f0aca7b8ddc1b7a9e2 --- /dev/null +++ b/cpp/sample_data_old/toPCM.sh @@ -0,0 +1,5 @@ +rm *.pcm +for file in *.wav; do + # ffmpeg -i "$file" -f s16le -ar 16k -ac 1 "${file%.wav}.pcm" + ffmpeg -i "$file" -f s16le -acodec pcm_s16le "${file%.wav}.pcm" +done \ No newline at end of file diff --git a/cpp/speech_conformer_encoder.py b/cpp/speech_conformer_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..f38c2ce469b121483fee62f3935e3aca4e005e83 --- /dev/null +++ b/cpp/speech_conformer_encoder.py @@ -0,0 +1,2954 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +#!/usr/bin/env python3 + +# activation_checkpointing.py +"""helper function for activation checkpointing""" + +from typing import Union, Dict, Callable +from functools import partial +from torch.distributed.algorithms._checkpoint.checkpoint_wrapper import ( + checkpoint_wrapper, + offload_wrapper, + CheckpointImpl, +) + + +# utils.py +"""cascade basic blocks""" + +import math +import backoff +import random +import numpy as np +from typing import Optional, Tuple, Union +import torch +from torch import nn +from torch import Tensor +import torch.nn.functional as F + + +# conformer_encoder.py +"""ConformerEncoder Module""" + +from typing import Optional, Tuple, List, Literal +import abc +import math +import numpy as np + +import torch +from torch import nn, Tensor + +from torch.distributed.algorithms._checkpoint.checkpoint_wrapper import CheckpointWrapper +from torch.distributed.fsdp.fully_sharded_data_parallel import FullyShardedDataParallel + + +# activation_checkpointing.py +def validate_checkpointing_config(activation_checkpointing): + """validate activation checkpointing configuration""" + if isinstance(activation_checkpointing, str): + assert activation_checkpointing in ( + "", + "checkpoint", + "offload", + ), "activation_checkpointing has to be a dict or a str in ('', 'checkpoint', 'offload')." + elif isinstance(activation_checkpointing, dict): + assert activation_checkpointing.get("module", "transformer") in ( + "transformer", + "attention", + ), "module in activation_checkpointing has to be in ('transformer', 'attention')." + else: + raise ValueError("activation_checkpointing has to be a str or dict.") + + +def embedding_checkpoint_wrapper( + activation_checkpointing: Union[str, Dict], +) -> Callable: + """return encoder embedding activation checkpoint wrapper""" + validate_checkpointing_config(activation_checkpointing) + + if isinstance(activation_checkpointing, str): + if activation_checkpointing: + if activation_checkpointing == "offload": + return offload_wrapper + return partial(checkpoint_wrapper) + return lambda x: x + + if isinstance(activation_checkpointing, dict): + enabled = activation_checkpointing.get("embed", False) + if enabled: + offloading = activation_checkpointing.get("offload", False) + if offloading: + return offload_wrapper + impl = ( + CheckpointImpl.REENTRANT + if activation_checkpointing.get("reentrant", False) + else CheckpointImpl.NO_REENTRANT + ) + return partial(checkpoint_wrapper, checkpoint_impl=impl) + return lambda x: x + raise ValueError("Invalid activation_checkpointing config") + + +def encoder_checkpoint_wrapper( + activation_checkpointing: Union[str, Dict], + layer_cls: type, + idx: int = 0, +) -> Callable: + """return encoder activation checkpoint wrapper""" + validate_checkpointing_config(activation_checkpointing) + + if isinstance(activation_checkpointing, str): + if activation_checkpointing: + if activation_checkpointing == "offload": + return offload_wrapper + return partial(checkpoint_wrapper) + return lambda x: x + + if isinstance(activation_checkpointing, dict): + target_layer_cls = activation_checkpointing.get("module", "transformer") + if target_layer_cls.lower() == "transformer": + target_layer_cls = ( + "EncoderLayer", + "ConformerEncoderLayer", + ) + elif target_layer_cls.lower() == "attention": + target_layer_cls = ("MultiHeadedAttention", "MultiHeadAttention") + checkpointing_interval = activation_checkpointing.get("interval", 1) + offloading = activation_checkpointing.get("offload", False) + impl = ( + CheckpointImpl.REENTRANT + if activation_checkpointing.get("reentrant", True) + else CheckpointImpl.NO_REENTRANT + ) + + if idx % checkpointing_interval == 0 and layer_cls.__name__ in target_layer_cls: + if offloading: + return offload_wrapper + return partial(checkpoint_wrapper, checkpoint_impl=impl) + return lambda x: x + + raise ValueError("Invalid activation_checkpointing config") + + +def attn_checkpointing(activation_checkpointing: Union[str, Dict], i) -> Union[str, Dict]: + """return activation checkpointing config for attention layer""" + if isinstance(activation_checkpointing, str): + return "" + + if isinstance(activation_checkpointing, dict): + target_layer_cls = activation_checkpointing.get("module", "transformer") + checkpointing_interval = activation_checkpointing.get("interval", 1) + if target_layer_cls == "attention" and i % checkpointing_interval == 0: + return activation_checkpointing + return "" + + raise ValueError("Invalid activation_checkpointing config") + + +# utils.py +class Block(nn.Module): + """Block abstract module""" + + def __init__(self, input_size, output_size): + super().__init__() + self.input_size = input_size + self.output_size = output_size + +def get_activation(name="relu"): + """Select an activation function by name + + Args: + name: str + activation function name, + one of ["relu", "gelu", "swish", "sigmoid"], + default "relu". + """ + name = name.lower() + if name == "relu": + return nn.ReLU(inplace=True) + if name == "gelu": + return nn.GELU() + if name == "swish": + return Swish() + if name == "sigmoid": + return torch.nn.Sigmoid() + return nn.Identity() + +def adaptive_enc_mask(x_len, chunk_start_idx, left_window=0, right_window=0): + """ + The function is very important for Transformer Transducer Streaming mode + Args: + xs_len (int): sequence length + chunk_start_idx (list): first idx of each chunk, such as [0,18,36,48]. It also supports adaptive chunk size [0,10,15,45] + left_window (int): how many left chunks can be seen + right_window (int): how many right chunks can be seen. It is used for chunk overlap model. + Returns: + mask (torch.Tensor): a mask tensor for streaming model + Torch 1.0.1 + tensor([[1., 1., 0., 0.], + [0., 1., 1., 0.], + [0., 0., 1., 1.]]) + Torch 1.4.1 + tensor([[True., True., False., False.], + [False., True., True., False.], + [False., False., True., True.]]) + """ + chunk_start_idx = torch.Tensor( + chunk_start_idx + ).long() # first idx of each chunk, such as [0,18,36,48]. + # start_pad = torch.nn.functional.pad( + # chunk_start_idx, (1, 0) + # ) # append 0 to the beginning, so it becomes [0, 0, 18, 36, 48] + # end_pad = torch.nn.functional.pad( + # chunk_start_idx, (0, 1), value=x_len + # ) # append x_len to the end, so it becomes [0,18,36,48, x_len] + start_pad = torch.cat((torch.tensor([0], dtype=torch.int64), chunk_start_idx), dim=0) + end_pad = torch.cat((chunk_start_idx, torch.tensor([x_len], dtype=torch.int64)), dim=0) + seq_range = torch.arange(0, x_len).unsqueeze(-1) # seq_range size: [x_len, 1] + idx = ((seq_range < end_pad) & (seq_range >= start_pad)).nonzero()[:, 1] # idx size: [x_len] + boundary = end_pad[idx] # boundary size: [x_len] + seq_range_expand = ( + torch.arange(0, x_len).unsqueeze(0).expand(x_len, -1) + ) # seq_range_expand size [x_len, x_len] + idx_left = idx - left_window + idx_left[idx_left < 0] = 0 + boundary_left = start_pad[idx_left] + mask_left = seq_range_expand >= boundary_left.unsqueeze(-1) + idx_right = idx + right_window + idx_right[idx_right > len(chunk_start_idx)] = len(chunk_start_idx) + boundary_right = end_pad[idx_right] + mask_right = seq_range_expand < boundary_right.unsqueeze(-1) + return mask_left & mask_right + +class Swish(nn.Module): + """Implement Swish activation module. + From https://arxiv.org/pdf/2005.03191.pdf + + """ + + def __init__(self) -> None: + super().__init__() + self.act_fn = nn.Sigmoid() + + def forward(self, x: Tensor) -> Tensor: + """Apply Swish function + + Args: + x: torch.Tensor + Input. + """ + return x * self.act_fn(x) + +class GLU(nn.Module): + """Implement Gated Linear Unit (GLU) module""" + + def __init__(self, dim: int = -1, act_name: str = "sigmoid") -> None: + super().__init__() + self.dim = dim + self.act_name = act_name.lower() + + if self.act_name == "relu": + self.act_fn = nn.ReLU(inplace=True) + elif self.act_name == "gelu": + self.act_fn = nn.GELU() + elif self.act_name == "swish": + self.act_fn = Swish() + elif self.act_name == "sigmoid": + self.act_fn = nn.Sigmoid() + else: + self.act_fn = nn.Identity() + + def forward(self, x: Tensor) -> Tensor: + """GLU forward + Apply Swish function on the first half of input matrices + with sigmoid of the second half. + + Args: + x: torch.Tensor + Input. + + """ + half_x, gate = x.chunk(2, dim=self.dim) + return half_x * self.act_fn(gate) + +# TODO: Abdel, this can be improved using GLU module +class GLUPointWiseConv(nn.Module): + """GLUPointWiseConv module + used for conformer architecture, + for more details see: + https://arxiv.org/pdf/2005.08100v1.pdf + + Args: + input_dim: int + input channel size. + output_dim: int + output channel size. + kernel_size: int + kernel size + glu_type: str, optional + activation function one of + ["sigmoid", "relu", "gelu"] + default "sigmoid". + bias_in_glu: bool, optional + use addtive bias in glu + causal: bool, optional + if set to True, padding is set to the half of + kernel size, ie, convolution can't see future frames. + default False. + + """ + + def __init__( + self, input_dim, output_dim, kernel_size, glu_type="sigmoid", bias_in_glu=True, causal=False + ): + super().__init__() + + self.glu_type = glu_type + self.output_dim = output_dim + self.bias_in_glu = bias_in_glu + if causal: + self.ext_pw_conv_1d = nn.Conv1d( + input_dim, output_dim * 2, kernel_size, 1, padding=(kernel_size - 1) + ) + else: + self.ext_pw_conv_1d = nn.Conv1d( + input_dim, output_dim * 2, kernel_size, 1, padding=(kernel_size - 1) // 2 + ) + + if glu_type == "sigmoid": + self.glu_act = nn.Sigmoid() + elif glu_type == "relu": + self.glu_act = nn.ReLU() + elif glu_type == "gelu": + self.glu_act = nn.GELU() + elif glu_type == "swish": + self.glu_act = Swish() + else: + raise ValueError(f"Unsupported activation type {self.glu_act}") + + if bias_in_glu: + self.b1 = nn.Parameter(torch.zeros(1, output_dim, 1)) + self.b2 = nn.Parameter(torch.zeros(1, output_dim, 1)) + + def forward(self, x): + """ + Args: + x: torch.Tensor + input tensor + """ + # to be consistent with GLULinear, we assume the input always has the #channel (#dim) in the last dimension of the tensor, so need to switch the dimension first for 1D-Conv case + x = x.permute([0, 2, 1]) + x = self.ext_pw_conv_1d(x) + if self.glu_type == "bilinear": + if self.bias_in_glu: + x = (x[:, 0 : self.output_dim, :] + self.b1) * ( + x[:, self.output_dim : self.output_dim * 2, :] + self.b2 + ) + else: + x = (x[:, 0 : self.output_dim, :]) * ( + x[:, self.output_dim : self.output_dim * 2, :] + ) + else: + if self.bias_in_glu: + x = (x[:, 0 : self.output_dim, :] + self.b1) * self.glu_act( + x[:, self.output_dim : self.output_dim * 2, :] + self.b2 + ) + else: + x = (x[:, 0 : self.output_dim, :]) * self.glu_act( + x[:, self.output_dim : self.output_dim * 2, :] + ) + + x = x.permute([0, 2, 1]) + return x + + +class DepthWiseSeperableConv1d(nn.Module): + """DepthWiseSeperableConv1d module used in Convnet module + for the conformer, for more details see: + https://arxiv.org/pdf/2005.08100v1.pdf + + Args: + input_dim: int + input channel size. + depthwise_seperable_out_channel: int + if set different to 0, the number of depthwise_seperable_out_channel + will be used as a channel_out of the second conv1d layer. + otherwise, it equal to 0, the second conv1d layer is skipped. + kernel_size: int + kernel_size + depthwise_multiplier: int + number of input_dim channels duplication. this value + will be used to compute the hidden channels of the Conv1D. + padding: int, optional + padding for the conv1d, + default: 0. + + """ + + def __init__( + self, + input_dim, + depthwise_seperable_out_channel, + kernel_size, + depthwise_multiplier, + padding=0, + ): + super().__init__() + + self.dw_conv = nn.Conv1d( + input_dim, + input_dim * depthwise_multiplier, + kernel_size, + 1, + padding=padding, + groups=input_dim, + ) + + if depthwise_seperable_out_channel != 0: + self.pw_conv = nn.Conv1d( + input_dim * depthwise_multiplier, depthwise_seperable_out_channel, 1, 1, 0 + ) + else: + self.pw_conv = nn.Identity() + self.depthwise_seperable_out_channel = depthwise_seperable_out_channel + + def forward(self, x): + """ + + Args: + x: torch.Tensor + input tensor + """ + x = self.dw_conv(x) + if self.depthwise_seperable_out_channel != 0: + x = self.pw_conv(x) + return x + + +class ConvModule(nn.Module): + """ConvModule Module for the conformer block. + for more details see: + https://arxiv.org/pdf/2005.08100v1.pdf + + Args: + input_dim: int + input channel size. + ext_pw_out_channel: int + if > 0, ext_pw_out_channel is a dim channel size + for the last pointwise conv after swish activation. + depthwise_seperable_out_channel: int + if set different to 0, the number of depthwise_seperable_out_channel + will be used as a channel_out of the second conv1d layer. + otherwise, it equal to 0, the second conv1d layer is skipped. + ext_pw_kernel_size: int + kernel size of the conv pointwise of the conformer. + kernel_size: int + kernel size. + depthwise_multiplier: int + number of input_dim channels duplication. this value + will be used to compute the hidden channels of the Conv1D. + dropout_rate: float + dropout rate. + causal: bool, optional + if set to True, convolution have no access + to future frames. default False. + batch_norm: bool, optional + if set to True, apply batchnorm before activation. + default False + chunk_se: int, optional + 0 for offline SE. + 1 for streaming SE, where mean is computed + by accumulated history until current chunk_se. + 2 for streaming SE, where mean is computed + by only the current chunk. + chunk_size: int, optional + chunk size for cnn. default 18 + activation: str, optional + activation function used in ConvModule, + default: "relu". + glu_type: str, optional + activation function used for the glu, + default: "sigmoid". + bias_in_glu: bool, optional + if set to True, use additive bias in the weight module + before GLU. + linear_glu_in_convm: bool, optional + if set to True, use GLULinear module, + otherwise, used GLUPointWiseConv module. + default to False. + export: bool, optional, + if set to True, padding is equal to 0. This is for inference, + or onnx export. Typically this is set by the export program or + the decoder program, and it isn't present in your config file. + default False + """ + + def __init__( + self, + input_dim, + ext_pw_out_channel, + depthwise_seperable_out_channel, + ext_pw_kernel_size, + kernel_size, + depthwise_multiplier, + dropout_rate, + causal=False, + batch_norm=False, + chunk_se=0, + chunk_size=18, + activation="relu", + glu_type="sigmoid", + bias_in_glu=True, + linear_glu_in_convm=False, + export=False, + ): + super().__init__() + self.layer_norm = nn.LayerNorm(input_dim) + self.input_dim = input_dim + self.ext_pw_out_channel = ext_pw_out_channel + self.ext_pw_kernel_size = ext_pw_kernel_size + self.depthwise_seperable_out_channel = depthwise_seperable_out_channel + self.glu_type = glu_type + self.bias_in_glu = bias_in_glu + self.linear_glu_in_convm = linear_glu_in_convm + self.causal = causal + + self._add_ext_pw_layer() + + self.batch_norm = batch_norm + self.kernel_size = kernel_size + + if batch_norm: + self.bn_layer = nn.BatchNorm1d(input_dim) + + self.act = get_activation(activation) + self.dropout = nn.Dropout(dropout_rate) + self.export = export + + if causal: + if export: # Inference only. + padding = 0 # A cache is concatenated to the left. No padding in the kernel. + else: + # Training only. Padding will be added symmetrically on both sides. + # After convolution, clip off kernel_size-1 points on the right. + padding = kernel_size - 1 + else: + padding = (kernel_size - 1) // 2 + + self.dw_sep_conv_1d = DepthWiseSeperableConv1d( + input_dim, + depthwise_seperable_out_channel, + kernel_size, + depthwise_multiplier, + padding=padding, + ) + + if depthwise_seperable_out_channel != 0: + if input_dim != depthwise_seperable_out_channel: + self.ln2 = nn.Linear(depthwise_seperable_out_channel, input_dim) + else: + if depthwise_multiplier != 1: + self.ln2 = nn.Linear(input_dim * depthwise_multiplier, input_dim) + + def _add_ext_pw_layer(self): + """ + This function is an extension of __init__ function + and dedicated to the convolution module creation + of the conformer. + """ + self.ln1 = self.glu = self.bn_layer = self.ext_pw_conv_1d = nn.Identity() # jit hacks. + self.squeeze_excitation = nn.Identity() # jit. + self.apply_ln1 = self.fix_len1 = False # jit. + + if self.ext_pw_out_channel != 0: + if self.causal: + self.ext_pw_conv_1d = nn.Conv1d( + self.input_dim, + self.ext_pw_out_channel, + self.ext_pw_kernel_size, + 1, + padding=(self.ext_pw_kernel_size - 1), + ) + if self.ext_pw_kernel_size > 1: + self.fix_len1 = True + else: + self.fix_len1 = False + else: + self.ext_pw_conv_1d = nn.Conv1d( + self.input_dim, + self.ext_pw_out_channel, + self.ext_pw_kernel_size, + 1, + padding=(self.ext_pw_kernel_size - 1) // 2, + ) + self.fix_len1 = False + + if self.linear_glu_in_convm: + self.glu = GLULinear( + self.input_dim, self.ext_pw_out_channel, self.glu_type, self.bias_in_glu + ) + else: + self.glu = GLUPointWiseConv( + self.input_dim, + self.ext_pw_out_channel, + self.ext_pw_kernel_size, + self.glu_type, + self.bias_in_glu, + self.causal, + ) + + if self.input_dim != self.ext_pw_out_channel: + self.apply_ln1 = True + self.ln1 = nn.Linear(self.ext_pw_out_channel, self.input_dim) + else: + self.apply_ln1 = False + else: + self.pw_conv_simplify_w = torch.nn.Parameter(torch.ones(3)) + self.pw_conv_simplify_b = torch.nn.Parameter(torch.zeros(3)) + + def forward(self, x): + """ConvModule Forward. + + Args: + x: torch.Tensor + input tensor. + """ + x = self.layer_norm(x) + + if self.ext_pw_out_channel != 0: + x = self.glu(x) + if self.causal and self.ext_pw_kernel_size > 1: + x = x[:, : -(self.ext_pw_kernel_size - 1), :] + if self.apply_ln1: + x = self.ln1(x) + else: + x_0 = x * self.pw_conv_simplify_w[0] + self.pw_conv_simplify_b[0] + x_1 = x * self.pw_conv_simplify_w[1] + self.pw_conv_simplify_b[1] + x = x_0 + x_1 + + x = x.permute([0, 2, 1]) + + x = self.dw_sep_conv_1d(x) + if self.causal and self.kernel_size > 1: + x = x[:, :, : -(self.kernel_size - 1)] + if hasattr(self, "ln2"): + x = x.permute([0, 2, 1]) + x = self.ln2(x) + x = x.permute([0, 2, 1]) + if self.batch_norm: + x = self.bn_layer(x) + x = self.act(x) + + if self.ext_pw_out_channel != 0: + x = self.ext_pw_conv_1d(x) + if self.fix_len1: + x = x[:, :, : -(self.ext_pw_kernel_size - 1)] + + if self.apply_ln1: + x = x.permute([0, 2, 1]) + x = self.ln1(x) + x = x.permute([0, 2, 1]) + + x = x.permute([0, 2, 1]) + else: + x = x.unsqueeze(1).permute([0, 1, 3, 2]) + x = x * self.pw_conv_simplify_w[2] + self.pw_conv_simplify_b[2] + x = x.squeeze(1) + + x = self.dropout(x) + return x + +class GLULinear(nn.Module): + """Linear + GLU module + + Args: + input_dim: int + input size + output_dim: int + output size. + glu_type: + activation function name used in glu module. + default "sigmoid" (swish function). + bias_in_glu: bool, optional + If True, the addtive bias is added. Default False. + """ + + def __init__( + self, + input_dim, + output_dim, + glu_type="sigmoid", + bias_in_glu=True, + ): + super().__init__() + self.linear = nn.Linear(input_dim, output_dim * 2, bias_in_glu) + self.glu_act = GLU(-1, glu_type) + + def forward(self, x): + """GLULinear forward + + Args: + x: torch.Tensor + inpute tensor. + """ + x = self.linear(x) + return self.glu_act(x) + +class FeedForward(nn.Module): + """FeedForward Module. + For more details see Conformer paper: + https://arxiv.org/pdf/2005.08100.pdf + + Args: + d_model: int + input size. + d_inner: int + output size. + dropout_rate: float, + dropout rate. + activation: str, + activation function name, + one of ["relu", "swish", "sigmoid"], + sigmoid activation is only used with "glu_in_fnn=True", + default "sigmoid". + bias_in_glu: bool, optional + """ + + def __init__( + self, + d_model, + d_inner, + dropout_rate, + activation="sigmoid", + bias_in_glu=True, + ): + super().__init__() + self.d_model = d_model + self.d_inner = d_inner + + self.layer_norm = nn.LayerNorm(d_model) + module = GLULinear(d_model, d_inner, activation, bias_in_glu) + self.net = nn.Sequential( + module, + nn.Dropout(dropout_rate), + nn.Linear(d_inner, d_model), + nn.Dropout(dropout_rate), + ) + + def forward(self, x): + """FeedForward forward function. + + Args: + x: torch.Tensor + input tensor. + """ + out = self.net(self.layer_norm(x)) + + return out + +#### positional encoding starts here +def _pre_hook( + state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs +): + """Perform pre-hook in load_state_dict for backward compatibility. + + Note: + We saved self.pe until v.0.5.2 but we have omitted it later. + Therefore, we remove the item "pe" from `state_dict` for backward compatibility. + + """ + k = prefix + "pe" + if k in state_dict: + state_dict.pop(k) + +class T5RelativeAttentionLogitBias(nn.Module): + """ + This module implements the relative position bias described in Section 2.1 of + the T5 paper: https://arxiv.org/pdf/1910.10683.pdf + + The Huggingface implementation is used as a reference + https://github.com/huggingface/transformers/blob/v4.30.0/src/transformers/models/t5/modeling_t5.py#L435 + + Modifies attention as Q*K^T + B, where B is a learned scalar bias based on relative position + of the query and key. It is HxNxN, where H is the number of heads, N is the sequence length. + + I've made these modifications to the original T5 bias: + - Skipping of the bucketing step. Original T5 bias converted rel position distances into + logarithmically increasing buckets. This is supposed to help with length generalization. + - I just directly use rel position index as bias values, as we don't need length + generalization (40s max is good enough for ASR encoder), and it keeps ONNX export simple. + - I've also extended it so that biases can be asymmetric, the default implementation treats + L->R and R->L the same. Asymmetric was found to yield better results in my experiments. + + Args: + num_heads: int + Number of attention heads + num_buckets: int + Number of buckets to use for relative attention bias. This is the size of the learnable + bias parameter. Bucketing is not yet supported, so this defaults to -1 which means + no bucketing is used (max_distance determines size of bias param). + max_distance: int + Maximum distance to use for relative attention bias. With num_buckets=-1, this directly + controls the max size of the bias parameter. When num_buckets > 0 is supported, this + will control the maximum distance for logarithmic bucketing after which all positions + are in the same bucket. + symmetric: bool + Whether to use symmetric or asymmetric biases. symmetric=False uses 2x number of bias + params to distinguish L->R from R->L. This was found to be better for the encoder. + """ + + def __init__(self, num_heads, num_buckets=-1, max_distance=1000, symmetric=False): + super().__init__() + self.num_heads = num_heads + self.num_buckets = num_buckets + self.max_distance = max_distance + self.symmetric = symmetric + self._skip_bucketing = self.num_buckets < 0 + if self._skip_bucketing: + self.num_buckets = max_distance + else: + raise NotImplementedError("T5 attention bias with bucketed positions is not yet tested") + if not self.symmetric: + self.num_buckets *= 2 + self.bias_values = nn.Embedding(self.num_buckets, self.num_heads) + + def forward(self, x): + # instantiate bias compatible with shape of x + maxpos = x.size(1) + context_position = torch.arange(maxpos, device=x.device, dtype=torch.long)[:, None] + memory_position = torch.arange(maxpos, device=x.device, dtype=torch.long)[None, :] + relative_position = memory_position - context_position + # clipping to a maximum distance using ops that play well with ONNX export + relative_position = relative_position.masked_fill( + relative_position < -self.max_distance, -self.max_distance + ) + relative_position = relative_position.masked_fill( + relative_position > self.max_distance - 1, self.max_distance - 1 + ) + + # mapping from relative position to index in the bias parameter + if self._skip_bucketing: + bias_idx = relative_position + else: + bias_idx = self._bucket_relative_position(relative_position) + if self.symmetric: + bias_idx = bias_idx.abs() + else: + bias_idx += self.num_buckets // 2 + + t5_rel_att_bias = self.bias_values(bias_idx) # [L, L, H] + t5_rel_att_bias = t5_rel_att_bias.permute(2, 0, 1).unsqueeze(0) # [1, H, L, L] + + return t5_rel_att_bias + + def _bucket_relative_position(self, relative_position): + # this is a placeholder (isn't tested, likely buggy) using HuggingFace implem as a reference + # this also needs to be extended to support asymmetric +/- ve positions + relative_buckets = 0 + if not self.causal: + num_buckets //= 2 + relative_buckets += (relative_position > 0).to(torch.long) * num_buckets + relative_position = torch.abs(relative_position) + else: + relative_position = -torch.min(relative_position, torch.zeros_like(relative_position)) + # now relative_position is in the range [0, inf) + + # half of the buckets are for exact increments in positions + max_exact = num_buckets // 2 + is_small = relative_position < max_exact + + # The other half of the buckets are for logarithmically bigger bins in positions up to max_distance + relative_position_if_large = max_exact + ( + torch.log(relative_position.float() / max_exact) + / math.log(self.max_distance / max_exact) + * (num_buckets - max_exact) + ).to(torch.long) + relative_position_if_large = torch.min( + relative_position_if_large, torch.full_like(relative_position_if_large, num_buckets - 1) + ) + + relative_buckets += torch.where(is_small, relative_position, relative_position_if_large) + return relative_buckets + +class AbsolutePositionalEncoding(nn.Module): + """Absolute Positional encoding module. + This module implement Absolute sinusoidal positional encoding + from: https://arxiv.org/pdf/1706.03762.pdf + + Args: + d_model: int + Input embedding size. + dropout_rate: float + dropout rate + max_len: int, optional + Maximum input length sequence, Default 5000 + + """ + + def __init__(self, d_model, dropout_rate, max_len=5000): + """Construct an PositionalEncoding object.""" + super().__init__() + self.d_model = d_model + self.xscale = math.sqrt(self.d_model) + self.dropout = torch.nn.Dropout(p=dropout_rate) + self.pe = None + self.extend_pe(torch.tensor(0.0).expand(1, max_len)) + self._register_load_state_dict_pre_hook(_pre_hook) + + def extend_pe(self, x): + """Reset the positional encodings. + + Args: + x: torch.Tensor + """ + if self.pe is not None: + if self.pe.size(1) >= x.size(1): + if self.pe.dtype != x.dtype or self.pe.device != x.device: + self.pe = self.pe.to(dtype=x.dtype, device=x.device) + return + pe = torch.zeros(x.size(1), self.d_model) + position = torch.arange(0, x.size(1), dtype=torch.float32).unsqueeze(1) + div_term = torch.exp( + torch.arange(0, self.d_model, 2, dtype=torch.float32) + * -(math.log(10000.0) / self.d_model) + ) + pe[:, 0::2] = torch.sin(position * div_term) + pe[:, 1::2] = torch.cos(position * div_term) + pe = pe.unsqueeze(0) + self.pe = pe.to(device=x.device, dtype=x.dtype) + + def forward(self, x: torch.Tensor): + """Add positional encoding. + + Args: + x: torch.Tensor + Input tensor. shape is (batch, time, ...) + + Returns: + torch.Tensor: Encoded tensor. Its shape is (batch, time, ...) + + """ + self.extend_pe(x) + x = x * self.xscale + self.pe[:, : x.size(1)] + return self.dropout(x) + +#### forward embedding layers starts here + +@backoff.on_exception(backoff.expo, Exception, max_tries=10) +def np_loadtxt_with_retry(filepath): + """np.loadtxt with retry + + Args: + filepath: str + file path to the numpy array. + """ + result = np.loadtxt(filepath, dtype="f") + return result + +class MeanVarianceNormLayer(nn.Module): + """Mean/variance normalization layer. + + Will substract mean and multiply input by inverted standard deviation. + Typically used as a very first layer in a model. + + Args: + input_size: int + layer input size. + """ + + def __init__(self, input_size): + super().__init__() + self.input_size = input_size + self.register_buffer("global_mean", torch.zeros(input_size)) + self.register_buffer("global_invstd", torch.ones(input_size)) + self.global_mean: Optional[Tensor] + self.global_invstd: Optional[Tensor] + + def forward(self, input_: Tensor) -> Tensor: + """MeanVarianceNormLayer Forward + + Args: + input_: torch.Tensor + input tensor. + """ + return (input_ - self.global_mean) * self.global_invstd + + def load_mean_invstd(self, mean_file, invstd_file, cuside_features=False): + """Load feature mean and variance used for normalization. + + Args: + mean_file: str + path to the feature mean statistics file. + invstd_file: str + path to the features inverted standard deviation + statistics file. + cuside_features: bool + Boolean that indicates CUSIDE is being used. + The statistics of CUSIDE features are copied + from the normal features + """ + self.global_mean.data = torch.from_numpy(np_loadtxt_with_retry(mean_file)) + self.global_invstd.data = torch.from_numpy(np_loadtxt_with_retry(invstd_file)) + + if cuside_features: + self.global_mean.data = torch.cat((self.global_mean.data, self.global_mean.data), 0) + self.global_invstd.data = torch.cat( + (self.global_invstd.data, self.global_invstd.data), 0 + ) + +class CausalConv1D(nn.Conv1d): + """ + A causal version of nn.Conv1d where each step would have limited access to locations on its right or left + All arguments are the same as nn.Conv1d except padding. + + If padding is set None, then paddings are set automatically to make it a causal convolution where each location would not see any steps on its right. + + If padding is set as a list (size of 2), then padding[0] would be used as left padding and padding[1] as right padding. + It would make it possible to control the number of steps to be accessible on the right and left. + This mode is not supported when stride > 1. padding[0]+padding[1] should be equal to (kernel_size - 1). + """ + + def __init__( + self, + in_channels: int, + out_channels: int, + kernel_size: int, + stride: int = 1, + padding: Union[str, int] = 0, + dilation: int = 1, + groups: int = 1, + bias: bool = True, + padding_mode: str = "zeros", + device=None, + dtype=None, + ) -> None: + self.cache_drop_size = None + if padding is None: + self._left_padding = kernel_size - 1 + self._right_padding = stride - 1 + else: + if stride != 1 and padding != kernel_size - 1: + raise ValueError("No striding allowed for non-symmetric convolutions!") + if isinstance(padding, int): + self._left_padding = padding + self._right_padding = padding + elif ( + isinstance(padding, list) + and len(padding) == 2 + and padding[0] + padding[1] == kernel_size - 1 + ): + self._left_padding = padding[0] + self._right_padding = padding[1] + else: + raise ValueError(f"Invalid padding param: {padding}!") + + self._max_cache_len = self._left_padding + + super().__init__( + in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + padding=0, + dilation=dilation, + groups=groups, + bias=bias, + padding_mode=padding_mode, + device=device, + dtype=dtype, + ) + + def update_cache(self, x, cache=None): + if cache is None: + new_x = F.pad(x, pad=(self._left_padding, self._right_padding)) + next_cache = cache + else: + new_x = F.pad(x, pad=(0, self._right_padding)) + new_x = torch.cat([cache, new_x], dim=-1) + if self.cache_drop_size > 0: + next_cache = new_x[:, :, : -self.cache_drop_size] + else: + next_cache = new_x + next_cache = next_cache[:, :, -cache.size(-1) :] + return new_x, next_cache + + def forward(self, x, cache=None): + x, cache = self.update_cache(x, cache=cache) + x = super().forward(x) + if cache is None: + return x + else: + return x, cache + + +class CausalConv2D(nn.Conv2d): + """ + A causal version of nn.Conv2d where each location in the 2D matrix would have no access to locations on its right or down + All arguments are the same as nn.Conv2d except padding which should be set as None + """ + + def __init__( + self, + in_channels: int, + out_channels: int, + kernel_size: int, + stride: int = 1, + padding: Union[str, int] = 0, + dilation: int = 1, + groups: int = 1, + bias: bool = True, + padding_mode: str = "zeros", + device=None, + dtype=None, + ) -> None: + if padding is not None: + raise ValueError("Argument padding should be set to None for CausalConv2D.") + self._left_padding = kernel_size - 1 + self._right_padding = stride - 1 + + padding = 0 + super().__init__( + in_channels, + out_channels, + kernel_size, + stride, + padding, + dilation, + groups, + bias, + padding_mode, + device, + dtype, + ) + + def forward( + self, + x, + ): + if self.training: + x = F.pad( + x, + pad=( + self._left_padding, + self._right_padding, + self._left_padding, + self._right_padding, + ), + ) + else: + x = F.pad( + x, + pad=(self._left_padding, self._right_padding, 0, 0), + ) + x = super().forward(x) + return x + + +class NemoConvSubsampling(torch.nn.Module): + """Convlutional subsampling module, taken from NeMo ASR + (https://github.com/NVIDIA/NeMo/blob/b367413645d5c72db3c2c96e46e95a34501479cf/nemo/collections/asr/parts/submodules/subsampling.py) + + Striding Subsampling: "Speech-Transformer: A No-Recurrence Sequence-to-Sequence Model for + Speech Recognition" by Linhao Dong et al. (https://ieeexplore.ieee.org/document/8462506) + + + Compared with the EncoderConv2D (`input_layer: custom`), this is a much simplified approach, + and uses no LayerNorm and far fewer Conv2Ds. Moreover, depthwise convolutions are used to reduce + FLOPs, but the first layer is kept as a regular convolution so as not to degrade accuracy. + + `Striding` and `dw_striding` are the same except that the latter uses depthwise convolutions + after the first layer, whereas the former does not. + + Args: + subsampling_factor (int): Time reduction factor + feat_in (int): size of the input features + feat_out (int): size of the output features + subsampling (str): The subsampling technique, choose from + {"striding", "dw-striding", "striding_conv1d", "dw_striding_conv1d"} + conv_channels (int): Number of channels for the convolution layers, default is 256. + subsampling_conv_chunking_factor (int): Input chunking factor which can be -1 (no chunking) + 1 (auto) or a power of 2. Default is 1 + activation (Module): activation function, default is nn.ReLU() + is_causal (bool): whether to use causal Conv1/2D, where each step will have limited access + to locations on its right or left + """ + + def __init__( + self, + feat_in, + feat_out, + subsampling_factor=4, + subsampling="dw_striding", + conv_channels=256, + subsampling_conv_chunking_factor=1, + activation=nn.ReLU(), + is_causal=False, + ): + super().__init__() + self._subsampling = subsampling + self._conv_channels = conv_channels + self._feat_in = feat_in + self._feat_out = feat_out + + if subsampling_factor % 2 != 0: + raise ValueError("Sampling factor should be a multiply of 2!") + self._sampling_num = int(math.log(subsampling_factor, 2)) + self.subsampling_factor = subsampling_factor + self.is_causal = is_causal + self.subsampling_causal_cond = subsampling in ("dw_striding", "striding", "striding_conv1d") + + if ( + subsampling_conv_chunking_factor != -1 + and subsampling_conv_chunking_factor != 1 + and subsampling_conv_chunking_factor % 2 != 0 + ): + raise ValueError("subsampling_conv_chunking_factor should be -1, 1, or a power of 2") + self.subsampling_conv_chunking_factor = subsampling_conv_chunking_factor + + in_channels = 1 + layers = [] + + if subsampling == "dw_striding": + self._stride = 2 + self._kernel_size = 3 + self._ceil_mode = False + + if self.is_causal: + self._left_padding = self._kernel_size - 1 + self._right_padding = self._stride - 1 + self._max_cache_len = subsampling_factor + 1 + else: + self._left_padding = (self._kernel_size - 1) // 2 + self._right_padding = (self._kernel_size - 1) // 2 + self._max_cache_len = 0 + + # Layer 1 + if self.is_causal: + layers.append( + CausalConv2D( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=None, + ) + ) + else: + layers.append( + torch.nn.Conv2d( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + ) + ) + in_channels = conv_channels + layers.append(activation) + + for i in range(self._sampling_num - 1): + if self.is_causal: + layers.append( + CausalConv2D( + in_channels=in_channels, + out_channels=in_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=None, + groups=in_channels, + ) + ) + else: + layers.append( + torch.nn.Conv2d( + in_channels=in_channels, + out_channels=in_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + groups=in_channels, + ) + ) + + layers.append( + torch.nn.Conv2d( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=1, + stride=1, + padding=0, + groups=1, + ) + ) + layers.append(activation) + in_channels = conv_channels + + elif subsampling == "striding": + self._stride = 2 + self._kernel_size = 3 + self._ceil_mode = False + + if self.is_causal: + self._left_padding = self._kernel_size - 1 + self._right_padding = self._stride - 1 + self._max_cache_len = subsampling_factor + 1 + else: + self._left_padding = (self._kernel_size - 1) // 2 + self._right_padding = (self._kernel_size - 1) // 2 + self._max_cache_len = 0 + + for i in range(self._sampling_num): + if self.is_causal: + layers.append( + CausalConv2D( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=None, + ) + ) + else: + layers.append( + torch.nn.Conv2d( + in_channels=in_channels, + out_channels=conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + ) + ) + layers.append(activation) + in_channels = conv_channels + + elif subsampling == "striding_conv1d": + in_channels = feat_in + + self._stride = 2 + self._kernel_size = 5 + self._ceil_mode = False + + if self.is_causal: + self._left_padding = self._kernel_size - 1 + self._right_padding = self._stride - 1 + self._max_cache_len = subsampling_factor + 1 + else: + self._left_padding = (self._kernel_size - 1) // 2 + self._right_padding = (self._kernel_size - 1) // 2 + self._max_cache_len = 0 + + for i in range(self._sampling_num): + if self.is_causal: + layers.append( + CausalConv1D( + in_channels=in_channels, + out_channels=feat_out if self._sampling_num == i + 1 else conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=None, + ) + ) + else: + layers.append( + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=feat_out if self._sampling_num == i + 1 else conv_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + ) + ) + layers.append(activation) + in_channels = conv_channels + + elif subsampling == "dw_striding_conv1d": + in_channels = feat_in + + self._stride = 2 + self._kernel_size = 5 + self._ceil_mode = False + + self._left_padding = (self._kernel_size - 1) // 2 + self._right_padding = (self._kernel_size - 1) // 2 + + # Layer 1 + layers.extend( + [ + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=in_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + groups=in_channels, + ), + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=feat_out if self._sampling_num == 1 else conv_channels, + kernel_size=1, + stride=1, + padding=0, + groups=1, + ), + ] + ) + in_channels = conv_channels + layers.append(activation) + + for i in range(self._sampling_num - 1): + layers.extend( + [ + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=in_channels, + kernel_size=self._kernel_size, + stride=self._stride, + padding=self._left_padding, + groups=in_channels, + ), + torch.nn.Conv1d( + in_channels=in_channels, + out_channels=feat_out if self._sampling_num == i + 2 else conv_channels, + kernel_size=1, + stride=1, + padding=0, + groups=1, + ), + ] + ) + layers.append(activation) + in_channels = conv_channels + + else: + raise ValueError(f"Not valid sub-sampling: {subsampling}!") + + if subsampling in ["dw_striding", "striding"]: + in_length = torch.tensor(feat_in, dtype=torch.float) + out_length = calc_length( + lengths=in_length, + all_paddings=self._left_padding + self._right_padding, + kernel_size=self._kernel_size, + stride=self._stride, + ceil_mode=self._ceil_mode, + repeat_num=self._sampling_num, + ) + self.out = torch.nn.Linear(conv_channels * int(out_length), feat_out) + self.conv2d_subsampling = True + elif subsampling in ["striding_conv1d", "dw_striding_conv1d"]: + self.out = None + self.conv2d_subsampling = False + else: + raise ValueError(f"Not valid sub-sampling: {subsampling}!") + + self.conv = torch.nn.Sequential(*layers) + + def get_sampling_frames(self): + return [1, self.subsampling_factor] + + def get_streaming_cache_size(self): + return [0, self.subsampling_factor + 1] + + def forward(self, x, mask): + """ + Forward method for NeMo subsampling. + + Args: + x[Batch, Time, Filters]: torch.Tensor + input tensor + x_mask: torch.Tensor + input mask + + Returns: + x: torch.Tensor + Resulting tensor from subsampling (B, T // time_reduction_factor, feat_out) + pad_mask: torch.Tensor + tensor of padded hidden state sequences (B, 1, T // time_reduction_factor) + """ + batch_size = x.shape[0] + # Unsqueeze Channel Axis + if self.conv2d_subsampling: + x = x.unsqueeze(1) + # Transpose to Channel First mode + else: + x = x.transpose(1, 2) + + # split inputs if chunking_factor is set + if self.subsampling_conv_chunking_factor != -1 and self.conv2d_subsampling: + if self.subsampling_conv_chunking_factor == 1: + # if subsampling_conv_chunking_factor is 1, we split only if needed + # avoiding a bug / feature limiting indexing of tensors to 2**31 + # see https://github.com/pytorch/pytorch/issues/80020 + x_ceil = 2**31 / self._conv_channels * self._stride * self._stride + if torch.numel(x) > x_ceil: + need_to_split = True + else: + need_to_split = False + else: + # if subsampling_conv_chunking_factor > 1 we always split + need_to_split = True + + if need_to_split: + x, success = self.conv_split_by_batch(x) + if not success: # if unable to split by batch, try by channel + if self._subsampling == "dw_striding": + x = self.conv_split_by_channel(x) + else: + x = self.conv(x) # try anyway + else: + x = self.conv(x) + else: + x = self.conv(x) + + # Flatten Channel and Frequency Axes + if self.conv2d_subsampling: + b, c, t, f = x.size() + x = self.out(x.transpose(1, 2).reshape(b, t, -1)) + # Transpose to Channel Last mode + else: + x = x.transpose(1, 2) + + max_audio_length = x.shape[1] + feature_lens = mask.sum(1) + padding_length = torch.ceil(feature_lens.to(torch.float32) / float(self.subsampling_factor)).to(torch.int64) + if self.is_causal and self.subsampling_causal_cond: + feature_lens_remainder = feature_lens % self.subsampling_factor + padding_length[feature_lens_remainder != 1] += 1 + pad_mask = ( + torch.arange(0, max_audio_length, device=x.device).expand(padding_length.size(0), -1) + < padding_length.unsqueeze(1) + ) + + condition = torch.full_like(pad_mask, batch_size != 1).bool() + pad_mask = pad_mask * condition + return x, pad_mask.unsqueeze(1) + + def reset_parameters(self): + # initialize weights + if self._subsampling == "dw_striding": + with torch.no_grad(): + # init conv + scale = 1.0 / self._kernel_size + dw_max = (self._kernel_size**2) ** -0.5 + pw_max = self._conv_channels**-0.5 + + torch.nn.init.uniform_(self.conv[0].weight, -scale, scale) + torch.nn.init.uniform_(self.conv[0].bias, -scale, scale) + + for idx in range(2, len(self.conv), 3): + torch.nn.init.uniform_(self.conv[idx].weight, -dw_max, dw_max) + torch.nn.init.uniform_(self.conv[idx].bias, -dw_max, dw_max) + torch.nn.init.uniform_(self.conv[idx + 1].weight, -pw_max, pw_max) + torch.nn.init.uniform_(self.conv[idx + 1].bias, -pw_max, pw_max) + + # init fc (80 * 64 = 5120 from https://github.com/kssteven418/Squeezeformer/blob/13c97d6cf92f2844d2cb3142b4c5bfa9ad1a8951/src/models/conformer_encoder.py#L487 + fc_scale = (self._feat_out * self._feat_in / self._sampling_num) ** -0.5 + torch.nn.init.uniform_(self.out.weight, -fc_scale, fc_scale) + torch.nn.init.uniform_(self.out.bias, -fc_scale, fc_scale) + + def conv_split_by_batch(self, x): + """Tries to split input by batch, run conv and concat results""" + b, _, _, _ = x.size() + if b == 1: # can't split if batch size is 1 + return x, False + + if self.subsampling_conv_chunking_factor > 1: + cf = self.subsampling_conv_chunking_factor + else: + # avoiding a bug / feature limiting indexing of tensors to 2**31 + # see https://github.com/pytorch/pytorch/issues/80020 + x_ceil = 2**31 / self._conv_channels * self._stride * self._stride + p = math.ceil(math.log(torch.numel(x) / x_ceil, 2)) + cf = 2**p + + new_batch_size = b // cf + if new_batch_size == 0: # input is too big + return x, False + + return torch.cat([self.conv(chunk) for chunk in torch.split(x, new_batch_size, 0)]), True + + def conv_split_by_channel(self, x): + """For dw convs, tries to split input by time, run conv and concat results""" + x = self.conv[0](x) # full conv2D + x = self.conv[1](x) # activation + + for i in range(self._sampling_num - 1): + _, c, t, _ = x.size() + + if self.subsampling_conv_chunking_factor > 1: + cf = self.subsampling_conv_chunking_factor + else: + # avoiding a bug / feature limiting indexing of tensors to 2**31 + # see https://github.com/pytorch/pytorch/issues/80020 + p = math.ceil(math.log(torch.numel(x) / 2**31, 2)) + cf = 2**p + + new_c = int(c // cf) + if new_c == 0: + new_c = 1 + + new_t = int(t // cf) + if new_t == 0: + new_t = 1 + + x = self.channel_chunked_conv(self.conv[i * 3 + 2], new_c, x) # conv2D, depthwise + + # splitting pointwise convs by time + x = torch.cat( + [self.conv[i * 3 + 3](chunk) for chunk in torch.split(x, new_t, 2)], 2 + ) # conv2D, pointwise + x = self.conv[i * 3 + 4](x) # activation + return x + + def channel_chunked_conv(self, conv, chunk_size, x): + """Performs channel chunked convolution""" + + ind = 0 + out_chunks = [] + for chunk in torch.split(x, chunk_size, 1): + step = chunk.size()[1] + + if self.is_causal: + chunk = nn.functional.pad( + chunk, + pad=( + self._kernel_size - 1, + self._stride - 1, + self._kernel_size - 1, + self._stride - 1, + ), + ) + ch_out = nn.functional.conv2d( + chunk, + conv.weight[ind : ind + step, :, :, :], + bias=conv.bias[ind : ind + step], + stride=self._stride, + padding=0, + groups=step, + ) + else: + ch_out = nn.functional.conv2d( + chunk, + conv.weight[ind : ind + step, :, :, :], + bias=conv.bias[ind : ind + step], + stride=self._stride, + padding=self._left_padding, + groups=step, + ) + out_chunks.append(ch_out) + ind += step + + return torch.cat(out_chunks, 1) + + def change_subsampling_conv_chunking_factor(self, subsampling_conv_chunking_factor: int): + if ( + subsampling_conv_chunking_factor != -1 + and subsampling_conv_chunking_factor != 1 + and subsampling_conv_chunking_factor % 2 != 0 + ): + raise ValueError("subsampling_conv_chunking_factor should be -1, 1, or a power of 2") + self.subsampling_conv_chunking_factor = subsampling_conv_chunking_factor + + +def calc_length(lengths, all_paddings, kernel_size, stride, ceil_mode, repeat_num=1): + """Calculates the output length of a Tensor passed through a convolution or max pooling layer""" + add_pad: float = all_paddings - kernel_size + one: float = 1.0 + for i in range(repeat_num): + lengths = torch.div(lengths.to(dtype=torch.float) + add_pad, stride) + one + if ceil_mode: + lengths = torch.ceil(lengths) + else: + lengths = torch.floor(lengths) + return lengths.to(dtype=torch.int) + +#### multihead attention starts here +class AttModule(nn.Module): + """Attention abstraction module""" + + def __init__(self): + super().__init__() + self.export_mode = False + + def set_export(self, mode=True): + """set the export mode""" + self.export_mode = mode + + def forward( + self, + x: Tensor, + memory: Optional[Tensor] = None, + pos_emb: Optional[Tensor] = None, + att_mask: Optional[Tensor] = None, + ) -> Tuple[Tensor, Tensor, Optional[Tensor], Optional[Tensor]]: + """AttModule forward + + Args: + x: torch.Tensor + input tensor. + memory: torch.Tensor, optional + memory tensor. + pos_emb: torch.Tensor, optional + positional encoder embedding. + att_mask: torch.Tensor, optional + attention mask tensor. + """ + return x, memory, pos_emb, att_mask + + +class AttBlock(Block, AttModule): + """Attention Block module to support both Attention and Block module.""" + + def memory_dims(self, max_len=False): + """memory dimensions""" + return (1, self.input_size) + +def masked_softmax( + scores, + mask: Optional[Tensor], +): + # if mask is not None: + # # mask = mask.unsqueeze(1).eq(0) # (batch, 1, time1, time2) + # scores = scores.masked_fill(mask, -torch.inf) + # attn = torch.softmax(scores, dim=-1).masked_fill(mask, 0.0) # (batch, head, time1, time2) + # else: + attn = torch.softmax(scores, dim=-1) # (batch, head, time1, time2) + return attn + + +class MultiHeadedAttention(nn.Module): + """Multi-Head Attention layer with optional relative position embedding and GLU. + + Args: + n_head: int + the number of heads. + n_feat: int + input size features. + dropout_rate: float + dropout rate. + use_LN: bool + apply layer norm or not + dropout_at_output: bool + whether to apply dropout at output + attention_inner_dim: int, optional + the attention dimension used in the class, + it can be different from the input dimension n_feat. + default: -1 (equal to n_feat). + use_pt_scaled_dot_product_attention: bool, optional + if set True, use pytorch scaled dot product attention in training. NOTE: this will NOT + be used in ONNX decoding due to a lack of support. In that case, we use the original + attention implementation, which shows no regression. + default: False. + n_value: int, optional + if set to values other than -1, use a different dimension for value. With the default value (i.e. -1), it is backward compatible. + group_size: int, optional. must divide `n_head` + if group_size > 1: GQA + if group_size = 1: MHA + if group_size = n_head: MQA + """ + + inv_sqrt_d_k: torch.jit.Final[float] + h: torch.jit.Final[int] + h_k: torch.jit.Final[int] + g: torch.jit.Final[int] + + def __init__( + self, + n_head, + n_feat, + dropout_rate, + attention_inner_dim=-1, + glu_type="swish", + bias_in_glu=True, + use_pt_scaled_dot_product_attention=False, + n_value=-1, + group_size: int = 1, + ): + super().__init__() + if n_value == -1: + n_value = n_feat + if attention_inner_dim == -1: + attention_inner_dim = n_feat + assert attention_inner_dim % n_head == 0 + + # We assume d_v always equals d_k + self.d_k = attention_inner_dim // n_head + self.inv_sqrt_d_k = 1.0 / math.sqrt(self.d_k) + self.h = n_head + assert n_head % group_size == 0, "group_size must divide n_head" + self.g = group_size + self.h_k = n_head // group_size + + self.linear_q = nn.Linear(n_feat, attention_inner_dim) + self.linear_k = nn.Linear(n_feat, attention_inner_dim // group_size) + self.linear_v = nn.Linear(n_value, attention_inner_dim // group_size) + self.linear_out = nn.Linear(attention_inner_dim // group_size, n_value) + + self.attn = torch.jit.Attribute(None, Optional[Tensor]) + self.dropout = nn.Dropout(p=dropout_rate) + self.dropout_rate = dropout_rate + self.use_pt_scaled_dot_product_attention = use_pt_scaled_dot_product_attention + + if use_pt_scaled_dot_product_attention and group_size > 1: + raise ValueError("Cannot use PT Scaled Attention with GQA") + + # Torchscript eager quantization. Note that these functions below are + # NOOPs and have very little impact on performance unless quantization is + # enabled. + self.quant_q = torch.ao.quantization.QuantStub() + self.quant_x = torch.ao.quantization.QuantStub() + self.dequant = torch.ao.quantization.DeQuantStub() + self.ffunc = torch.ao.nn.quantized.FloatFunctional() + + def forward( + self, + query: Tensor, + key: Tensor, + value: Tensor, + pos_k: Tensor, + pos_v: Tensor, + mask: Optional[Tensor], + relative_attention_bias: Optional[Tensor] = None, + ): + """Compute 'Scaled Dot Product Attention'. + + Args: + query: torch.Tensor + query tensor (batch, time1, size) + key: torch.Tensor + key tensor (batch, time2, size) + value: torch.Tensor + value tensor (batch, time1, size) + pos_k: torch.Tensor + key tensor used for relative positional embedding. + pos_v: torch.Tensor + value tensor used for relative positional embedding. + mask: torch.Tensor + mask tensor (batch, time1, time2) + relative_attention_bias: torch.Tensor + bias added to attention logits w.r.t. relative positions (1, n_head, time1, time2) + """ + # self.h = num_heads + # self.h_k = num_kv_heads + # self.d_k = head_size + n_batch, seq_len, _ = query.size() + + q = self.linear_q(query).view(n_batch, seq_len, self.h, self.d_k) # (b, t, d) + k = self.linear_k(key).view(n_batch, seq_len, self.h_k, self.d_k) # (b, t, d) + v = self.linear_v(value).view(n_batch, seq_len, self.h_k, self.d_k) + q = ( + q.transpose(1, 2) + if self.use_pt_scaled_dot_product_attention and not torch.jit.is_scripting() + else q.transpose(1, 2) * self.inv_sqrt_d_k + ) + k = k.transpose(1, 2) # (batch, head_k, time2, d_k) + v = v.transpose(1, 2) # (batch, head_k, time2, d_k) + + if self.use_pt_scaled_dot_product_attention and not torch.jit.is_scripting(): + attn_mask = None + if mask is not None: + mask = mask.unsqueeze(1) + if relative_attention_bias is not None: + attn_mask = mask + relative_attention_bias + else: + attn_mask = mask + if mask.dtype != q.dtype: + attn_mask = attn_mask.to(q.dtype) + + with torch.backends.cuda.sdp_kernel( + enable_flash=True, enable_math=True, enable_mem_efficient=True + ): + x = torch.nn.functional.scaled_dot_product_attention( + q, + k, + v, + attn_mask=attn_mask, + dropout_p=self.dropout_rate, + ) + else: + if self.h != self.h_k: + q = q.reshape(n_batch, self.g, self.h_k, -1, self.d_k) + A = torch.einsum("b g h t d, b h s d -> b h t s", q, k) + else: + A = torch.matmul(q, k.transpose(-2, -1)) + if pos_k is not None: + if self.h != self.h_k: + B = torch.einsum("b g h t d, t s d -> b h t s", q, pos_k) + else: + reshape_q = ( + q.contiguous().view(n_batch * self.h, -1, self.d_k).transpose(0, 1) + ) # (t1,nh,dk) + B = torch.matmul(reshape_q, pos_k.transpose(-2, -1)) # pos_k: (t1,dk,t2) + B = B.transpose(0, 1).view(n_batch, self.h, pos_k.size(0), pos_k.size(1)) + scores = A + B + else: + scores = A + + if relative_attention_bias is not None: + scores = scores + relative_attention_bias + + attn = masked_softmax(scores, mask) # (batch, head, time1, time2) + + self.attn = attn + + p_attn = self.dropout(attn) + x = torch.matmul(p_attn.to(v.dtype), v) # (batch, head, time1, d_k) + if pos_v is not None: + reshape_attn = ( + p_attn.contiguous() + .view(n_batch * self.h, pos_v.size(0), pos_v.size(1)) + .transpose(0, 1) + ) # (t1, bh, t2) + + attn_v = ( + torch.matmul(reshape_attn, pos_v) + .transpose(0, 1) + .contiguous() + .view(n_batch, self.h, pos_v.size(0), self.d_k) + ) + x = x + attn_v + x = ( + x.transpose(1, 2).contiguous().view(n_batch, seq_len, self.h_k * self.d_k) + ) # (batch, time1, d_model) + + return self.linear_out(x) # (batch, time1, d_model) + + +def unfold_tensor(xs_pad, max_seq_len): + """ + For a given tensor with shape of (N, T, D), if sequence length T is longer than max_seq_len, + this function unfold it to a (NT', max_seq_len, D) where T' is T // max_seq_len. + Args: + xs_pad: N, T, D + """ + _, _, D = xs_pad.shape + xs_pad = xs_pad.transpose(-1, -2) # convert to N, D, T + # N x D x 1 x T => N x (D x max_seq_len) x T' + xs_pad = F.unfold( + xs_pad[..., None, :], + kernel_size=(1, max_seq_len), + stride=(1, max_seq_len), + ) + + new_bsz, _, slen = xs_pad.shape + # N x D x max_seq_len x T' + xs_pad = xs_pad.view(new_bsz, -1, max_seq_len, slen) + # N x T' x max_seq_len x D + xs_pad = xs_pad.permute(0, 3, 2, 1).contiguous() + # NT' x max_seq_len x D + xs_pad = xs_pad.view(-1, max_seq_len, D) + return xs_pad + +# conformer_encoder.py +class MultiSequential(torch.nn.Sequential): + """Multi-input multi-output torch.nn.Sequential""" + + # @torch.jit.ignore + def forward(self, *args): + """Forward method implementation.""" + for m in self: + args = m(*args) + return args + +def repeat(repeat_num, module_gen_fn): + """repeat module N times + + :param int repeat_num: repeat time + :param function module_gen_fn: function to generate module + :return: repeated modules + :rtype: MultiSequential + """ + return MultiSequential(*[module_gen_fn(i) for i in range(repeat_num)]) + +class ConformerEncoderLayer(nn.Module): + """ConformerEncoder Layer module. + for more details see conformer paper: + https://arxiv.org/abs/2005.08100 + This module implement the Conformer block layer. + + Args: + d_model: int + attention dim. + ext_pw_out_channel: int + if > 0, ext_pw_out_channel is a dim channel size + for the last pointwise conv after swish activation. + depthwise_seperable_out_channel: int + if set different to 0, the number of depthwise_seperable_out_channel + will be used as a channel_out of the second conv1d layer. + otherwise, it equal to 0, the second conv1d layer is skipped. + depthwise_multiplier: int + number of input_dim channels duplication. this value + will be used to compute the hidden channels of the Conv1D. + n_head: int + the number of heads for multihead attention module. + d_ffn: int + output size of the feed_forward blocks. + ext_pw_kernel_size: int + kernel size of the conv pointwise of the conformer. + kernel_size: int + kernel size. + dropout_rate: float + dropout rate. + causal: bool, optional + if set to True, convolution have no access + to future frames. default False. + batch_norm: bool, optional + if set to True, apply batchnorm before activation + in ConvModule layer of the conformer. + default False + activation: str, optional + activation function name, + one of ["relu", "swish", "sigmoid"], + sigmoid activation is only used with "glu_in_fnn=True", + default "relu". + chunk_se: int, optional + 0 for offline SE. + 1 for streaming SE, where mean is computed + by accumulated history until current chunk_se. + 2 for streaming SE, where mean is computed + by only the current chunk. + default 0. + chunk_size: int, optional + chunk_size for cnn. default 18 + conv_activation: str, optional + activation function used in ConvModule part + of the conformer, default "relu". + conv_glu_type: str, optional + activation function used for the glu inside + the ConvModule part of the conformer. + default: "sigmoid". + bias_in_glu: bool, optional + if set to True, use additive bias in the weight module + before GLU. + linear_glu_in_convm: bool, optional + if set to True, use GLULinear module, + otherwise, used GLUPointWiseConv module. + default to False. + attention_innner_dim: int, otional + if equal to -1, attention dim for linears k/q/v is + equal to d_model. otherwise attention_innner_dim is used. + default -1. + attention_glu_type: str, optional + activation function for glu used in the multihead attention, + default "swish". + activation_checkpointing: str, optional + a dictionarry of {"module","interval","offload"}, where + "module": str + accept ["transformer", "attention"] to select + which module should do activation checkpointing. + "interval": int, default 1, + interval of applying activation checkpointing, + interval = 1 means that we apply checkpointing + on every layer (if activation), otherwise, + we apply it every x interval. + "offload": bool, default False, + if set to True, we offload activation to cpu and + reload it during backward, otherwise, + we recalculate activation in backward. + default "". + export: bool, optional + if set to True, it remove the padding from convolutional layers + and allow the onnx conversion for inference. + default False. + use_pt_scaled_dot_product_attention: bool, optional + if set to True, use pytorch's scaled dot product attention implementation in training. + attn_group_sizes: int, optional + the number of groups to use for attention, default 1 (Multi-Head Attention), + 1 = typical Multi-Head Attention, + 1 < attn_group_sizes < attention_heads = Grouped-Query Attention + attn_group_sizes = attenion_heads = Multi-Query Attention + """ + + def __init__( + self, + d_model=512, + ext_pw_out_channel=0, + depthwise_seperable_out_channel=256, + depthwise_multiplier=1, + n_head=4, + d_ffn=2048, + ext_pw_kernel_size=1, + kernel_size=3, + dropout_rate=0.1, + causal=False, + batch_norm=False, + activation="relu", + chunk_se=0, + chunk_size=18, + conv_activation="relu", + conv_glu_type="sigmoid", + bias_in_glu=True, + linear_glu_in_convm=False, + attention_innner_dim=-1, + attention_glu_type="swish", + activation_checkpointing="", + export=False, + use_pt_scaled_dot_product_attention=False, + attn_group_sizes: int = 1, + ): + super().__init__() + + self.feed_forward_in = FeedForward( + d_model=d_model, + d_inner=d_ffn, + dropout_rate=dropout_rate, + activation=activation, + bias_in_glu=bias_in_glu, + ) + + self.self_attn = encoder_checkpoint_wrapper( + activation_checkpointing, + MultiHeadedAttention, + )( + MultiHeadedAttention( + n_head, + d_model, + dropout_rate, + attention_innner_dim, + attention_glu_type, + bias_in_glu, + use_pt_scaled_dot_product_attention=use_pt_scaled_dot_product_attention, + group_size=attn_group_sizes, + ) + ) + self.conv = ConvModule( + d_model, + ext_pw_out_channel, + depthwise_seperable_out_channel, + ext_pw_kernel_size, + kernel_size, + depthwise_multiplier, + dropout_rate, + causal, + batch_norm, + chunk_se, + chunk_size, + conv_activation, + conv_glu_type, + bias_in_glu, + linear_glu_in_convm, + export=export, + ) + + self.feed_forward_out = FeedForward( + d_model=d_model, + d_inner=d_ffn, + dropout_rate=dropout_rate, + activation=activation, + bias_in_glu=bias_in_glu, + ) + + self.layer_norm_att = nn.LayerNorm(d_model) + self.layer_norm = nn.LayerNorm(d_model) + + def forward( + self, + x, + pos_k, + pos_v, + mask, + relative_attention_bias: Optional[Tensor] = None, + ): + """ConformerEncoder forward. + + Args: + x: torch.Tensor + input feature of shape (batch, max_time_in, size) + pos_k: torch.Tensor + positional key embedding. + mask: torch.Tensor + mask for x (batch, max_time_in) + relative_attention_bias: Optional[torch.Tensor] + bias added to attention logits w.r.t. relative positions (1, n_head, time1, time2) + """ + x = x + 0.5 * self.feed_forward_in(x) + norm_x = self.layer_norm_att(x) + + x = x + self.self_attn( + norm_x, + norm_x, + norm_x, + pos_k, + pos_v, + mask, + relative_attention_bias=relative_attention_bias, + ) + x = x + self.conv(x) + x = x + 0.5 * self.feed_forward_out(x) + + out = self.layer_norm(x) + + return out, pos_k, pos_v + +class TransformerEncoderBase(abc.ABC, nn.Module): + """The Base class for Transformer based encoders + + Please set causal = True in streaming model + Args: + input_size: int + input feature dimension. + chunk_size: int, list(int) + Number of frames for each chunk + This variable can take 2 forms: + int: Used for inference, or single chunk size training + list(int) : Used only for variable chunk size training + Some examples for the 2 cases: + chunk_size = 12 + chunk_size = [6, 8, 12, 24] + left_chunk: int, list(int) + Number of chunks used for masking in streaming mode. + This variable can take 2 forms: + int: Used for inference, or single chunk size training + list(int) : Used only for variable chunk size training. When + chunk_size is a list, left_chunk must be a list with same length. + Some examples for the 2 cases: + left_chunk = 6 + left_chunk = [12, 9, 6, 3] + attention_dim: int, optional + attention dimension. default 256. + attention_heads: int, optional + the number of heads. default 4 + input_layer: str, optional + input layer type before Conformer, + one of ["linear", "conv2d", "custom", "vgg2l", "embed"], + default "conv2d" + cnn_out: int, optional + the number of CNN channels before Conformer. + default -1. + cnn_layer_norm: bool, optional + layer norm between Conformer and the first CNN. + default False. + time_reduction: int, optional + time reduction factor + default 4 + dropout_rate: float, optional + dropout rate. default 0.1 + padding_idx: int, optional + padding index for input_layer=embed + default -1 + relative_attention_bias_args: dict, optional + use more efficient scalar bias-based relative multihead attention (Q*K^T + B) + implemented in cmb.basics.embedding.[T5/ALiBi]RelativeAttentionLogitBias + usage: relative_attention_bias_args={"type": t5/alibi} + additional method-specific arguments can be provided (see transformer_base.py) + positional_dropout_rate: float, optional + dropout rate after positional encoding. default 0.0 + nemo_conv_settings: dict, optional + A dictionary of settings for NeMo Subsampling. + default None + conv2d_extra_padding: str, optional + Add extra padding in conv2d subsampling layers. Choices are + (feat, feat_time, none, True). + if True or feat_time, the extra padding is added into non full + supraframe utts in batch. + Default: none + attention_group_size: int, optional + the number of groups to use for attention, default 1 (Multi-Head Attention), + 1 = typical Multi-Head Attention, + 1 < attention_group_size < attention_heads = Grouped-Query Attention + attention_group_size = attenion_heads = Multi-Query Attention + """ + + def __init__( + self, + input_size, + chunk_size, + left_chunk, + attention_dim=256, + attention_heads=4, + input_layer="nemo_conv", + cnn_out=-1, + cnn_layer_norm=False, + time_reduction=4, + dropout_rate=0.0, + padding_idx=-1, + relative_attention_bias_args=None, + positional_dropout_rate=0.0, + nemo_conv_settings=None, + conv2d_extra_padding: Literal["feat", "feat_time", "none", True] = "none", + attention_group_size=1, + encoder_embedding_config=None, + ): + super().__init__() + self.input_size = input_size + self.input_layer = input_layer + self.chunk_size = chunk_size + self.left_chunk = left_chunk + self.attention_dim = attention_dim + self.num_heads = attention_heads + self.attention_group_size = attention_group_size + self.time_reduction = time_reduction + self.nemo_conv_settings = nemo_conv_settings + self.encoder_embedding_config = encoder_embedding_config + + if self.input_layer == "nemo_conv": + default_nemo_conv_settings = { + "subsampling": "dw_striding", + "subsampling_factor": self.time_reduction, + "feat_in": input_size, + "feat_out": attention_dim, + "conv_channels": 256, + "subsampling_conv_chunking_factor": 1, + "activation": nn.ReLU(), + "is_causal": False, + } + # Override any of the defaults with the incoming, user settings + if nemo_conv_settings: + default_nemo_conv_settings.update(nemo_conv_settings) + for i in ["subsampling_factor", "feat_in", "feat_out"]: + assert ( + i not in nemo_conv_settings + ), "{i} should be specified outside of the NeMo dictionary" + + self.embed = NemoConvSubsampling( + **default_nemo_conv_settings, + ) + else: + raise ValueError("unknown input_layer: " + input_layer) + + self.pos_emb = AbsolutePositionalEncoding(attention_dim, positional_dropout_rate) + + self.relative_attention_bias_type = ( + relative_attention_bias_args.get("type") if relative_attention_bias_args else None + ) + if self.relative_attention_bias_type == "t5": + assert ( + self.num_heads % self.attention_group_size == 0 + ), "attention_group_size must divide n_head" + self.relative_attention_bias_layer = T5RelativeAttentionLogitBias( + self.num_heads // self.attention_group_size, + max_distance=relative_attention_bias_args.get("t5_bias_max_distance", 1000), + symmetric=relative_attention_bias_args.get("t5_bias_symmetric", False), + ) + else: + raise NotImplementedError + + + def post_init(self, init_model_config): + + pretrained_speech_encoder_path = init_model_config.get('pretrained_speech_encoder_path', None) + if pretrained_speech_encoder_path: + model_state = torch.load(pretrained_speech_encoder_path, map_location="cpu") + encoder_state_dict = {} + for k, v in model_state.items(): + if "encoder." in k: + tmp_k = k.replace("encoder.", "") + encoder_state_dict[tmp_k] = v + + if hasattr(self, "encoder_embedding"): + del self.encoder_embedding + self.load_state_dict(encoder_state_dict) + + if not hasattr(self, "encoder_embedding"): + self.encoder_embedding = MeanVarianceNormLayer(self.encoder_embedding_config["input_size"]) + + mean_file = init_model_config.get('mean_file', None) + invstd_file = init_model_config.get('invstd_file', None) + if mean_file is not None and invstd_file is not None: + self.encoder_embedding.load_mean_invstd(mean_file, invstd_file) + + def compute_lens_change(self, feature_lens): + """feature_lens: int + return updated feature lens. + + This used to return a different lambda function for each case that computed + the right thing. That does not work within Torchscript. If you really + need this to be faster, create nn.Module()-s for all the cases and return + one of them. Torchscript does support that. + """ + if self.input_layer == "nemo_conv": + # Handle the special causal case + subsampling_causal_cond = self.nemo_conv_settings.get("subsampling", "dw_striding") in [ + "dw_striding", + "striding", + "striding_conv1d", + ] + is_causal = self.nemo_conv_settings.get("is_causal", False) + if is_causal and subsampling_causal_cond: + lens_change = ( + torch.ceil(feature_lens / self.time_reduction).long() + if isinstance(feature_lens, Tensor) + else math.ceil(feature_lens / self.time_reduction) + ) + feature_lens_remainder = feature_lens % self.time_reduction + if isinstance(feature_lens, Tensor): + lens_change[feature_lens_remainder != 1] += 1 + elif feature_lens_remainder != 1: + lens_change += 1 + return lens_change + # ceil_func = math.ceil if isinstance(feature_lens, int) else torch.ceil + # return ceil_func(feature_lens / self.time_reduction) + return math.ceil(feature_lens / self.time_reduction) + + @abc.abstractmethod + def forward(self): + """Abstract forward method implementation.""" + + def _chunk_size_selection(self, chunk_size=None, left_chunk=None): + """If chunk size is a list, we will randomly select a chunk size.""" + + if chunk_size is None: + chunk_size = self.chunk_size + if left_chunk is None: + left_chunk = self.left_chunk + if isinstance(chunk_size, list): + # Variable chunk size during training + chunk_size_index = int(torch.randint(low=0, high=len(chunk_size), size=(1,))) + chunk_size_train_eff = chunk_size[chunk_size_index] + if not isinstance(left_chunk, list): + raise ValueError("Since chunk_size is a list, left_chunk must be a list") + if len(left_chunk) != len(chunk_size): + raise ValueError( + "The length of left_chunk must be the same as length of chunk_size." + ) + left_chunk_train_eff = left_chunk[chunk_size_index] + else: + chunk_size_train_eff = chunk_size + left_chunk_train_eff = left_chunk + + return chunk_size_train_eff, left_chunk_train_eff + + def _get_embed_class(self, embed): + # pylint: disable=protected-access + is_embed_using_act_chkpt = isinstance(embed, CheckpointWrapper) + is_embed_fsdp_wrapped = isinstance(embed, FullyShardedDataParallel) + embed_class = embed + if is_embed_using_act_chkpt: + embed_class = embed._checkpoint_wrapped_module + if is_embed_fsdp_wrapped: + embed_class = embed.module + return embed_class + + def _forward_embeddings_core(self, input_tensor, masks): + embed_class = self._get_embed_class(self.embed) + assert isinstance(embed_class, NemoConvSubsampling) + input_tensor, masks = self.embed(input_tensor, masks) + return input_tensor, masks + + def _position_embedding(self, input_tensor): + pos_k = None + pos_v = None + if self.relative_attention_bias_layer is None: + input_tensor = self.pos_emb(input_tensor) # default to add abs sinusoid embedding + return pos_k, pos_v + + def _streaming_mask(self, seq_len, batch_size, chunk_size, left_chunk): + chunk_size_train_eff, left_chunk_train_eff = self._chunk_size_selection( + chunk_size, left_chunk + ) + + # Create mask matrix for streaming + # S stores start index. if chunksize is 18, s is [0,18,36,....] + # chunk_start_idx = np.arange(0, seq_len, chunk_size_train_eff) + # avoid randomness when run evaluation or decoding + # if self.training:# and np.random.rand() > 0.5: + # # Either first or last chunk is not complete. + # # If only the last one is not complete, EOS is not effective + # chunk_start_idx = seq_len - chunk_start_idx + # chunk_start_idx = chunk_start_idx[::-1] + # chunk_start_idx = chunk_start_idx[:-1] + # chunk_start_idx = np.insert(chunk_start_idx, 0, 0) + # else: + chunk_start_idx = torch.tensor([], dtype=torch.int64) + + enc_streaming_mask = ( + adaptive_enc_mask(seq_len, chunk_start_idx, left_window=left_chunk_train_eff) + .unsqueeze(0) + .expand([batch_size, -1, -1]) + ) + return enc_streaming_mask + + def expand_mask(self, mask): + # Convert `mask = torch.tensor([])` to `mask = torch.tensor(0)` + # and leave `mask` unmodified otherwise + orig_num_elements = mask.numel() + new_num_elements = max(1, orig_num_elements) + mask_shape = list(mask.shape) + mask_shape[0] = max(1, mask_shape[0]) + expanded_mask = torch.zeros(new_num_elements, dtype=mask.dtype) + expanded_mask[ : orig_num_elements] = mask.flatten() + expanded_mask = expanded_mask.view(mask_shape) + return expanded_mask + + def forward_embeddings(self, xs_pad, masks, chunk_size_nc=None, left_chunk_nc=None): + """Forwarding the inputs through the top embedding layers + + Args: + xs_pad: torch.Tensor + input tensor + masks: torch.Tensor + input mask + chunk_size_nc: (optional, default is None) chunk size for non-causal layers + left_chunk_nc: (optional, default is None) # of left chunks for non-causal layers + """ + # pylint: disable=R0915 + # get new lens. + seq_len = self.compute_lens_change(xs_pad.shape[1]) + if seq_len <= 0: + raise ValueError( + f"""The sequence length after time reduction is invalid: {seq_len}. + Your input feature is too short. Consider filtering out the very + short sentence from data loader""", + ) + + batch_size = xs_pad.shape[0] + + enc_streaming_mask = self._streaming_mask( + seq_len, batch_size, self.chunk_size, self.left_chunk + ) + + if xs_pad.is_cuda: + enc_streaming_mask = enc_streaming_mask.cuda() + xs_pad = xs_pad.cuda() + + input_tensor = xs_pad + input_tensor, masks = self._forward_embeddings_core(input_tensor, masks) + + # Select correct `hs_mask` + streaming_mask = enc_streaming_mask + expanded_masks = self.expand_mask(masks) + expanded_streaming_mask = self.expand_mask(streaming_mask) + + if_condition = torch.full_like(expanded_streaming_mask, streaming_mask.numel() > 0 and batch_size > 1).bool() + elif_condition = torch.full_like(expanded_masks, streaming_mask.numel() == 0 and batch_size > 1).bool() + else_condition = ~elif_condition + hs_mask = (expanded_masks & expanded_streaming_mask) * if_condition + expanded_masks * elif_condition + expanded_streaming_mask * else_condition + + if chunk_size_nc is not None: + enc_streaming_mask_nc = self._streaming_mask( + seq_len, batch_size, chunk_size_nc, left_chunk_nc + ) + if xs_pad.is_cuda: + enc_streaming_mask_nc = enc_streaming_mask_nc.cuda() + if masks is not None: + hs_mask_nc = masks & enc_streaming_mask_nc + else: + hs_mask_nc = enc_streaming_mask_nc + else: + hs_mask_nc = None + + pos_k, pos_v = self._position_embedding(input_tensor) + + if chunk_size_nc is None: + return input_tensor, pos_k, pos_v, hs_mask, masks + return input_tensor, pos_k, pos_v, hs_mask, masks, hs_mask_nc + + def get_offset(self): + """Returns offset used when retaining inputs for decoding. + + This is essentially, how many additional frames have to be added to + the front-end CNN input to ensure it can produce a single output. + So if the "padding" parameter is 0, typically offset will be > 0. + """ + return get_offset(self.input_layer, self.time_reduction) + + +def get_offset(input_layer: str, time_reduction: int): + """Get an offset. We will use the offset for determining #frames of a subsampled feature. + + Args: + input_layer (str): Type of an input layer + time_reduction (int): time reduction factor for downsampling a feature + Returns: + int: offset + """ + if input_layer in ("conv2d", "nemo_conv") and time_reduction == 4: + return 3 + if input_layer in ("conv2d",) and time_reduction == 6: + return 1 + if input_layer in ("conv2d", "nemo_conv") and time_reduction == 8: + return 7 + return 0 + + +class ConformerEncoder(TransformerEncoderBase): + """ConformerEncoder module. + see original paper for more details: + https://arxiv.org/abs/2005.08100 + + Please set causal = True in streaming model + Args: + input_size: int + input feature dimension. + chunk_size: int, list(int) + Number of frames for each chunk + This variable can take 2 forms: + int: Used for inference, or single chunk size training + list(int) : Used only for variable chunk size training + Some examples for the 2 cases: + chunk_size = 12 + chunk_size = [6, 8, 12, 24] + left_chunk: int, list(int) + Number of chunks used for masking in streaming mode. + This variable can take 2 forms: + int: Used for inference, or single chunk size training + list(int) : Used only for variable chunk size training. When + chunk_size is a list, left_chunk must be a list with same length. + Some examples for the 2 cases: + left_chunk = 6 + left_chunk = [12, 9, 6, 3] + left_chunk: int + number of chunks used for masking in streaming mode. + num_lang: int + This parameter is used to store the number of languages in the lang_dict, + only used for multiseed/multilingual models. default None. + attention_dim: int, optional + attention dimension. default 256. + attention_heads: int, optional + the number of heads. default 4 + linear_units: + the number of units of position-wise feed forward. + default 2048 + num_block: + number of Transformer layer. default 6 + dropout_rate: float, optional + dropout rate. default 0.1 + input_layer: str, optional + input layer type before Conformer, + one of ["linear", "conv2d", "custom", "vgg2l", "embed"], + default "conv2d" + causal: bool, optional + if set to True, convolution have no access + to future frames. default False. + batch_norm: bool, optional + if set to True, apply batchnorm before activation + in ConvModule layer of the conformer. + default False + cnn_out: int, optional + the number of CNN channels before Conformer. + default -1. + cnn_layer_norm: bool, optional + layer norm between Conformer and the first CNN. + default False. + ext_pw_out_channel: int, optional + the number of channel for CNN + before depthwise_seperable_CNN. + If 0 then use linear. default 0. + ext_pw_kernel_size: int, optional + kernel size of N before depthwise_seperable_CNN. + only work for ext_pw_out_channel > 0. + default 1 + depthwise_seperable_out_channel: int, optional + the number of channel for + depthwise_seperable_CNN. + default 256. + depthwise_multiplier: int, optional + the number of multiplier for + depthwise_seperable_CNN. + default 1. + chunk_se: int, optional + 0 for offline SE. + 1 for streaming SE, where mean is computed + by accumulated history until current chunk_se. + 2 for streaming SE, where mean is computed + by only the current chunk. + default 0. + kernel_size: int, optional + the number of kernels for depthwise_seperable_CNN. + default 3. + activation: str, optional + FeedForward block activation. + one of ["relu", "swish", "sigmoid"] + default "relu". + conv_activation: str, optional + activation function used in ConvModule part + of the conformer, default "relu". + conv_glu_type: str, otional + activation used use glu in depthwise_seperable_CNN, + default "sigmoid" + bias_in_glu: bool, optional + if set to True, use additive bias in the weight module + before GLU. default True + linear_glu_in_convm: bool, optional + if set to True, use GLULinear module, + otherwise, used GLUPointWiseConv module. + default to False. + attention_glu_type: str + only work for glu_in_attention !=0 + default "swish". + export: bool, optional + if set to True, it remove the padding from convolutional layers + and allow the onnx conversion for inference. + default False. + activation_checkpointing: str, optional + a dictionarry of {"module","interval","offload"}, where + "module": str + accept ["transformer", "attention"] to select + which module should do activation checkpointing. + "interval": int, default 1, + interval of applying activation checkpointing, + interval = 1 means that we apply checkpointing + on every layer (if activation), otherwise, + we apply it every x interval. + "offload": bool, default False, + if set to True, we offload activation to cpu and + reload it during backward, otherwise, + we recalculate activation in backward. + default "". + extra_layer_output_idx: int + the layer index to be exposed. + relative_attention_bias_args: dict, optional + use more efficient scalar bias-based relative multihead attention (Q*K^T + B) + implemented in cmb.basics.embedding.[T5/ALiBi]RelativeAttentionLogitBias + usage: relative_attention_bias_args={"type": t5/alibi} + additional method-specific arguments can be provided (see transformer_base.py) + time_reduction: int optional + time reduction factor + default 4 + use_pt_scaled_dot_product_attention: whether to use pytorch scaled dot product attention + in training. + Default: False + nemo_conv_settings: dict, optional + A dictionary of settings for NeMo Subsampling. + default: None + usage: nemo_conv_settings= + { + "subsampling": + dw_striding/striding/dw_striding_conv1d/striding_conv1d, + "conv_channels": int, + "subsampling_conv_chunking_factor": int, + "is_causal": True/False + } + conv2d_extra_padding: str, optional + Add extra padding in conv2d subsampling layers. Choices are + (feat, feat_time, none, True) + Default: none + replication_pad_for_subsample_embedding: For batched-streaming decoding, use + "replication" padding for the cache at start of utterance. + Default: False + attention_group_size: int, optional + the number of groups to use for attention, default 1 (Multi-Head Attention), + 1 = typical Multi-Head Attention, + 1 < attention_group_size < attention_heads = Grouped-Query Attention + attention_group_size = attenion_heads = Multi-Query Attention + """ + + extra_multi_layer_output_idxs: List[int] + + def __init__( # pylint: disable-all + self, + input_size, + chunk_size, + left_chunk, + num_lang=None, + attention_dim=256, + attention_heads=4, + linear_units=2048, + num_blocks=6, + dropout_rate=0.1, + input_layer="nemo_conv", + causal=True, + batch_norm=False, + cnn_out=-1, + cnn_layer_norm=False, + ext_pw_out_channel=0, + ext_pw_kernel_size=1, + depthwise_seperable_out_channel=256, + depthwise_multiplier=1, + chunk_se=0, + kernel_size=3, + activation="relu", + conv_activation="relu", + conv_glu_type="sigmoid", + bias_in_glu=True, + linear_glu_in_convm=False, + attention_glu_type="swish", + export=False, + extra_layer_output_idx=-1, + extra_multi_layer_output_idxs=[], + activation_checkpointing="", + relative_attention_bias_args=None, + time_reduction=4, + use_pt_scaled_dot_product_attention=False, + nemo_conv_settings=None, + conv2d_extra_padding: Literal["feat", "feat_time", "none", True] = "none", + replication_pad_for_subsample_embedding=False, + attention_group_size=1, + encoder_embedding_config=None, + ): + super().__init__( + input_size, + chunk_size, + left_chunk, + attention_dim, + attention_heads, + input_layer, + cnn_out, + cnn_layer_norm, + time_reduction, + dropout_rate=dropout_rate, + relative_attention_bias_args=relative_attention_bias_args, + positional_dropout_rate=0.0, + nemo_conv_settings=nemo_conv_settings, + conv2d_extra_padding=conv2d_extra_padding, + attention_group_size=attention_group_size, + encoder_embedding_config=encoder_embedding_config, + ) + self.num_blocks = num_blocks + self.num_lang = num_lang + self.kernel_size = kernel_size + self.embed = embedding_checkpoint_wrapper(activation_checkpointing)(self.embed) + self.replication_pad_for_subsample_embedding: bool = replication_pad_for_subsample_embedding + assert self.num_heads % attention_group_size == 0, "attention_group_size must divide n_head" + self.num_heads_k = self.num_heads // attention_group_size + + self.encoders = repeat( + num_blocks, + lambda i: encoder_checkpoint_wrapper( + activation_checkpointing, ConformerEncoderLayer, i + )( + ConformerEncoderLayer( + d_model=attention_dim, + ext_pw_out_channel=ext_pw_out_channel, + depthwise_seperable_out_channel=depthwise_seperable_out_channel, + depthwise_multiplier=depthwise_multiplier, + n_head=attention_heads, + d_ffn=linear_units, + ext_pw_kernel_size=ext_pw_kernel_size, + kernel_size=kernel_size, + dropout_rate=dropout_rate, + causal=causal, + batch_norm=batch_norm, + activation=activation, + chunk_se=chunk_se, + chunk_size=chunk_size, + conv_activation=conv_activation, + conv_glu_type=conv_glu_type, + bias_in_glu=bias_in_glu, + linear_glu_in_convm=linear_glu_in_convm, + attention_glu_type=attention_glu_type, + activation_checkpointing=attn_checkpointing(activation_checkpointing, i), + export=export, + use_pt_scaled_dot_product_attention=use_pt_scaled_dot_product_attention, + attn_group_sizes=attention_group_size, + ) + ), + ) + self.extra_layer_output_idx = extra_layer_output_idx + self.extra_multi_layer_output_idxs = extra_multi_layer_output_idxs + # Make a zeros scalar we can use in get_initial_state to determine + # the device and the needed dtype: + self.register_buffer("dev_type", torch.zeros(()), persistent=False) + + for i in range(len(self.encoders)): + self.encoders[i] = self.encoders[i]._checkpoint_wrapped_module + + def init_relative_attention_bias(self, input_tensor): + if self.relative_attention_bias_layer: + return self.relative_attention_bias_layer(input_tensor) + + def calculate_hs_mask(self, xs_pad, device, mask): + max_audio_length = xs_pad.shape[1] + batch_size = xs_pad.shape[0] + enc_streaming_mask = self._streaming_mask( + max_audio_length, batch_size, self.chunk_size, self.left_chunk + ) + enc_streaming_mask = enc_streaming_mask.to(device) + + feature_lens = mask.sum(1) + padding_length = feature_lens + pad_mask = ( + torch.arange(0, max_audio_length, device=device).expand(padding_length.size(0), -1) + < padding_length.unsqueeze(1) + ) + pad_mask = pad_mask.unsqueeze(1) + pad_mask = pad_mask & enc_streaming_mask + + if_condition = torch.full_like(enc_streaming_mask, batch_size == 1).bool() + else_condition = ~if_condition + return enc_streaming_mask * if_condition + pad_mask * else_condition + + # @torch.jit.ignore + def forward(self, xs_pad, masks): + """Conformer Forward function + + Args: + xs_pad: torch.Tensor + input tensor + masks: torch.Tensor + post-embedding input lengths + """ + xs_pad = self.encoder_embedding(xs_pad) + input_tensor, pos_k, pos_v, hs_mask, masks = self.forward_embeddings(xs_pad, masks) + + # Rewritten unfold logic + ori_bz, seq_len, D = input_tensor.shape + max_seq_len = 500 # maximum position for absolute positional encoding + + chunk_pad_size = (max_seq_len - (seq_len % max_seq_len)) % max_seq_len + # the unfold op will drop residual frames, pad it to the multiple of max_seq_len + if_padding_tensor = torch.zeros((ori_bz, chunk_pad_size, D), device=input_tensor.device) + if_padded_input_tensor = torch.cat((input_tensor, if_padding_tensor), dim=1).to(input_tensor.device) + + new_bz = ori_bz * ((seq_len + chunk_pad_size) // max_seq_len) + if_unfolded_tensor = if_padded_input_tensor.reshape(new_bz, max_seq_len, D) + + # revise hs_mask here because the previous calculated hs_mask did not consider extra pad + subsampled_pad_mask = masks.squeeze(1) # [bz, subsampled_unmask_seq_len] + extra_padded_subsampled_padding_tensor = torch.zeros((ori_bz, chunk_pad_size), device=subsampled_pad_mask.device) + extra_padded_subsampled_pad_mask = torch.cat((subsampled_pad_mask, extra_padded_subsampled_padding_tensor), dim=1).to(subsampled_pad_mask.device) # extra padding to the pad mask + if_masks_unfold = extra_padded_subsampled_pad_mask.reshape(new_bz, max_seq_len) # unfold the pad mask like we did to the input tensor + + # Calculate values in masks_unfold to use + # If condition is true, all values in masks_unfold are left as is. + # If condition is false, all values in masks_unfold are set to 0. + condition = torch.full_like(if_masks_unfold, ori_bz != 1).bool() + masks_unfold = if_masks_unfold * condition + + if_hs_mask = self.calculate_hs_mask(if_unfolded_tensor, if_unfolded_tensor.device, masks_unfold) + + # Pad original hs_mask to be the same shape as if_hs_mask + hs_mask_dim0, hs_mask_dim1, hs_mask_dim2 = hs_mask.shape + if_hs_mask_dim0, if_hs_mask_dim1, if_hs_mask_dim2 = if_hs_mask.shape + padded_dim0 = max(hs_mask_dim0, if_hs_mask_dim0) + padded_dim1 = max(hs_mask_dim1, if_hs_mask_dim1) + padded_dim2 = max(hs_mask_dim2, if_hs_mask_dim2) + + padded_hs_mask = torch.zeros(padded_dim0, padded_dim1, padded_dim2, device=input_tensor.device) + padded_hs_mask[:hs_mask_dim0, :hs_mask_dim1, :hs_mask_dim2] = hs_mask + padded_if_hs_mask = torch.zeros(padded_dim0, padded_dim1, padded_dim2, device=input_tensor.device) + padded_if_hs_mask[:if_hs_mask_dim0, :if_hs_mask_dim1, :if_hs_mask_dim2] = if_hs_mask + + if_condition = torch.full_like(padded_if_hs_mask, seq_len > max_seq_len).bool() + else_condition = ~if_condition + chosen_padded_hs_mask = padded_if_hs_mask * if_condition + padded_hs_mask * else_condition + + # Remove any padding from chosen_padded_hs_mask + shape_dim1, shape_dim2 = min(hs_mask_dim1, if_hs_mask_dim1), min(hs_mask_dim2, if_hs_mask_dim2) + hs_mask = chosen_padded_hs_mask[:, :shape_dim1, :shape_dim2] + + # layer_emb = None + hs_mask = hs_mask.to(torch.int32).unsqueeze(1).eq(0) # (batch, 1, time1, time2) + + relative_attention_bias = self.init_relative_attention_bias(input_tensor) + + _simplified_path = ( + self.extra_layer_output_idx == -1 + and relative_attention_bias is None + ) + + if _simplified_path: + input_tensor, *_ = self.encoders(input_tensor, pos_k, pos_v, hs_mask) + else: + for i, layer in enumerate(self.encoders): + input_tensor, _, _ = layer( + input_tensor, + pos_k, + pos_v, + hs_mask, + relative_attention_bias=relative_attention_bias, + ) + + # if i == self.extra_layer_output_idx: + # layer_emb = input_tensor + + embed_dim = input_tensor.shape[-1] + input_tensor = input_tensor.reshape(ori_bz, -1, embed_dim) + # if we ever padded before unfolding, we need to remove the padding + input_tensor = input_tensor[:, :seq_len, :] # original code does :-chunk_pad_size to remove padding, which makes the tensor the same shape as before any padding + + return input_tensor, masks #, layer_emb + + def gradient_checkpointing_enable(self): + pass diff --git a/cpp/test.ipynb b/cpp/test.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..709d82cff5441273c179920d46f936095fd29ac8 --- /dev/null +++ b/cpp/test.ipynb @@ -0,0 +1,18 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "language_info": { + "name": "python" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +}