diff --git a/src/compute_metrics.py b/src/compute_metrics.py new file mode 100644 index 0000000..4143136 --- /dev/null +++ b/src/compute_metrics.py @@ -0,0 +1,177 @@ +import string +import re +import json +import sys +import os +import logging +from collections import Counter +from rouge import rouge_scorer + + +logger = logging.getLogger(__name__) + + +class SplitTokenizer: + def tokenize(self, s): + return s.split() + + +# copy the flowing from Squad v1.1 evaluation +def normalize_answer(s): + """Lower text and remove punctuation, articles and extra whitespace.""" + # def remove_articles(text): + # return re.sub(r'\b(a|an|the)\b', ' ', text) + + def white_space_fix(text): + return ' '.join(text.split()) + + def remove_punc(text): + exclude = set(string.punctuation) + return ''.join(ch for ch in text if ch not in exclude) + + def lower(text): + return text.lower() + + return white_space_fix(remove_punc(lower(s))) + + +def f1_score(prediction, ground_truth): + prediction_tokens = normalize_answer(prediction).split() + ground_truth_tokens = normalize_answer(ground_truth).split() + common = Counter(prediction_tokens) & Counter(ground_truth_tokens) + num_same = sum(common.values()) + if num_same == 0: + return 0 + precision = 1.0 * num_same / len(prediction_tokens) + recall = 1.0 * num_same / len(ground_truth_tokens) + f1 = (2 * precision * recall) / (precision + recall) + return f1 + + +def exact_match_score(prediction, ground_truth): + return (normalize_answer(prediction) == normalize_answer(ground_truth)) + + +def metric_max_over_ground_truths(metric_fn, prediction, ground_truths): + scores_for_ground_truths = [] + for ground_truth in ground_truths: + score = metric_fn(prediction, ground_truth) + scores_for_ground_truths.append(score) + return max(scores_for_ground_truths) + + +def rouge1_score(prediction, ground_truth, non_en=False): + if not non_en: + scorer = rouge_scorer.RougeScorer(['rouge1'], use_stemmer=True) + else: + scorer = rouge_scorer.RougeScorer(['rouge1'], tokenizer=SplitTokenizer()) + scores = scorer.score(prediction=prediction, target=ground_truth) + return scores["rouge1"].fmeasure + + +def rougeL_score(prediction, ground_truth, non_en=False): + if not non_en: + scorer = rouge_scorer.RougeScorer(['rougeL'], use_stemmer=True) + else: + scorer = rouge_scorer.RougeScorer(['rougeL'], tokenizer=SplitTokenizer()) + scores = scorer.score(prediction=prediction, target=ground_truth) + return scores["rougeL"].fmeasure + + +def compute_metrics(predictions, references): + assert len(predictions) == len(references), f"# of predictions {len(predictions)} doesn't match # of references {len(references)}." + exact_match, f1, rouge1, rougeL = 0, 0, 0, 0 + for pred, gold in zip(predictions, references): + assert isinstance(gold, list) + exact_match += metric_max_over_ground_truths( + exact_match_score, prediction=pred, ground_truths=gold + ) + f1 += metric_max_over_ground_truths( + f1_score, prediction=pred, ground_truths=gold + ) + rouge1 += metric_max_over_ground_truths( + rouge1_score, prediction=pred, ground_truths=gold + ) + rougeL += metric_max_over_ground_truths( + rougeL_score, prediction=pred, ground_truths=gold + ) + exact_match = 100.0 * exact_match / len(references) + f1 = 100.0 * f1 / len(references) + rouge1 = 100.0 * rouge1 / len(references) + rougeL = 100.0 * rougeL / len(references) + metrics = {'exact_match': exact_match, 'f1': f1, "rouge1": rouge1, "rougeL": rougeL} + metrics = {k: round(v, 4) for k, v in metrics.items()} + return metrics + + +def compute_grouped_metrics(predictions, references, groups): + assert len(predictions) == len(references) == len(groups) + + examples_by_group = {} + for pred, gold, group in zip(predictions, references, groups): + if group not in examples_by_group: + examples_by_group[group] = [] + examples_by_group[group].append((pred, gold)) + + results = {} + for group, group_examples in examples_by_group.items(): + task_predictions, task_references = zip(*group_examples) + group_metrics = compute_metrics(task_predictions, task_references) + for metric, value in group_metrics.items(): + results[f"{metric}_for_{group}"] = value + return results + + +if __name__ == "__main__": + with open(sys.argv[1]) as fin: + examples = [json.loads(l) for l in fin] + examples = [e for e in examples if not e["Task"].startswith("task1415_")] # remove task1415 + + if "gpt3" in os.path.basename(sys.argv[1]): + for example in examples: + example["Prediction"] = example["gpt3_response"]["choices"][0]["text"].strip().split(".")[0] + + predictions = [e["Prediction"] for e in examples] + references = [e["Instance"]["output"] for e in examples] + tasks = [] + for e in examples: + if e["Task"] == "task121_atomic_question_rewriting": + e["Task"] = "task121_zest_question_rewriting" + tasks.append(e["Task"]) + + results = compute_metrics(predictions, references) + print("all_rougeL", results["rougeL"]) + print("all_EM", results["exact_match"]) + + task_category = {} + for task in set(tasks): + with open(os.path.join("./data/tasks/", task+".json")) as fin: + task_data = json.load(fin) + task_category[task] = "_".join(task_data["Categories"][0].lower().split()) + categories = [task_category[e["Task"]] for e in examples] + results.update(compute_grouped_metrics(predictions, references, categories)) + category_metrics = [ + ("Textual Entailment", "exact_match"), + ("Cause Effect Classification", "exact_match"), + ("Coreference Resolution", "exact_match"), + ("Dialogue Act Recognition", "exact_match"), + ("Answerability Classification", "exact_match"), + ("Word Analogy", "exact_match"), + ("Overlap Extraction", "rougeL"), + ("Keyword Tagging", "rougeL"), + ("Question Rewriting", "rougeL"), + ("Title Generation", "rougeL"), + ("Data to Text", "rougeL"), + ("Grammar Error Correction", "rougeL"), + ] + for category, metric in category_metrics: + category = "_".join(category.lower().split()) + if f"{metric}_for_{category}" in results: + print(f"{metric}_for_{category}", results[f"{metric}_for_{category}"]) + + category_metrics = {"_".join(category.lower().split()): metric for category, metric in category_metrics} + results_by_task = compute_grouped_metrics(predictions, references, tasks) + for task in sorted(list(set(tasks))): + category = task_category[task] + metric = category_metrics[category] + print(task, results_by_task[f"{metric}_for_{task}"]) \ No newline at end of file diff --git a/src/convert_data_to_s2s.py b/src/convert_data_to_s2s.py new file mode 100644 index 0000000..42b4be0 --- /dev/null +++ b/src/convert_data_to_s2s.py @@ -0,0 +1,62 @@ +''' +This script is used for converting our json data into input/output format and save in tsv file. +This is used to training the T5-11B model on TPU. +''' + +import os +import json +import glob +import tqdm +import pandas as pd +from transformers import HfArgumentParser, GPT2TokenizerFast +from run_s2s import DataTrainingArguments +from datasets import load_dataset +from ni_collator import DataCollatorForNI +from dataclasses import dataclass, field +from nltk import sent_tokenize + +@dataclass +class CustomizedArguments: + output_dir: str = field( + default="data/text2text/", metadata={"help": "The directory for saving splits."} + ) + +if __name__ == "__main__": + parser = HfArgumentParser((DataTrainingArguments, CustomizedArguments)) + args, customized_args = parser.parse_args_into_dataclasses() + raw_datasets = load_dataset( + "src/ni_dataset.py", + data_dir=args.data_dir, + task_dir=args.task_dir, + max_num_instances_per_task=args.max_num_instances_per_task, + max_num_instances_per_eval_task=args.max_num_instances_per_eval_task + ) + + tokenizer = GPT2TokenizerFast.from_pretrained("gpt2") + data_collator = DataCollatorForNI( + tokenizer, + model=None, + padding="max_length" if args.pad_to_max_length else "longest", + max_source_length=args.max_source_length, + max_target_length=args.max_target_length, + add_task_definition=args.add_task_definition, + num_pos_examples=args.num_pos_examples, + num_neg_examples=args.num_neg_examples, + add_explanation=args.add_explanation, + text_only=True + ) + + os.makedirs(customized_args.output_dir, exist_ok=True) + + for split in ["train", "test"]: + with open(os.path.join(customized_args.output_dir, f"{split}.tsv"), "w") as fout1, \ + open(os.path.join(customized_args.output_dir, f"{split}_examples.jsonl"), "w") as fout2: + for example in tqdm.tqdm(raw_datasets[split]): + encoded_example = data_collator([example]) + fout1.write( + " ".join(encoded_example["inputs"][0].split()) + "\t" + " ".join(encoded_example["labels"][0].split()) + "\n" + ) + example["s2s_input"] = " ".join(encoded_example["inputs"][0].split()) + example["s2s_output"] = " ".join(encoded_example["labels"][0].split()) + fout2.write(json.dumps(example) + "\n") + \ No newline at end of file diff --git a/src/create_exps.py b/src/create_exps.py new file mode 100644 index 0000000..9d8c642 --- /dev/null +++ b/src/create_exps.py @@ -0,0 +1,524 @@ +import copy +import subprocess +import yaml +import random +from datetime import date + +today = date.today().strftime("%m%d%Y") + +with open("exp_configs/default_experiment.yaml", 'r') as f: + default_yaml = f.read() +d1 = yaml.load(default_yaml) + +# cluster = "ai2/mosaic-cirrascale" +# cluster = "ai2/aristo-cirrascale" +cluster = "ai2/danielk-a100-cluster-50" +# cluster = "ai2/danielk-a100-cluster-30-preemtible" + +def set_argument_value(arguments, name, value): + if name not in arguments: + raise ValueError(f"{name} not in arguments.") + idx = arguments.index(name) + assert not (isinstance(arguments[idx+1], str) and arguments[idx+1].startswith("-")) # make sure the next argument is the value + arguments[idx+1] = value + return arguments + +encodings = { + # "input_only": {"add_task_name": False, "add_task_definition": False, "num_pos_examples": 0, "num_neg_examples": 0, "add_explanation": False}, + # "task_name_input": {"add_task_name": True, "add_task_definition": False, "num_pos_examples": 0, "num_neg_examples": 0, "add_explanation": False}, + # "instruct_input": {"add_task_name": False, "add_task_definition": True, "num_pos_examples": 0, "num_neg_examples": 0, "add_explanation": False}, + # "pos_1_input": {"add_task_name": False, "add_task_definition": False, "num_pos_examples": 1, "num_neg_examples": 0, "add_explanation": False}, + # "pos_2_input": {"add_task_name": False, "add_task_definition": False, "num_pos_examples": 2, "num_neg_examples": 0, "add_explanation": False}, + # "pos_4_input": {"add_task_name": False, "add_task_definition": False, "num_pos_examples": 4, "num_neg_examples": 0, "add_explanation": False}, + # "instruct_pos_1_input": {"add_task_name": False, "add_task_definition": True, "num_pos_examples": 1, "num_neg_examples": 0, "add_explanation": False}, + "instruct_pos_2_input": {"add_task_name": False, "add_task_definition": True, "num_pos_examples": 2, "num_neg_examples": 0, "add_explanation": False}, + # "instruct_pos_4_input": {"add_task_name": False, "add_task_definition": True, "num_pos_examples": 4, "num_neg_examples": 0, "add_explanation": False}, + # "instruct_pos_2_neg_2_input": {"add_task_name": False, "add_task_definition": True, "num_pos_examples": 2, "num_neg_examples": 2, "add_explanation": False}, + # "instruct_pos_2_neg_2_explanation_input": {"add_task_name": False, "add_task_definition": True, "num_pos_examples": 2, "num_neg_examples": 2, "add_explanation": True}, + # "tk_instruct": {"add_task_name": False, "add_task_definition": False, "num_pos_examples": 0, "num_neg_examples": 0, "add_explanation": False, "tk_instruct": True}, +} + +experiment_group = "multilingual" + +#--------------- experiments about number of supervision tasks ------------------------- + +if experiment_group == "num_of_tasks": + train_task_nums = [8, 32, 128, 256, 512] + for train_task_num in train_task_nums: + d = copy.deepcopy(d1) + + d['tasks'][0]['context']['cluster'] = cluster + + name = f"ni_training_{experiment_group}_{train_task_num}_{today}" + d['description'] = name + d['tasks'][0]['name'] = name + + set_argument_value(d['tasks'][0]['command'], "--master_port", random.randint(25000, 35000)) + set_argument_value(d['tasks'][0]['command'], "--data_dir", f"/data/cross_category/train_{train_task_num}") + set_argument_value(d['tasks'][0]['command'], "--run_name", name) + + print(d) + + fn = "exp_configs/{}.yaml".format(name) + file = open(fn, "w") + yaml.dump(d, file, default_flow_style=True) + file.close() + + cmd = "beaker experiment create {} --workspace ai2/yizhong_default".format(fn) + subprocess.Popen(cmd, shell=True) + +#--------------- experiments about instances per task ------------------------- + +if experiment_group == "num_of_instances": + instance_per_task_nums = [8, 32, 64, 128, 256, 512] + for num_instance_per_task in instance_per_task_nums: + d = copy.deepcopy(d1) + + d['tasks'][0]['context']['cluster'] = cluster + + name = f"ni_training_{experiment_group}_{num_instance_per_task}_{today}" + d['description'] = name + d['tasks'][0]['name'] = name + + set_argument_value(d['tasks'][0]['command'], "--master_port", random.randint(25000, 35000)) + set_argument_value(d['tasks'][0]['command'], "--max_num_instances_per_task", num_instance_per_task) + set_argument_value(d['tasks'][0]['command'], "--run_name", name) + + print(d) + + fn = "exp_configs/{}.yaml".format(name) + file = open(fn, "w") + yaml.dump(d, file, default_flow_style=True) + file.close() + + cmd = "beaker experiment create {} --workspace ai2/yizhong_default".format(fn) + subprocess.Popen(cmd, shell=True) + +#--------------- experiments about model variants ------------------------- +if experiment_group == "model": + model_names = [ + # "t5-3b", + # "t5-11b", + # "t5-small", + # "t5-large", + # "t5-base", + # "google/t5-v1_1-small", + # "google/t5-v1_1-base", + # "google/t5-v1_1-large", + # "google/t5-v1_1-xl", + # "google/t5-xl-lm-adapt", + # "google/t5-xxl-lm-adapt", + # "google/t5-small-lm-adapt", + # "google/t5-large-lm-adapt", + "google/t5-base-lm-adapt", + ] + + for model_name in model_names: + d = copy.deepcopy(d1) + + d['tasks'][0]['context']['cluster'] = cluster + + name = f"ni_training_{experiment_group}_{model_name.split('/')[-1]}_{today}" + d['description'] = name + d['tasks'][0]['name'] = name + + set_argument_value(d['tasks'][0]['command'], "--master_port", random.randint(25000, 35000)) + set_argument_value(d['tasks'][0]['command'], "--model_name_or_path", model_name) + set_argument_value(d['tasks'][0]['command'], "--run_name", name) + + if "small" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_train_batch_size", 16) + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 32) + set_argument_value(d['tasks'][0]['command'], "--gradient_accumulation_steps", 1) + d['tasks'][0]['resources']['gpuCount'] = 1 + elif "base" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_train_batch_size", 8) + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 16) + set_argument_value(d['tasks'][0]['command'], "--gradient_accumulation_steps", 1) + d['tasks'][0]['resources']['gpuCount'] = 2 + elif "large" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_train_batch_size", 4) + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 8) + set_argument_value(d['tasks'][0]['command'], "--gradient_accumulation_steps", 1) + d['tasks'][0]['resources']['gpuCount'] = 4 + elif "3b" in model_name or "-xl" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_train_batch_size", 2) + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 8) + set_argument_value(d['tasks'][0]['command'], "--gradient_accumulation_steps", 1) + d['tasks'][0]['resources']['gpuCount'] = 8 + # d['tasks'][0]['command'].remove("--bf16") # stage 3 is currently 4x slower with bf16 + # set_argument_value(d['tasks'][0]['command'], "--generation_max_length", 10) + # set_argument_value(d['tasks'][0]['command'], "--deepspeed", "ds_configs/stage3.config") + elif "11b" in model_name or "-xxl" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_train_batch_size", 1) + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 8) + set_argument_value(d['tasks'][0]['command'], "--gradient_accumulation_steps", 1) + set_argument_value(d['tasks'][0]['command'], "--denser_evaluation", False) + d['tasks'][0]['resources']['gpuCount'] = 8 + d['tasks'][0]['command'].remove("--bf16") # stage 3 is currently 4x slower with bf16 + #set_argument_value(d['tasks'][0]['command'], "--max_source_length", 1024) + set_argument_value(d['tasks'][0]['command'], "--generation_max_length", 10) + set_argument_value(d['tasks'][0]['command'], "--deepspeed", "ds_configs/stage3.config") + + print(d) + + fn = "exp_configs/{}.yaml".format(name) + file = open(fn, "w") + yaml.dump(d, file, default_flow_style=True) + file.close() + + cmd = "beaker experiment create {} --workspace ai2/yizhong_default".format(fn) + subprocess.Popen(cmd, shell=True) + +#--------------- experiments about learning rate and batch size ------------------------- +if experiment_group == "hyper_tuning": + learning_rates = [1e-5, 3e-5, 5e-5, 1e-4, 1e-3] + acc_steps = [2, 4, 8, 16] + for lr in learning_rates: + for acc_step in acc_steps: + + d = copy.deepcopy(d1) + + d['tasks'][0]['context']['cluster'] = cluster + + name = f"ni_training_lr_{lr}_accu_{acc_step}_{today}" + d['description'] = name + d['tasks'][0]['name'] = name + + set_argument_value(d['tasks'][0]['command'], "--master_port", random.randint(25000, 35000)) + set_argument_value(d['tasks'][0]['command'], "--learning_rate", lr) + set_argument_value(d['tasks'][0]['command'], "--gradient_accumulation_steps", acc_step) + set_argument_value(d['tasks'][0]['command'], "--run_name", name) + + print(d) + + fn = "exp_configs/{}.yaml".format(name) + file = open(fn, "w") + yaml.dump(d, file, default_flow_style=True) + file.close() + + cmd = "beaker experiment create {} --workspace ai2/yizhong_default".format(fn) + subprocess.Popen(cmd, shell=True) + +# --------------- experiments about the encodings of NI elements ------------------------- +if experiment_group == "encoding": + for encoding_name, encoding in encodings.items(): + d = copy.deepcopy(d1) + + d['tasks'][0]['context']['cluster'] = cluster + + name = f"ni_training_t0_subset_{experiment_group}_{encoding_name}_{today}" + d['description'] = name + d['tasks'][0]['name'] = name + + set_argument_value(d['tasks'][0]['command'], "--add_task_name", encoding["add_task_name"]) + set_argument_value(d['tasks'][0]['command'], "--add_task_definition", encoding["add_task_definition"]) + set_argument_value(d['tasks'][0]['command'], "--num_pos_examples", encoding["num_pos_examples"]) + set_argument_value(d['tasks'][0]['command'], "--num_neg_examples", encoding["num_neg_examples"]) + set_argument_value(d['tasks'][0]['command'], "--add_explanation", encoding["add_explanation"]) + if "tk_instruct" in encoding: + set_argument_value(d['tasks'][0]['command'], "--tk_instruct", encoding["tk_instruct"]) + + set_argument_value(d['tasks'][0]['command'], "--master_port", random.randint(25000, 35000)) + set_argument_value(d['tasks'][0]['command'], "--run_name", name) + + print(d) + + fn = "exp_configs/{}.yaml".format(name) + file = open(fn, "w") + yaml.dump(d, file, default_flow_style=True) + file.close() + + cmd = "beaker experiment create {} --workspace ai2/yizhong_default".format(fn) + subprocess.Popen(cmd, shell=True) + +#--------------- different test sets ------------------------- +if experiment_group == "test_sets": + + for set_idx in range(10): + d = copy.deepcopy(d1) + + d['tasks'][0]['context']['cluster'] = cluster + + name = f"ni_training_test_set_{set_idx}_{today}" + d['description'] = name + d['tasks'][0]['name'] = name + set_argument_value(d['tasks'][0]['command'], "--data_dir", f"/data/cross_category/set_{set_idx}") + + set_argument_value(d['tasks'][0]['command'], "--master_port", random.randint(25000, 35000)) + set_argument_value(d['tasks'][0]['command'], "--run_name", name) + + print(d) + + fn = "exp_configs/{}.yaml".format(name) + file = open(fn, "w") + yaml.dump(d, file, default_flow_style=True) + file.close() + + cmd = "beaker experiment create {} --workspace ai2/yizhong_default".format(fn) + subprocess.Popen(cmd, shell=True) + +#--------------- different splits ------------------------- +if experiment_group == "splits": + + for split_name in ["default", "no_synthetic", "supervised"]: + d = copy.deepcopy(d1) + + d['tasks'][0]['context']['cluster'] = cluster + + name = f"ni_training_{experiment_group}_{split_name}_{today}" + d['description'] = name + d['tasks'][0]['name'] = name + set_argument_value(d['tasks'][0]['command'], "--data_dir", f"/data/cross_category/{split_name}") + + set_argument_value(d['tasks'][0]['command'], "--master_port", random.randint(25000, 35000)) + set_argument_value(d['tasks'][0]['command'], "--run_name", name) + + print(d) + + fn = "exp_configs/{}.yaml".format(name) + file = open(fn, "w") + yaml.dump(d, file, default_flow_style=True) + file.close() + + cmd = "beaker experiment create {} --workspace ai2/yizhong_default".format(fn) + subprocess.Popen(cmd, shell=True) + + +#--------------- no-finetuning transfer of pretrained models ------------------------- +if experiment_group == "eval_pretrained_models": + model_names = [ + # "google/t5-xl-lm-adapt", + # "google/t5-xxl-lm-adapt", + # "bigscience/T0", + # "bigscience/T0_3B", + # "t5-large", + # "google/t5-large-lm-adapt", + "google/mt5-xxl" + ] + + for model_name in model_names: + for encoding_name, encoding in encodings.items(): + d = copy.deepcopy(d1) + + d['tasks'][0]['context']['cluster'] = cluster + + name = f"ni_evaluation_model_{model_name.split('/')[-1]}_encoding_{encoding_name}_{today}" + d['description'] = name + d['tasks'][0]['name'] = name + + assert d['tasks'][0]['command'][3].endswith(".py") + # d['tasks'][0]['command'] = ["python"] + d['tasks'][0]['command'][3:] + d['tasks'][0]['command'].remove("--do_train") + d['tasks'][0]['command'].remove("--do_predict") + d['tasks'][0]['command'].remove("--bf16") + # d['tasks'][0]['command'].remove("--deepspeed") + # d['tasks'][0]['command'].remove("ds_configs/stage2.config") + + set_argument_value(d['tasks'][0]['command'], "--deepspeed", "ds_configs/stage3.config") + set_argument_value(d['tasks'][0]['command'], "--master_port", random.randint(25000, 35000)) + set_argument_value(d['tasks'][0]['command'], "--disable_tqdm", False) + + set_argument_value(d['tasks'][0]['command'], "--add_task_name", encoding["add_task_name"]) + set_argument_value(d['tasks'][0]['command'], "--add_task_definition", encoding["add_task_definition"]) + set_argument_value(d['tasks'][0]['command'], "--num_pos_examples", encoding["num_pos_examples"]) + set_argument_value(d['tasks'][0]['command'], "--num_neg_examples", encoding["num_neg_examples"]) + set_argument_value(d['tasks'][0]['command'], "--add_explanation", encoding["add_explanation"]) + if "tk_instruct" in encoding: + set_argument_value(d['tasks'][0]['command'], "--tk_instruct", encoding["tk_instruct"]) + + + # set model and resources + set_argument_value(d['tasks'][0]['command'], "--model_name_or_path", model_name) + d['tasks'][0]['resources']['gpuCount'] = 1 + if "small" in model_names: + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 32) + elif "base" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 16) + elif "large" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 8) + elif "3b" in model_name or "-xl" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 4) + elif "11b" in model_name or "-xxl" in model_name or model_name == "bigscience/T0": + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 1) + d['tasks'][0]['resources']['gpuCount'] = 8 + set_argument_value(d['tasks'][0]['command'], "--deepspeed", "ds_configs/stage3.config") + + set_argument_value(d['tasks'][0]['command'], "--run_name", name) + print(d) + + fn = "exp_configs/{}.yaml".format(name) + file = open(fn, "w") + yaml.dump(d, file, default_flow_style=True) + file.close() + + cmd = "beaker experiment create {} --workspace ai2/yizhong_default".format(fn) + subprocess.Popen(cmd, shell=True) + +#--------------- evaluation of beaker checkpoints ------------------------- +if experiment_group == "eval_ckpt": + checkpoints = [ + # checkpoint_name, beaker_dataset, checkpoint (if None, will use the root beaker output dir) + # ("input_only", "01FZHYPTKGEN16404MV5TTMJAK", None), + # ("task_name_input", "01FZHYPV1CNJFNDGNWDJ84G2XV", None), + # ("instruct_input", "01FZHYPS9XC47R5CZA7RN8TTPQ", None), + # ("pos_1_input", "01FZHYPSR0Z8S7F901ZTK2SDER", None), + # ("instruct_pos_1_input", "01FZHYPSZ4SPGV47R0GVR1JFDT", None), + # ("pos_2_input", "01FZHYPTTE4YGQEXECSPBZGA28", None), + # ("instruct_pos_2_input", "01FZHYPSGWBER9A9B2NV8TXE4Q", None), + # ("instruct_pos_2_neg_2_input", "01FZHYPT60T8R7GVF4V5FKSK5E", None), + # ("instruct_pos_2_neg_2_explanation_input", "01FZHYPS30B5J8P3P8MVDFZJSY", None), + # ("pos_4_input", "01FZHYPV88MHTW3SHGSTZ753E6", None), + # ("instruct_pos_4_input", "01FZHYPTCTA9XRD45KKQBTBDZ0", None), + # ("tk_instruct", "01FZK3EKQPZNCY30KFECK49YZN", "checkpoint-5000"), + ("mt5-xl", "01G0A8CYHZF5VV2SW3V10Y9CZT", None) + ] + + for checkpoint_name, beaker_dataset_id, checkpoint_step in checkpoints: + for encoding_name, encoding in encodings.items(): + d = copy.deepcopy(d1) + + d['tasks'][0]['context']['cluster'] = cluster + + name = f"ni_{experiment_group}_{checkpoint_name}_test_encoding_{encoding_name}_{today}" + d['description'] = name + d['tasks'][0]['name'] = name + + assert d['tasks'][0]['command'][3].endswith(".py") + d['tasks'][0]['command'] = ["python"] + d['tasks'][0]['command'][3:] + d['tasks'][0]['command'].remove("--do_train") + d['tasks'][0]['command'].remove("--do_eval") + d['tasks'][0]['command'].remove("--bf16") + d['tasks'][0]['command'].remove("--deepspeed") + d['tasks'][0]['command'].remove("ds_configs/stage2.config") + + # set_argument_value(d['tasks'][0]['command'], "--deepspeed", "ds_configs/stage3.config") + # set_argument_value(d['tasks'][0]['command'], "--master_port", random.randint(25000, 35000)) + set_argument_value(d['tasks'][0]['command'], "--disable_tqdm", False) + + set_argument_value(d['tasks'][0]['command'], "--add_task_name", encoding["add_task_name"]) + set_argument_value(d['tasks'][0]['command'], "--add_task_definition", encoding["add_task_definition"]) + set_argument_value(d['tasks'][0]['command'], "--num_pos_examples", encoding["num_pos_examples"]) + set_argument_value(d['tasks'][0]['command'], "--num_neg_examples", encoding["num_neg_examples"]) + set_argument_value(d['tasks'][0]['command'], "--add_explanation", encoding["add_explanation"]) + if "tk_instruct" in encoding: + set_argument_value(d['tasks'][0]['command'], "--tk_instruct", encoding["tk_instruct"]) + + d['tasks'][0]['datasets'].append({"mountPath": "/models/", "source": {"beaker": beaker_dataset_id}}) + set_argument_value(d['tasks'][0]['command'], "--model_name_or_path", "/models/" + (checkpoint_step if checkpoint_step else "")) + + d['tasks'][0]['resources']['gpuCount'] = 1 + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 4) + + set_argument_value(d['tasks'][0]['command'], "--run_name", name) + print(d) + + fn = "exp_configs/{}.yaml".format(name) + file = open(fn, "w") + yaml.dump(d, file, default_flow_style=True) + file.close() + + cmd = "beaker experiment create {} --workspace ai2/yizhong_default".format(fn) + subprocess.Popen(cmd, shell=True) + + +#--------------- supervised upper bound ------------------------- +if experiment_group == "supervised": + for encoding_name, encoding in encodings.items(): + d = copy.deepcopy(d1) + + d['tasks'][0]['context']['cluster'] = cluster + + name = f"ni_training_supervised_upper_bound_encoding_{encoding_name}_{today}" + d['description'] = name + d['tasks'][0]['name'] = name + + set_argument_value(d['tasks'][0]['command'], "--add_task_name", encoding["add_task_name"]) + set_argument_value(d['tasks'][0]['command'], "--add_task_definition", encoding["add_task_definition"]) + set_argument_value(d['tasks'][0]['command'], "--num_pos_examples", encoding["num_pos_examples"]) + set_argument_value(d['tasks'][0]['command'], "--num_neg_examples", encoding["num_neg_examples"]) + set_argument_value(d['tasks'][0]['command'], "--add_explanation", encoding["add_explanation"]) + if "tk_instruct" in encoding: + set_argument_value(d['tasks'][0]['command'], "--tk_instruct", encoding["tk_instruct"]) + + set_argument_value(d['tasks'][0]['command'], "--master_port", random.randint(25000, 35000)) + set_argument_value(d['tasks'][0]['command'], "--data_dir", f"/data/supervised/multilingual") + set_argument_value(d['tasks'][0]['command'], "--max_num_instances_per_task", 1000) + set_argument_value(d['tasks'][0]['command'], "--run_name", name) + + print(d) + + fn = "exp_configs/{}.yaml".format(name) + file = open(fn, "w") + yaml.dump(d, file, default_flow_style=True) + file.close() + + cmd = "beaker experiment create {} --workspace ai2/yizhong_default".format(fn) + subprocess.Popen(cmd, shell=True) + + +#--------------- multilingual ------------------------- +if experiment_group == "multilingual": + model_names = [ + "google/mt5-xl", + ] + + for model_name in model_names: + d = copy.deepcopy(d1) + + d['tasks'][0]['context']['cluster'] = cluster + + name = f"ni_training_{experiment_group}_supervised_{model_name.split('/')[-1]}_{today}" + d['description'] = name + d['tasks'][0]['name'] = name + + set_argument_value(d['tasks'][0]['command'], "--master_port", random.randint(25000, 35000)) + set_argument_value(d['tasks'][0]['command'], "--model_name_or_path", model_name) + set_argument_value(d['tasks'][0]['command'], "--run_name", name) + + if "small" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_train_batch_size", 16) + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 32) + set_argument_value(d['tasks'][0]['command'], "--gradient_accumulation_steps", 1) + d['tasks'][0]['resources']['gpuCount'] = 1 + elif "base" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_train_batch_size", 8) + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 16) + set_argument_value(d['tasks'][0]['command'], "--gradient_accumulation_steps", 1) + d['tasks'][0]['resources']['gpuCount'] = 2 + elif "large" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_train_batch_size", 4) + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 8) + set_argument_value(d['tasks'][0]['command'], "--gradient_accumulation_steps", 1) + d['tasks'][0]['resources']['gpuCount'] = 4 + elif "3b" in model_name or "-xl" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_train_batch_size", 1) + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 8) + set_argument_value(d['tasks'][0]['command'], "--gradient_accumulation_steps", 2) + d['tasks'][0]['resources']['gpuCount'] = 8 + elif "11b" in model_name or "-xxl" in model_name: + set_argument_value(d['tasks'][0]['command'], "--per_device_train_batch_size", 1) + set_argument_value(d['tasks'][0]['command'], "--per_device_eval_batch_size", 8) + set_argument_value(d['tasks'][0]['command'], "--gradient_accumulation_steps", 1) + set_argument_value(d['tasks'][0]['command'], "--denser_evaluation", False) + d['tasks'][0]['resources']['gpuCount'] = 8 + d['tasks'][0]['command'].remove("--bf16") # stage 3 is currently 4x slower with bf16 + #set_argument_value(d['tasks'][0]['command'], "--max_source_length", 1024) + set_argument_value(d['tasks'][0]['command'], "--generation_max_length", 10) + set_argument_value(d['tasks'][0]['command'], "--deepspeed", "ds_configs/stage3.config") + + set_argument_value(d['tasks'][0]['command'], "--data_dir", f"/data/supervised/multilingual/") + set_argument_value(d['tasks'][0]['command'], "--max_num_instances_per_task", 1000) + + print(d) + + fn = "exp_configs/{}.yaml".format(name) + file = open(fn, "w") + yaml.dump(d, file, default_flow_style=True) + file.close() + + + cmd = "beaker experiment create {} --workspace ai2/yizhong_default".format(fn) + subprocess.Popen(cmd, shell=True) + + diff --git a/src/ni_collator.py b/src/ni_collator.py new file mode 100644 index 0000000..f74d72b --- /dev/null +++ b/src/ni_collator.py @@ -0,0 +1,174 @@ +import logging +import random +import string +from transformers.data.data_collator import * + +logger = logging.getLogger(__name__) + + +@dataclass +class DataCollatorForNI: + + tokenizer: PreTrainedTokenizerBase + model: Optional[Any] = None + padding: Union[bool, str, PaddingStrategy] = True + max_source_length: Optional[int] = None + max_target_length: Optional[int] = None + pad_to_multiple_of: Optional[int] = None + label_pad_token_id: int = -100 + return_tensors: str = "pt" + add_task_name: bool = False + add_task_definition: bool = True + num_pos_examples: int = 0 + num_neg_examples: int = 0 + add_explanation: bool = False + tk_instruct: bool = False + text_only: bool=False + + + def __call__(self, batch, return_tensors=None): + + if return_tensors is None: + return_tensors = self.return_tensors + + sources = [] + for instance in batch: + if self.tk_instruct: + all_valid_encodings = [ + # instruction only + {"add_task_name": False, "add_task_definition": True, "num_pos_examples": 0, "num_neg_examples": 0, "add_explanation": False}, + # example only + {"add_task_name": False, "add_task_definition": False, "num_pos_examples": 2, "num_neg_examples": 0, "add_explanation": False}, + # instruction + pos examples + {"add_task_name": False, "add_task_definition": True, "num_pos_examples": 2, "num_neg_examples": 0, "add_explanation": False}, + # instruction + pos examples + neg examples + {"add_task_name": False, "add_task_definition": True, "num_pos_examples": 2, "num_neg_examples": 2, "add_explanation": False}, + # instruction + pos (w. explanation) + {"add_task_name": False, "add_task_definition": True, "num_pos_examples": 2, "num_neg_examples": 0, "add_explanation": True}, + ] + encoding_schema = random.choice(all_valid_encodings) + add_task_name = encoding_schema["add_task_name"] + add_task_definition = encoding_schema["add_task_definition"] + num_pos_examples = encoding_schema["num_pos_examples"] + num_neg_examples = encoding_schema["num_neg_examples"] + add_explanation = encoding_schema["add_explanation"] + else: + add_task_name = self.add_task_name + add_task_definition = self.add_task_definition + num_pos_examples = self.num_pos_examples + num_neg_examples = self.num_neg_examples + add_explanation = self.add_explanation + + task_input = "" + # add the input first. + task_input += "Now complete the following example -\n" + task_input += f"Input: {instance['Instance']['input'].strip()}" + if not task_input[-1] in string.punctuation: + task_input += "." + task_input += "\n" + task_input += "Output: " + + task_name = "" + if add_task_name: + task_name += instance["Task"] + ". " + + definition = "" + if add_task_definition: + if isinstance(instance["Definition"], list): + definition = "Definition: " + instance["Definition"][0].strip() # TODO: should we use ? + else: + definition = "Definition: " + instance["Definition"].strip() + if not definition[-1] in string.punctuation: + definition += "." + definition += "\n\n" + + # try to add positive examples. + pos_examples = [] + for idx, pos_example in enumerate(instance["Positive Examples"][:num_pos_examples]): + pos_example_str = f" Positive Example {idx+1} -\n" + pos_example_str += f"Input: {pos_example['input'].strip()}" + if not pos_example_str[-1] in string.punctuation: + pos_example_str += "." + pos_example_str += "\n" + pos_example_str += f" Output: {pos_example['output'].strip()}" + if not pos_example_str[-1] in string.punctuation: + pos_example_str += "." + pos_example_str += "\n" + if add_explanation and "explanation" in pos_example: + pos_example_str += f" Explanation: {pos_example['explanation'].strip()}" + if not pos_example_str[-1] in string.punctuation: + pos_example_str += "." + pos_example_str += "\n" + pos_example_str += "\n" + if len(self.tokenizer(definition + " ".join(pos_examples) + pos_example_str + task_input)["input_ids"]) <= self.max_source_length: + pos_examples.append(pos_example_str) + else: + break + + # try to add negative examples. + neg_examples = [] + for idx, neg_example in enumerate(instance["Negative Examples"][:num_neg_examples]): + neg_example_str = f" Negative Example {idx+1} -\n" + neg_example_str += f"Input: {neg_example['input'].strip()}" + if not neg_example_str[-1] in string.punctuation: + neg_example_str += "." + neg_example_str += "\n" + neg_example_str += f" Output: {neg_example['output'].strip()}" + if not neg_example_str[-1] in string.punctuation: + neg_example_str += "." + neg_example_str += "\n" + if add_explanation and "explanation" in neg_example: + neg_example_str += f" Explanation: {neg_example['explanation'].strip()}" + if not neg_example_str[-1] in string.punctuation: + neg_example_str += "." + neg_example_str += "\n" + neg_example_str += "\n" + if len(self.tokenizer(definition + " ".join(pos_examples) + " ".join(neg_examples) + neg_example_str + task_input)["input_ids"]) <= self.max_source_length: + neg_examples.append(neg_example_str) + else: + break + + source = task_name + definition + "".join(pos_examples) + "".join(neg_examples) + task_input + tokenized_source = self.tokenizer(source)["input_ids"] + if len(tokenized_source) <= self.max_source_length: + sources.append(source) + else: + sources.append(self.tokenizer.decode(tokenized_source[:self.max_source_length], skip_special_tokens=True)) + + if self.text_only: + model_inputs = {"inputs": sources} + else: + model_inputs = self.tokenizer( + sources, + max_length=self.max_source_length, + padding=self.padding, + return_tensors=self.return_tensors, + truncation=True, + pad_to_multiple_of=self.pad_to_multiple_of) + + if "output" in batch[0]["Instance"] and batch[0]["Instance"]["output"]: + # Randomly select one reference if multiple are provided. + labels = [random.choice(ex["Instance"]["output"]) for ex in batch] + if self.text_only: + model_inputs["labels"] = labels + else: + with self.tokenizer.as_target_tokenizer(): + labels = self.tokenizer( + labels, + max_length=self.max_target_length, + padding=self.padding, + return_tensors=self.return_tensors, + truncation=True, + pad_to_multiple_of=self.pad_to_multiple_of + ) + label_mask = labels["attention_mask"].bool() + model_inputs["labels"] = labels["input_ids"].masked_fill(~label_mask, self.label_pad_token_id) + else: + model_inputs["labels"] = None + + # prepare decoder_input_ids + if self.model is not None and hasattr(self.model, "prepare_decoder_input_ids_from_labels") and not self.text_only: + decoder_input_ids = self.model.prepare_decoder_input_ids_from_labels(labels=model_inputs["labels"]) + model_inputs["decoder_input_ids"] = decoder_input_ids + + return model_inputs \ No newline at end of file diff --git a/src/ni_dataset.py b/src/ni_dataset.py new file mode 100644 index 0000000..42d6064 --- /dev/null +++ b/src/ni_dataset.py @@ -0,0 +1,189 @@ +# coding=utf-8 +# Copyright 2020 The TensorFlow Datasets Authors and the HuggingFace Datasets Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# Lint as: python3 +"""Natural Instruction Dataset.""" + + +import json +import os +import random +import datasets + +logger = datasets.logging.get_logger(__name__) + +_CITATION = """ +@article{mishra2021natural, + author = {Swaroop Mishra and + Daniel Khashabi and + Chitta Baral and + Hannaneh Hajishirzi}, + title = {Natural Instructions: Benchmarking Generalization to New Tasks from + Natural Language Instructions}, + journal = {CoRR}, + volume = {abs/2104.08773}, + year = {2021}, + url = {https://arxiv.org/abs/2104.08773}, + eprinttype = {arXiv}, + eprint = {2104.08773} +} +""" + +_DESCRIPTION = """ +Natural Instructions: Benchmarking Generalization to New Tasks from Natural Language Instructions + +There are several features: + - text: bill text. + - summary: summary of the bills. + - title: title of the bills. +features for us bills. ca bills does not have. + - text_len: number of chars in text. + - sum_len: number of chars in summary. +""" + +_URL = "TBD" + +class NIConfig(datasets.BuilderConfig): + def __init__(self, *args, task_dir=None, max_num_instances_per_task=None, max_num_instances_per_eval_task=None, **kwargs): + super().__init__(*args, **kwargs) + self.task_dir: str = task_dir + self.max_num_instances_per_task: int = max_num_instances_per_task + self.max_num_instances_per_eval_task: int = max_num_instances_per_eval_task + + +class NaturalInstructions(datasets.GeneratorBasedBuilder): + """NaturalInstructions Dataset.""" + + VERSION = datasets.Version("2.0.0") + BUILDER_CONFIG_CLASS = NIConfig + BUILDER_CONFIGS = [ + NIConfig(name="default", description="Default config for NaturalInstructions") + ] + DEFAULT_CONFIG_NAME = "default" + + def _info(self): + return datasets.DatasetInfo( + description=_DESCRIPTION, + features=datasets.Features( + { + "Task": datasets.Value("string"), + "Contributors": datasets.Value("string"), + "Source": [datasets.Value("string")], + "URL": [datasets.Value("string")], + "Categories": [datasets.Value("string")], + "Reasoning": [datasets.Value("string")], + "Definition": [datasets.Value("string")], + "Positive Examples": [{ + "input": datasets.Value("string"), + "output": datasets.Value("string"), + "explanation": datasets.Value("string") + }], + "Negative Examples": [{ + "input": datasets.Value("string"), + "output": datasets.Value("string"), + "explanation": datasets.Value("string") + }], + "Input_language": [datasets.Value("string")], + "Output_language": [datasets.Value("string")], + "Instruction_language": [datasets.Value("string")], + "Domains": [datasets.Value("string")], + # "Instances": [{ + # "input": datasets.Value("string"), + # "output": [datasets.Value("string")] + # }], + "Instance": { + "input": datasets.Value("string"), + "output": [datasets.Value("string")] + }, + } + ), + supervised_keys=None, + homepage="https://github.com/allenai/natural-instructions", + citation=_CITATION, + ) + + def _split_generators(self, dl_manager): + """Returns SplitGenerators.""" + if self.config.data_dir is None or self.config.task_dir is None: + dl_path = dl_manager.download_and_extract(_URL) + self.config.data_dir = self.config.data_dir or os.path.join(dl_path, "splits") + self.config.task_dir = self.config.task_dir or os.path.join(dl_path, "tasks") + + split_dir = self.config.data_dir + task_dir = self.config.task_dir + + return [ + datasets.SplitGenerator( + name=datasets.Split.TRAIN, + gen_kwargs={ + "path": os.path.join(split_dir, "train_tasks.txt"), + "task_dir": task_dir, + "max_num_instances_per_task": self.config.max_num_instances_per_task, + "subset": "train" + }), + datasets.SplitGenerator( + name=datasets.Split.VALIDATION, + gen_kwargs={ + "path": os.path.join(split_dir, "test_tasks.txt"), + "task_dir": task_dir, + "max_num_instances_per_task": self.config.max_num_instances_per_eval_task, + "subset": "test" + }), + datasets.SplitGenerator( + name=datasets.Split.TEST, + gen_kwargs={ + "path": os.path.join(split_dir, "test_tasks.txt"), + "task_dir": task_dir, + "max_num_instances_per_task": self.config.max_num_instances_per_eval_task, + "subset": "test" + }), + ] + + def _generate_examples(self, path=None, task_dir=None, max_num_instances_per_task=None, subset=None): + """Yields examples.""" + logger.info(f"Generating tasks from = {path}") + with open(path, encoding="utf-8") as split_f: + for line in split_f: + task_name = line.strip() + task_path = os.path.join(task_dir, task_name + ".json") + with open(task_path, encoding="utf-8") as task_f: + s = task_f.read() + task_data = json.loads(s) + task_data["Task"] = task_name + if "Instruction Source" in task_data: + task_data.pop("Instruction Source") + all_instances = task_data.pop("Instances") + if "Testing Instances" in task_data: + test_instances = task_data.pop("Testing Instances") + else: + test_instances = None + if "Training Instances" in task_data: + train_instances = task_data.pop("Training Instances") + else: + train_instances = None + if subset == "test" and test_instances: + instances = test_instances + elif subset == "train" and train_instances: + instances = train_instances + else: + instances = all_instances + if max_num_instances_per_task is not None and max_num_instances_per_task >= 0: + random.shuffle(instances) + instances = instances[:max_num_instances_per_task] + for idx, instance in enumerate(instances): + example = task_data.copy() + example["Instance"] = instance + yield f"{task_name}_{idx}", example + diff --git a/src/ni_trainer.py b/src/ni_trainer.py new file mode 100644 index 0000000..954b2d0 --- /dev/null +++ b/src/ni_trainer.py @@ -0,0 +1,288 @@ +import string +import re +from transformers.trainer_seq2seq import Seq2SeqTrainer +from transformers.trainer import * +from datasets import load_metric +from transformers.trainer_callback import TrainerCallback + + +class DenserEvalCallback(TrainerCallback): + + def on_step_end(self, args: TrainingArguments, state: TrainerState, control: TrainerControl, **kwargs): + + log_eval_steps = [1, 50, 100, 200] + + # Log + if args.logging_strategy == IntervalStrategy.STEPS and state.global_step in log_eval_steps: + control.should_log = True + + # Evaluate + if args.evaluation_strategy == IntervalStrategy.STEPS and state.global_step in log_eval_steps: + control.should_evaluate = True + + return control + + +class NITrainer(Seq2SeqTrainer): + + # rewrite the evaluation loop, with customized call to compute_metrics + def evaluation_loop( + self, + dataloader: DataLoader, + description: str, + prediction_loss_only: Optional[bool] = None, + ignore_keys: Optional[List[str]] = None, + metric_key_prefix: str = "eval", + ) -> EvalLoopOutput: + """ + Prediction/evaluation loop, shared by `Trainer.evaluate()` and `Trainer.predict()`. + + Works both with or without labels. + """ + args = self.args + + prediction_loss_only = prediction_loss_only if prediction_loss_only is not None else args.prediction_loss_only + + # if eval is called w/o train init deepspeed here + if args.deepspeed and not self.deepspeed: + + # XXX: eval doesn't have `resume_from_checkpoint` arg but we should be able to do eval + # from the checkpoint eventually + deepspeed_engine, _, _ = deepspeed_init( + self, num_training_steps=0, resume_from_checkpoint=None, inference=True + ) + self.model = deepspeed_engine.module + self.model_wrapped = deepspeed_engine + self.deepspeed = deepspeed_engine + + model = self._wrap_model(self.model, training=False) + + # if full fp16 or bf16 eval is wanted and this ``evaluation`` or ``predict`` isn't called + # while ``train`` is running, cast it to the right dtype first and then put on device + if not self.is_in_train: + if args.fp16_full_eval: + model = model.to(dtype=torch.float16, device=args.device) + elif args.bf16_full_eval: + model = model.to(dtype=torch.bfloat16, device=args.device) + + batch_size = dataloader.batch_size + + logger.info(f"***** Running {description} *****") + if has_length(dataloader.dataset): + logger.info(f" Num examples = {self.num_examples(dataloader)}") + else: + logger.info(" Num examples: Unknown") + logger.info(f" Batch size = {batch_size}") + + model.eval() + + self.callback_handler.eval_dataloader = dataloader + # Do this before wrapping. + eval_dataset = dataloader.dataset + + if is_torch_tpu_available(): + dataloader = pl.ParallelLoader(dataloader, [args.device]).per_device_loader(args.device) + + if args.past_index >= 0: + self._past = None + + # Initialize containers + # losses/preds/labels on GPU/TPU (accumulated for eval_accumulation_steps) + losses_host = None + preds_host = None + labels_host = None + # losses/preds/labels on CPU (final containers) + all_losses = None + all_preds = None + all_labels = None + # Will be useful when we have an iterable dataset so don't know its length. + + observed_num_examples = 0 + # Main evaluation loop + for step, inputs in enumerate(dataloader): + # Update the observed num examples + observed_batch_size = find_batch_size(inputs) + if observed_batch_size is not None: + observed_num_examples += observed_batch_size + # For batch samplers, batch_size is not known by the dataloader in advance. + if batch_size is None: + batch_size = observed_batch_size + + # Prediction step + loss, logits, labels = self.prediction_step(model, inputs, prediction_loss_only, ignore_keys=ignore_keys) + + if is_torch_tpu_available(): + xm.mark_step() + + # Update containers on host + if loss is not None: + losses = self._nested_gather(loss.repeat(batch_size)) + losses_host = losses if losses_host is None else torch.cat((losses_host, losses), dim=0) + if labels is not None: + labels = self._pad_across_processes(labels) + labels = self._nested_gather(labels) + labels_host = labels if labels_host is None else nested_concat(labels_host, labels, padding_index=-100) + if logits is not None: + logits = self._pad_across_processes(logits) + logits = self._nested_gather(logits) + if self.preprocess_logits_for_metrics is not None: + logits = self.preprocess_logits_for_metrics(logits, labels) + preds_host = logits if preds_host is None else nested_concat(preds_host, logits, padding_index=-100) + self.control = self.callback_handler.on_prediction_step(args, self.state, self.control) + + # Gather all tensors and put them back on the CPU if we have done enough accumulation steps. + if args.eval_accumulation_steps is not None and (step + 1) % args.eval_accumulation_steps == 0: + if losses_host is not None: + losses = nested_numpify(losses_host) + all_losses = losses if all_losses is None else np.concatenate((all_losses, losses), axis=0) + if preds_host is not None: + logits = nested_numpify(preds_host) + all_preds = logits if all_preds is None else nested_concat(all_preds, logits, padding_index=-100) + if labels_host is not None: + labels = nested_numpify(labels_host) + all_labels = ( + labels if all_labels is None else nested_concat(all_labels, labels, padding_index=-100) + ) + + # Set back to None to begin a new accumulation + losses_host, preds_host, labels_host = None, None, None + + if args.past_index and hasattr(self, "_past"): + # Clean the state at the end of the evaluation loop + delattr(self, "_past") + + # Gather all remaining tensors and put them back on the CPU + if losses_host is not None: + losses = nested_numpify(losses_host) + all_losses = losses if all_losses is None else np.concatenate((all_losses, losses), axis=0) + if preds_host is not None: + logits = nested_numpify(preds_host) + all_preds = logits if all_preds is None else nested_concat(all_preds, logits, padding_index=-100) + if labels_host is not None: + labels = nested_numpify(labels_host) + all_labels = labels if all_labels is None else nested_concat(all_labels, labels, padding_index=-100) + + # Number of samples + if has_length(eval_dataset): + num_samples = len(eval_dataset) + # The instance check is weird and does not actually check for the type, but whether the dataset has the right + # methods. Therefore we need to make sure it also has the attribute. + elif isinstance(eval_dataset, IterableDatasetShard) and hasattr(eval_dataset, "num_examples"): + num_samples = eval_dataset.num_examples + else: + num_samples = observed_num_examples + + # Number of losses has been rounded to a multiple of batch_size and in a distributed training, the number of + # samplers has been rounded to a multiple of batch_size, so we truncate. + if all_losses is not None: + all_losses = all_losses[:num_samples] + if all_preds is not None: + all_preds = nested_truncate(all_preds, num_samples) + if all_labels is not None: + all_labels = nested_truncate(all_labels, num_samples) + + # Metrics! + if self.compute_metrics is not None and all_preds is not None and all_labels is not None: + metrics = self.compute_metrics(dataset=eval_dataset, preds=all_preds, save_prefix=metric_key_prefix) + else: + metrics = {} + + metrics["global_step"] = self.state.global_step + + # To be JSON-serializable, we need to remove numpy types or zero-d tensors + metrics = denumpify_detensorize(metrics) + + if all_losses is not None: + metrics[f"{metric_key_prefix}_loss"] = all_losses.mean().item() + + # Prefix all keys with metric_key_prefix + '_' + for key in list(metrics.keys()): + if not key.startswith(f"{metric_key_prefix}_"): + metrics[f"{metric_key_prefix}_{key}"] = metrics.pop(key) + + return EvalLoopOutput(predictions=all_preds, label_ids=all_labels, metrics=metrics, num_samples=num_samples) + + def prediction_step( + self, + model: nn.Module, + inputs: Dict[str, Union[torch.Tensor, Any]], + prediction_loss_only: bool, + ignore_keys: Optional[List[str]] = None, + ) -> Tuple[Optional[float], Optional[torch.Tensor], Optional[torch.Tensor]]: + """ + Perform an evaluation step on `model` using `inputs`. + + Subclass and override to inject custom behavior. + + Args: + model (`nn.Module`): + The model to evaluate. + inputs (`Dict[str, Union[torch.Tensor, Any]]`): + The inputs and targets of the model. + + The dictionary will be unpacked before being fed to the model. Most models expect the targets under the + argument `labels`. Check your model's documentation for all accepted arguments. + prediction_loss_only (`bool`): + Whether or not to return the loss only. + + Return: + Tuple[Optional[float], Optional[torch.Tensor], Optional[torch.Tensor]]: A tuple with the loss, logits and + labels (each being optional). + """ + + if not self.args.predict_with_generate or prediction_loss_only: + return super().prediction_step( + model, inputs, prediction_loss_only=prediction_loss_only, ignore_keys=ignore_keys + ) + + has_labels = "labels" in inputs + inputs = self._prepare_inputs(inputs) + + # XXX: adapt synced_gpus for fairscale as well + gen_kwargs = { + "max_length": self._max_length if self._max_length is not None else self.model.config.max_length, + "num_beams": self._num_beams if self._num_beams is not None else self.model.config.num_beams, + "synced_gpus": True if is_deepspeed_zero3_enabled() else False, + } + + if "attention_mask" in inputs: + gen_kwargs["attention_mask"] = inputs.get("attention_mask", None) + + # prepare generation inputs + # some encoder-decoder models can have varying encder's and thus + # varying model input names + if hasattr(self.model, "encoder") and self.model.encoder.main_input_name != self.model.main_input_name: + generation_inputs = inputs[self.model.encoder.main_input_name] + else: + generation_inputs = inputs[self.model.main_input_name] + + generated_tokens = self.model.generate( + generation_inputs, + **gen_kwargs, + ) + # in case the batch is shorter than max length, the output should be padded + if generated_tokens.shape[-1] < gen_kwargs["max_length"]: + generated_tokens = self._pad_tensors_to_max_len(generated_tokens, gen_kwargs["max_length"]) + + with torch.no_grad(): + if has_labels: + with self.autocast_smart_context_manager(): + outputs = model(**inputs) + if self.label_smoother is not None: + loss = self.label_smoother(outputs, inputs["labels"]).mean().detach() + else: + loss = (outputs["loss"] if isinstance(outputs, dict) else outputs[0]).mean().detach() + else: + loss = None + + if self.args.prediction_loss_only: + return (loss, None, None) + + if has_labels: + labels = inputs["labels"] + if labels.shape[-1] < gen_kwargs["max_length"]: + labels = self._pad_tensors_to_max_len(labels, gen_kwargs["max_length"]) + else: + labels = None + + return (loss, generated_tokens, labels) diff --git a/src/rouge/README.md b/src/rouge/README.md new file mode 100644 index 0000000..78d68eb --- /dev/null +++ b/src/rouge/README.md @@ -0,0 +1,95 @@ +# Python ROUGE Implementation + +## Overview + +This is a native python implementation of ROUGE, designed to replicate results +from the original perl package. + +ROUGE was originally introduced in the paper: + +Lin, Chin-Yew. ROUGE: a Package for Automatic Evaluation of Summaries. In +Proceedings of the Workshop on Text Summarization Branches Out (WAS 2004), +Barcelona, Spain, July 25 - 26, 2004. + +## ROUGE for Python + +There are ROUGE implementations available for Python, however some are not +native python due to their dependency on the perl script, and others provide +differing results when compared with the original implementation. This makes it +difficult to directly compare with known results. + +This package is designed to replicate perl results. It implements: + +* ROUGE-N (N-gram) scoring +* ROUGE-L (Longest Common Subsequence) scoring +* Text normalization +* Bootstrap resampling for confidence interval calculation +* Optional Porter stemming to remove plurals and word suffixes such as (ing, + ion, ment). + +Note that not all options provided by the original perl ROUGE script are +supported, but the subset of options that are implemented should replicate the +original functionality. + +## Stopword removal + +The original ROUGE perl script implemented optional stopword removal (using the +-s parameter). However, there were ~600 stopwords used by ROUGE, borrowed from +another now defunct package. This word list contained many words that may not be +suited to some tasks, such as day and month names and numbers. It also has no +clear license for redistribution. Since we are unable to replicate this +functionality precisely we do not include stopword removal. + +## Two flavors of ROUGE-L +In the ROUGE paper, two flavors of ROUGE are described: + +1. sentence-level: Compute longest common subsequence (LCS) between two pieces of +text. Newlines are ignored. This is called `rougeL` in this package. +2. summary-level: Newlines in the text are interpreted as sentence boundaries, +and the LCS is computed between each pair of reference and candidate sentences, +and something called union-LCS is computed. This is called `rougeLsum` in this +package. This is the ROUGE-L reported in *[Get To The Point: Summarization with +Pointer-Generator Networks](https://arxiv.org/abs/1704.04368)*, for example. +If your references/candidates do not have newline delimiters, you can use the +--split_summaries flag (or optional argument in RougeScorer). + +## How to run + +This package compares target files (containing one example per line) with +prediction files in the same format. It can be launched as follows (from +google-research/): + +```shell +python -m rouge.rouge \ + --target_filepattern=*.targets \ + --prediction_filepattern=*.decodes \ + --output_filename=scores.csv \ + --use_stemmer=true \ + --split_summaries=true +``` + +## Using pip +``` +pip install rouge/requirements.txt +pip install rouge-score +``` + +Then in python: + +```python +from rouge_score import rouge_scorer + +scorer = rouge_scorer.RougeScorer(['rouge1', 'rougeL'], use_stemmer=True) +scores = scorer.score('The quick brown fox jumps over the lazy dog', + 'The quick brown dog jumps on the log.') +``` + +## License + +Licensed under the +[Apache 2.0](https://github.com/google-research/google-research/blob/master/LICENSE) +License. + +## Disclaimer + +This is not an official Google product. diff --git a/src/rouge/__init__.py b/src/rouge/__init__.py new file mode 100644 index 0000000..83842d3 --- /dev/null +++ b/src/rouge/__init__.py @@ -0,0 +1,16 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + + diff --git a/src/rouge/create_pyrouge_files.py b/src/rouge/create_pyrouge_files.py new file mode 100644 index 0000000..5e26590 --- /dev/null +++ b/src/rouge/create_pyrouge_files.py @@ -0,0 +1,84 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""For creating files from {target,prediction}.txt that can be processed +by pyrouge to compare with scores in scoring_test.py. + + create_pyrouge_files -- --testdata_dir=`pwd`/testdata + + # testConfidenceIntervalsAgainstRouge155WithStemming result + pyrouge_evaluate_plain_text_files \ + -s /tmp/lkj -sfp "prediction.(.*).txt" \ + -m /tmp/lkj -mfp target.#ID#.txt + + pyrouge_evaluate_plain_text_files \ + -s /tmp/lkj -sfp "prediction_multi.(.*).txt" \ + -m /tmp/lkj -mfp target_multi.#ID#.txt +""" + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +import os + +from absl import app +from absl import flags + +FLAGS = flags.FLAGS + +flags.DEFINE_string('testdata_dir', '', 'testdata path') +flags.DEFINE_string('output', '/tmp/lkj', 'testdata path') + + +def main(argv): + if len(argv) > 1: + raise app.UsageError('Too many command-line arguments.') + + # One line per target + with open(os.path.join(FLAGS.testdata_dir, 'target_large.txt')) as f: + targets = f.readlines() + with open(os.path.join(FLAGS.testdata_dir, 'prediction_large.txt')) as f: + predictions = f.readlines() + + def write_files(prefix, items): + for i, t in enumerate(items): + out = '%s.%d.txt' % (prefix, i) + with open(os.path.join(FLAGS.output, out), 'w') as f: + f.write(t) + write_files('target', targets) + write_files('prediction', predictions) + + # Delete this block + def write_files2(prefix, items): + index = 0 + f = None + for i, t in enumerate(items): + # Write 4 lines per file + if i % 4 == 0: + if f: + f.close() + f = open( + os.path.join(FLAGS.output, '%s.%d.txt' % (prefix, index)), + 'w') + index += 1 + f.write(t) + f.close() + write_files2('target_multi', targets) + write_files2('prediction_multi', predictions) + + +if __name__ == '__main__': + app.run(main) diff --git a/src/rouge/io.py b/src/rouge/io.py new file mode 100644 index 0000000..1c94f35 --- /dev/null +++ b/src/rouge/io.py @@ -0,0 +1,183 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""Library for reading/writing input and score files.""" + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +import glob + +from absl import logging +import six +from six.moves import zip +from six.moves import zip_longest + + + +def compute_scores_and_write_to_csv(target_filepattern, + prediction_filepattern, + output_filename, + scorer, + aggregator, + delimiter="\n"): + """Runs aggregate score calculations and outputs results to a CSV file. + + Args: + target_filepattern: Pattern for files containing target text. + prediction_filepattern: Pattern for files containing prediction text. + output_filename: Name of file to write results to. + scorer: A BaseScorer object to compute scores. + aggregator: An aggregator to aggregate scores. If None, outputs are + per-example scores. + delimiter: Record delimiter. + """ + + target_filenames = _glob(target_filepattern) + prediction_filenames = _glob(prediction_filepattern) + if (len(target_filenames) < 1 or + len(target_filenames) != len(prediction_filenames)): + raise ValueError("Must have equal and positive number of target and " + "prediction files. Found: %d target files (%s)," + " %d prediction files (%s)." % + (len(target_filenames), target_filepattern, + len(prediction_filenames), prediction_filepattern)) + + scores = _compute_scores(target_filenames, prediction_filenames, scorer, + delimiter) + if aggregator: + for score in scores: + aggregator.add_scores(score) + _write_aggregates_to_csv(output_filename, aggregator.aggregate()) + else: + _write_scores_to_csv(output_filename, scores) + + +def _glob(filepattern): + return glob.glob(filepattern) # pylint: disable=unreachable + + +def _open(filepattern, mode="r"): + return open(filepattern, mode) # pylint: disable=unreachable + + +def _record_gen(filename, delimiter): + """Opens file and yields records separated by delimiter.""" + with _open(filename) as f: + records = f.read().split(six.ensure_str(delimiter)) + if records[-1]: + # Need a final delimiter at end of file to be able to detect an empty last + # record. + logging.warn("Expected delimiter at end of file") + else: + records = records[:-1] + for record in records: + yield record + + +def _compute_scores(target_filenames, prediction_filenames, scorer, delimiter): + """Computes aggregates scores across the given target and prediction files. + + Args: + target_filenames: List of filenames from which to read target lines. + prediction_filenames: List of filenames from which to read prediction lines. + scorer: A BaseScorer object to compute scores. + delimiter: string delimiter between each record in input files + + Returns: + A list of dicts mapping score_type to Score objects. + Raises: + ValueError: If invalid targets or predictions are provided. + """ + + scores = [] + for target_filename, prediction_filename in zip( + sorted(target_filenames), sorted(prediction_filenames)): + logging.info("Reading targets from %s.", target_filename) + logging.info("Reading predictions from %s.", prediction_filename) + targets = _record_gen(target_filename, delimiter) + preds = _record_gen(prediction_filename, delimiter) + for target_rec, prediction_rec in zip_longest(targets, preds): + if target_rec is None or prediction_rec is None: + raise ValueError("Must have equal number of lines across target and " + "prediction files. Mismatch between files: %s, %s." % + (target_filename, prediction_filename)) + scores.append(scorer.score(target_rec, prediction_rec)) + + return scores + + +def _write_aggregates_to_csv(output_filename, aggregates): + """Writes aggregate scores to an output CSV file. + + Output file is a comma separated where each line has the format: + score_type-(P|R|F),low_ci,mean,high_ci + + P/R/F indicates whether the score is a precision, recall or f-measure. + + Args: + output_filename: Name of file to write results to. + aggregates: A dict mapping each score_type to a AggregateScore object. + """ + + logging.info("Writing results to %s.", output_filename) + with _open(output_filename, "w") as output_file: + output_file.write("score_type,low,mid,high\n") + for score_type, aggregate in sorted(aggregates.items()): + output_file.write("%s-R,%f,%f,%f\n" % + (score_type, aggregate.low.recall, aggregate.mid.recall, + aggregate.high.recall)) + output_file.write("%s-P,%f,%f,%f\n" % + (score_type, aggregate.low.precision, + aggregate.mid.precision, aggregate.high.precision)) + output_file.write("%s-F,%f,%f,%f\n" % + (score_type, aggregate.low.fmeasure, + aggregate.mid.fmeasure, aggregate.high.fmeasure)) + logging.info("Finished writing results.") + + +def _write_scores_to_csv(output_filename, scores): + """Writes scores for each individual example to an output CSV file. + + Output file is a comma separated where each line has the format: + id,score1,score2,score3,... + + The header row indicates the type of each score column. + + Args: + output_filename: Name of file to write results to. + scores: A list of dicts mapping each score_type to a Score object. + """ + + if len(scores) < 1: + logging.warn("No scores to write") + return + rouge_types = sorted(scores[0].keys()) + + logging.info("Writing results to %s.", output_filename) + with _open(output_filename, "w") as out_file: + out_file.write("id") + for rouge_type in rouge_types: + out_file.write(",{t}-P,{t}-R,{t}-F".format(t=rouge_type)) + out_file.write("\n") + for i, result in enumerate(scores): + out_file.write("%d" % i) + for rouge_type in rouge_types: + out_file.write(",%f,%f,%f" % + (result[rouge_type].precision, result[rouge_type].recall, + result[rouge_type].fmeasure)) + out_file.write("\n") + logging.info("Finished writing results.") diff --git a/src/rouge/io_test.py b/src/rouge/io_test.py new file mode 100644 index 0000000..0b06da9 --- /dev/null +++ b/src/rouge/io_test.py @@ -0,0 +1,93 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""Tests for rouge input/output library.""" + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +import tempfile + +from absl.testing import absltest +from rouge import io +from rouge import rouge_scorer +from rouge import scoring +from rouge import test_util + + +class IoTest(absltest.TestCase): + + def testProducesValidOutput(self): + with tempfile.NamedTemporaryFile() as output_file: + output_filename = output_file.name + scorer = rouge_scorer.RougeScorer(["rouge1"], False) + io.compute_scores_and_write_to_csv(test_util.TARGETS_FILE, + test_util.PREDICTIONS_FILE, + output_filename, scorer, + scoring.BootstrapAggregator()) + with open(output_filename) as f: + csv_lines = f.readlines() + output_types = tuple((line.split(",")[0] for line in csv_lines)) + self.assertEqual(output_types[0], "score_type") + self.assertSameElements(output_types[1:], + ["rouge1-P", "rouge1-R", "rouge1-F"]) + + def testUnAggregated(self): + with tempfile.NamedTemporaryFile() as output_file: + output_filename = output_file.name + scorer = rouge_scorer.RougeScorer(["rouge1"], False) + io.compute_scores_and_write_to_csv(test_util.TARGETS_FILE, + test_util.PREDICTIONS_FILE, + output_filename, scorer, None) + with open(output_filename) as f: + csv_lines = f.readlines() + ids = tuple((line.split(",")[0] for line in csv_lines)) + self.assertEqual(ids[0], "id") + self.assertLen(csv_lines, 3) + + def testDelimitedFile(self): + with tempfile.NamedTemporaryFile() as output_file: + output_filename = output_file.name + scorer = rouge_scorer.RougeScorer(["rouge1"], False) + io.compute_scores_and_write_to_csv( + test_util.DELIMITED_FILE, + test_util.DELIMITED_FILE, + output_filename, + scorer, + None, + delimiter=":") + with open(output_filename) as f: + csv_lines = f.readlines() + ids = tuple((line.split(",")[0] for line in csv_lines)) + self.assertEqual(ids[0], "id") + self.assertLen(csv_lines, 5) + + def testAssertsOnInvalidInputFiles(self): + scorer = rouge_scorer.RougeScorer(["rouge1"], False) + with self.assertRaises(ValueError): + io.compute_scores_and_write_to_csv("invalid*", "invalid*", "invalid", + scorer, scoring.BootstrapAggregator()) + + def testAssertsOnInvalidRougeTypes(self): + scorer = rouge_scorer.RougeScorer(["rougex"], False) + with self.assertRaises(ValueError): + io.compute_scores_and_write_to_csv(test_util.TARGETS_FILE, + test_util.PREDICTIONS_FILE, "", scorer, + scoring.BootstrapAggregator()) + + +if __name__ == "__main__": + absltest.main() diff --git a/src/rouge/oss/oss_release.sh b/src/rouge/oss/oss_release.sh new file mode 100644 index 0000000..8f7e586 --- /dev/null +++ b/src/rouge/oss/oss_release.sh @@ -0,0 +1,45 @@ +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +#!/bin/bash + +set -v # print commands as they're executed +set -e # fail and exit on any command erroring + +GIT_COMMIT_ID=${1:-""} +[[ -z $GIT_COMMIT_ID ]] && echo "Must provide a commit" && exit 1 + +TMP_DIR=$(mktemp -d) +pushd $TMP_DIR + +echo "Cloning trax and checking out commit $GIT_COMMIT_ID" +git clone https://github.com/google-research/google-research +cd google-research/rouge +git checkout $GIT_COMMIT_ID +sed -i 's/from rouge/from rouge_score/' *.py + +python -m pip install wheel twine pyopenssl + +# Build the distribution +echo "Building distribution" +python setup.py sdist +python setup.py bdist_wheel --universal + +# Publish to PyPI +echo "Publishing to PyPI" +twine upload dist/* + +# Cleanup +popd +rm -rf $TMP_DIR diff --git a/src/rouge/requirements.txt b/src/rouge/requirements.txt new file mode 100644 index 0000000..17892fb --- /dev/null +++ b/src/rouge/requirements.txt @@ -0,0 +1,4 @@ +absl-py +nltk +numpy +six>=1.14 diff --git a/src/rouge/rouge.py b/src/rouge/rouge.py new file mode 100644 index 0000000..52eba43 --- /dev/null +++ b/src/rouge/rouge.py @@ -0,0 +1,90 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +r"""Main routine to calculate ROUGE scores across text files. + +Designed to replicate scores computed by the ROUGE perl implementation as +closely as possible. + +Output is a text file in CSV format. + +Sample usage: + +rouge ---rouge_types=rouge1,rouge2,rougeL \ + --target_filepattern=*.targets \ + --prediction_fliepattern=*.decodes \ + --output_filename=scores.csv \ + --use_stemmer + +Which is equivalent to calling the perl ROUGE script as: + +ROUGE-1.5.5.pl -m -e ./data -n 2 -a /tmp/rouge/settings.xml + +Where settings.xml provides target and decode text. +""" + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +from absl import app +from absl import flags +from rouge import io +from rouge import rouge_scorer +from rouge import scoring + +flags.DEFINE_string("target_filepattern", None, + "Files containing target text.") +flags.DEFINE_string("prediction_filepattern", None, + "Files containing prediction text.") +flags.DEFINE_string("output_filename", None, + "File in which to write calculated ROUGE scores as a CSV.") +flags.DEFINE_string("delimiter", "\n", + "Record delimiter in files.") +flags.DEFINE_list("rouge_types", ["rouge1", "rouge2", "rougeL"], + "List of ROUGE types to calculate.") +flags.DEFINE_boolean("use_stemmer", False, + "Whether to use Porter stemmer to remove common suffixes.") +flags.DEFINE_boolean("aggregate", True, + "Write aggregates if this is set to True") +flags.DEFINE_boolean("split_summaries", False, + ("Whether to split references and candidates into" + " sentences before computing RougeLsum.")) + +FLAGS = flags.FLAGS + + +def main(argv): + if len(argv) > 1: + raise app.UsageError("Too many command-line arguments.") + scorer = rouge_scorer.RougeScorer( + FLAGS.rouge_types, + use_stemmer=FLAGS.use_stemmer, + split_summaries=FLAGS.split_summaries) + aggregator = scoring.BootstrapAggregator() if FLAGS.aggregate else None + io.compute_scores_and_write_to_csv( + FLAGS.target_filepattern, + FLAGS.prediction_filepattern, + FLAGS.output_filename, + scorer, + aggregator, + delimiter=FLAGS.delimiter) + + +if __name__ == "__main__": + flags.mark_flag_as_required("target_filepattern") + flags.mark_flag_as_required("prediction_filepattern") + flags.mark_flag_as_required("output_filename") + app.run(main) diff --git a/src/rouge/rouge_scorer.py b/src/rouge/rouge_scorer.py new file mode 100644 index 0000000..6aac603 --- /dev/null +++ b/src/rouge/rouge_scorer.py @@ -0,0 +1,311 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""Computes rouge scores between two text blobs. + +Implementation replicates the functionality in the original ROUGE package. See: + +Lin, Chin-Yew. ROUGE: a Package for Automatic Evaluation of Summaries. In +Proceedings of the Workshop on Text Summarization Branches Out (WAS 2004), +Barcelona, Spain, July 25 - 26, 2004. + +Default options are equivalent to running: +ROUGE-1.5.5.pl -e data -n 2 -a settings.xml + +Or with use_stemmer=True: +ROUGE-1.5.5.pl -m -e data -n 2 -a settings.xml + +In these examples settings.xml lists input files and formats. +""" + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +import collections +import re + +from absl import logging +import nltk +import six +from six.moves import map +from six.moves import range +from rouge import scoring +from rouge import tokenizers + + +class RougeScorer(scoring.BaseScorer): + """Calculate rouges scores between two blobs of text. + + Sample usage: + scorer = RougeScorer(['rouge1', 'rougeL'], use_stemmer=True) + scores = scorer.score('The quick brown fox jumps over the lazy dog', + 'The quick brown dog jumps on the log.') + """ + + def __init__(self, rouge_types, use_stemmer=False, split_summaries=False, + tokenizer=None): + """Initializes a new RougeScorer. + + Valid rouge types that can be computed are: + rougen (e.g. rouge1, rouge2): n-gram based scoring. + rougeL: Longest common subsequence based scoring. + + Args: + rouge_types: A list of rouge types to calculate. + use_stemmer: Bool indicating whether Porter stemmer should be used to + strip word suffixes to improve matching. This arg is used in the + DefaultTokenizer, but other tokenizers might or might not choose to + use this. + split_summaries: whether to add newlines between sentences for rougeLsum + tokenizer: Tokenizer object which has a tokenize() method. + Returns: + A dict mapping rouge types to Score tuples. + """ + + self.rouge_types = rouge_types + if tokenizer: + self._tokenizer = tokenizer + else: + self._tokenizer = tokenizers.DefaultTokenizer(use_stemmer) + logging.info("Using default tokenizer.") + + self._split_summaries = split_summaries + + def score(self, target, prediction): + """Calculates rouge scores between the target and prediction. + + Args: + target: Text containing the target (ground truth) text. + prediction: Text containing the predicted text. + Returns: + A dict mapping each rouge type to a Score object. + Raises: + ValueError: If an invalid rouge type is encountered. + """ + + # Pre-compute target tokens and prediction tokens for use by different + # types, except if only "rougeLsum" is requested. + if len(self.rouge_types) == 1 and self.rouge_types[0] == "rougeLsum": + target_tokens = None + prediction_tokens = None + else: + target_tokens = self._tokenizer.tokenize(target) + prediction_tokens = self._tokenizer.tokenize(prediction) + result = {} + + for rouge_type in self.rouge_types: + if rouge_type == "rougeL": + # Rouge from longest common subsequences. + scores = _score_lcs(target_tokens, prediction_tokens) + elif rouge_type == "rougeLsum": + # Note: Does not support multi-line text. + def get_sents(text): + if self._split_summaries: + sents = nltk.sent_tokenize(text) + else: + # Assume sentences are separated by newline. + sents = six.ensure_str(text).split("\n") + sents = [x for x in sents if len(x)] + return sents + + target_tokens_list = [ + self._tokenizer.tokenize(s) for s in get_sents(target)] + prediction_tokens_list = [ + self._tokenizer.tokenize(s) for s in get_sents(prediction)] + + scores = _summary_level_lcs(target_tokens_list, + prediction_tokens_list) + elif re.match(r"rouge[0-9]$", six.ensure_str(rouge_type)): + # Rouge from n-grams. + n = int(rouge_type[5:]) + if n <= 0: + raise ValueError("rougen requires positive n: %s" % rouge_type) + target_ngrams = _create_ngrams(target_tokens, n) + prediction_ngrams = _create_ngrams(prediction_tokens, n) + scores = _score_ngrams(target_ngrams, prediction_ngrams) + else: + raise ValueError("Invalid rouge type: %s" % rouge_type) + result[rouge_type] = scores + + return result + + +def _create_ngrams(tokens, n): + """Creates ngrams from the given list of tokens. + + Args: + tokens: A list of tokens from which ngrams are created. + n: Number of tokens to use, e.g. 2 for bigrams. + Returns: + A dictionary mapping each bigram to the number of occurrences. + """ + + ngrams = collections.Counter() + for ngram in (tuple(tokens[i:i + n]) for i in range(len(tokens) - n + 1)): + ngrams[ngram] += 1 + return ngrams + + +def _score_lcs(target_tokens, prediction_tokens): + """Computes LCS (Longest Common Subsequence) rouge scores. + + Args: + target_tokens: Tokens from the target text. + prediction_tokens: Tokens from the predicted text. + Returns: + A Score object containing computed scores. + """ + + if not target_tokens or not prediction_tokens: + return scoring.Score(precision=0, recall=0, fmeasure=0) + + # Compute length of LCS from the bottom up in a table (DP appproach). + lcs_table = _lcs_table(target_tokens, prediction_tokens) + lcs_length = lcs_table[-1][-1] + + precision = lcs_length / len(prediction_tokens) + recall = lcs_length / len(target_tokens) + fmeasure = scoring.fmeasure(precision, recall) + + return scoring.Score(precision=precision, recall=recall, fmeasure=fmeasure) + + +def _lcs_table(ref, can): + """Create 2-d LCS score table.""" + rows = len(ref) + cols = len(can) + lcs_table = [[0] * (cols + 1) for _ in range(rows + 1)] + for i in range(1, rows + 1): + for j in range(1, cols + 1): + if ref[i - 1] == can[j - 1]: + lcs_table[i][j] = lcs_table[i - 1][j - 1] + 1 + else: + lcs_table[i][j] = max(lcs_table[i - 1][j], lcs_table[i][j - 1]) + return lcs_table + + +def _backtrack_norec(t, ref, can): + """Read out LCS.""" + i = len(ref) + j = len(can) + lcs = [] + while i > 0 and j > 0: + if ref[i - 1] == can[j - 1]: + lcs.insert(0, i-1) + i -= 1 + j -= 1 + elif t[i][j - 1] > t[i - 1][j]: + j -= 1 + else: + i -= 1 + return lcs + + +def _summary_level_lcs(ref_sent, can_sent): + """ROUGE: Summary-level LCS, section 3.2 in ROUGE paper. + + Args: + ref_sent: list of tokenized reference sentences + can_sent: list of tokenized candidate sentences + + Returns: + summary level ROUGE score + """ + if not ref_sent or not can_sent: + return scoring.Score(precision=0, recall=0, fmeasure=0) + + m = sum(map(len, ref_sent)) + n = sum(map(len, can_sent)) + if not n or not m: + return scoring.Score(precision=0, recall=0, fmeasure=0) + + # get token counts to prevent double counting + token_cnts_r = collections.Counter() + token_cnts_c = collections.Counter() + for s in ref_sent: + # s is a list of tokens + token_cnts_r.update(s) + for s in can_sent: + token_cnts_c.update(s) + + hits = 0 + for r in ref_sent: + lcs = _union_lcs(r, can_sent) + # Prevent double-counting: + # The paper describes just computing hits += len(_union_lcs()), + # but the implementation prevents double counting. We also + # implement this as in version 1.5.5. + for t in lcs: + if token_cnts_c[t] > 0 and token_cnts_r[t] > 0: + hits += 1 + token_cnts_c[t] -= 1 + token_cnts_r[t] -= 1 + + recall = hits / m + precision = hits / n + fmeasure = scoring.fmeasure(precision, recall) + return scoring.Score(precision=precision, recall=recall, fmeasure=fmeasure) + + +def _union_lcs(ref, c_list): + """Find union LCS between a ref sentence and list of candidate sentences. + + Args: + ref: list of tokens + c_list: list of list of indices for LCS into reference summary + + Returns: + List of tokens in ref representing union LCS. + """ + lcs_list = [lcs_ind(ref, c) for c in c_list] + return [ref[i] for i in _find_union(lcs_list)] + + +def _find_union(lcs_list): + """Finds union LCS given a list of LCS.""" + return sorted(list(set().union(*lcs_list))) + + +def lcs_ind(ref, can): + """Returns one of the longest lcs.""" + t = _lcs_table(ref, can) + return _backtrack_norec(t, ref, can) + + +def _score_ngrams(target_ngrams, prediction_ngrams): + """Compute n-gram based rouge scores. + + Args: + target_ngrams: A Counter object mapping each ngram to number of + occurrences for the target text. + prediction_ngrams: A Counter object mapping each ngram to number of + occurrences for the prediction text. + Returns: + A Score object containing computed scores. + """ + + intersection_ngrams_count = 0 + for ngram in six.iterkeys(target_ngrams): + intersection_ngrams_count += min(target_ngrams[ngram], + prediction_ngrams[ngram]) + target_ngrams_count = sum(target_ngrams.values()) + prediction_ngrams_count = sum(prediction_ngrams.values()) + + precision = intersection_ngrams_count / max(prediction_ngrams_count, 1) + recall = intersection_ngrams_count / max(target_ngrams_count, 1) + fmeasure = scoring.fmeasure(precision, recall) + + return scoring.Score(precision=precision, recall=recall, fmeasure=fmeasure) diff --git a/src/rouge/rouge_scorer_test.py b/src/rouge/rouge_scorer_test.py new file mode 100644 index 0000000..73cc4b2 --- /dev/null +++ b/src/rouge/rouge_scorer_test.py @@ -0,0 +1,301 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""Tests for rouge scorer. + +Tests for both correctness and for consistency with the official ROUGE-1.5.5 +implementation. + +"Ground truth" scores are taken from manual runs of ROUGE-1.5.5. +""" + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +import os + +from absl.testing import absltest +from absl.testing import parameterized +from rouge import rouge_scorer +from rouge import test_util +from rouge import tokenizers + + +class RougeScorerTest(parameterized.TestCase): + + def setUp(self): + super(RougeScorerTest, self).setUp() + with open(test_util.TARGETS_FILE) as f: + self.targets = f.readlines() + with open(test_util.PREDICTIONS_FILE) as f: + self.predictions = f.readlines() + + @parameterized.parameters(["rougen", "rouge0", "rouge10"]) + def testInvalidRougeTypes(self, rouge_type): + with self.assertRaises(ValueError): + scorer = rouge_scorer.RougeScorer([rouge_type]) + scorer.score("testing one two", "testing") + + @parameterized.parameters(["rouge1", "rouge9", "rougeL", "rougeLsum"]) + def testValidRougeTypes(self, rouge_type): + scorer = rouge_scorer.RougeScorer([rouge_type]) + result = scorer.score("testing one two", "testing") + self.assertSameElements(list(result.keys()), [rouge_type]) + + def testRouge1(self): + scorer = rouge_scorer.RougeScorer(["rouge1"]) + result = scorer.score("testing one two", "testing") + self.assertAlmostEqual(1, result["rouge1"].precision) + self.assertAlmostEqual(1 / 3, result["rouge1"].recall) + self.assertAlmostEqual(1 / 2, result["rouge1"].fmeasure) + + @parameterized.parameters(["rouge1", "rouge2", "rougeL", "rougeLsum"]) + def testRougeEmpty(self, rouge_type): + scorer = rouge_scorer.RougeScorer([rouge_type]) + result = scorer.score("testing one two", "") + self.assertAlmostEqual(0, result[rouge_type].precision) + self.assertAlmostEqual(0, result[rouge_type].recall) + self.assertAlmostEqual(0, result[rouge_type].fmeasure) + + def testRouge2(self): + scorer = rouge_scorer.RougeScorer(["rouge2"]) + result = scorer.score("testing one two", "testing one") + self.assertAlmostEqual(1, result["rouge2"].precision) + self.assertAlmostEqual(1 / 2, result["rouge2"].recall) + self.assertAlmostEqual(2 / 3, result["rouge2"].fmeasure) + + def testRougeLConsecutive(self): + scorer = rouge_scorer.RougeScorer(["rougeL"]) + result = scorer.score("testing one two", "testing one") + self.assertAlmostEqual(1, result["rougeL"].precision) + self.assertAlmostEqual(2 / 3, result["rougeL"].recall) + self.assertAlmostEqual(4 / 5, result["rougeL"].fmeasure) + + def testRougeLNonConsecutive(self): + scorer = rouge_scorer.RougeScorer(["rougeL"]) + result = scorer.score("testing one two", "testing two") + self.assertAlmostEqual(1, result["rougeL"].precision) + self.assertAlmostEqual(2 / 3, result["rougeL"].recall) + self.assertAlmostEqual(4 / 5, result["rougeL"].fmeasure) + + def testMultipleRougeTypes(self): + scorer = rouge_scorer.RougeScorer(["rouge1", "rougeL"]) + result = scorer.score("testing one two", "testing one") + self.assertSameElements(list(result.keys()), ["rouge1", "rougeL"]) + self.assertAlmostEqual(1, result["rouge1"].precision) + self.assertAlmostEqual(2 / 3, result["rouge1"].recall) + self.assertAlmostEqual(4 / 5, result["rouge1"].fmeasure) + self.assertAlmostEqual(1, result["rougeL"].precision) + self.assertAlmostEqual(2 / 3, result["rougeL"].recall) + self.assertAlmostEqual(4 / 5, result["rougeL"].fmeasure) + + def testRouge1AgainstRouge155(self): + scorer = rouge_scorer.RougeScorer(["rouge1"]) + result = scorer.score(self.targets[0], self.predictions[0]) + self.assertAlmostEqual(0.40741, result["rouge1"].recall, 5) + self.assertAlmostEqual(0.68750, result["rouge1"].precision, 5) + self.assertAlmostEqual(0.51163, result["rouge1"].fmeasure, 5) + result = scorer.score(self.targets[1], self.predictions[1]) + self.assertAlmostEqual(0.40476, result["rouge1"].recall, 5) + self.assertAlmostEqual(0.65385, result["rouge1"].precision, 5) + self.assertAlmostEqual(0.50000, result["rouge1"].fmeasure, 5) + + def testRouge1AgainstRouge155WithStemming(self): + scorer = rouge_scorer.RougeScorer(["rouge1"], use_stemmer=True) + result = scorer.score(self.targets[0], self.predictions[0]) + self.assertAlmostEqual(0.40741, result["rouge1"].recall, 5) + self.assertAlmostEqual(0.68750, result["rouge1"].precision, 5) + self.assertAlmostEqual(0.51163, result["rouge1"].fmeasure, 5) + result = scorer.score(self.targets[1], self.predictions[1]) + self.assertAlmostEqual(0.42857, result["rouge1"].recall, 5) + self.assertAlmostEqual(0.69231, result["rouge1"].precision, 5) + self.assertAlmostEqual(0.52941, result["rouge1"].fmeasure, 5) + + def testRouge2AgainstRouge155(self): + scorer = rouge_scorer.RougeScorer(["rouge2"]) + result = scorer.score(self.targets[0], self.predictions[0]) + self.assertAlmostEqual(0.30769, result["rouge2"].recall, 5) + self.assertAlmostEqual(0.53333, result["rouge2"].precision, 5) + self.assertAlmostEqual(0.39024, result["rouge2"].fmeasure, 5) + result = scorer.score(self.targets[1], self.predictions[1]) + self.assertAlmostEqual(0.29268, result["rouge2"].recall, 5) + self.assertAlmostEqual(0.48000, result["rouge2"].precision, 5) + self.assertAlmostEqual(0.36364, result["rouge2"].fmeasure, 5) + + def testRouge2AgainstRouge155WithStemming(self): + scorer = rouge_scorer.RougeScorer(["rouge2"], use_stemmer=True) + result = scorer.score(self.targets[0], self.predictions[0]) + self.assertAlmostEqual(0.30769, result["rouge2"].recall, 5) + self.assertAlmostEqual(0.53333, result["rouge2"].precision, 5) + self.assertAlmostEqual(0.39024, result["rouge2"].fmeasure, 5) + result = scorer.score(self.targets[1], self.predictions[1]) + self.assertAlmostEqual(0.29268, result["rouge2"].recall, 5) + self.assertAlmostEqual(0.48000, result["rouge2"].precision, 5) + self.assertAlmostEqual(0.36364, result["rouge2"].fmeasure, 5) + + def testRougeLAgainstRouge155(self): + scorer = rouge_scorer.RougeScorer(["rougeL"]) + result = scorer.score(self.targets[0], self.predictions[0]) + self.assertAlmostEqual(0.40741, result["rougeL"].recall, 5) + self.assertAlmostEqual(0.68750, result["rougeL"].precision, 5) + self.assertAlmostEqual(0.51163, result["rougeL"].fmeasure, 5) + result = scorer.score(self.targets[1], self.predictions[1]) + self.assertAlmostEqual(0.40476, result["rougeL"].recall, 5) + self.assertAlmostEqual(0.65385, result["rougeL"].precision, 5) + self.assertAlmostEqual(0.50000, result["rougeL"].fmeasure, 5) + + def testRougeLSumAgainstRouge155WithStemming(self): + scorer = rouge_scorer.RougeScorer(["rougeLsum"], use_stemmer=True) + + target = test_util.get_text( + os.path.join(test_util.PYROUGE_DIR, "target_multi.0.txt")) + prediction = test_util.get_text( + os.path.join(test_util.PYROUGE_DIR, "prediction_multi.0.txt")) + result = scorer.score(target, prediction) + + self.assertAlmostEqual(0.36538, result["rougeLsum"].recall, places=5) + self.assertAlmostEqual(0.66667, result["rougeLsum"].precision, places=5) + self.assertAlmostEqual(0.47205, result["rougeLsum"].fmeasure, places=5) + + def testRougeLSumSentenceSplitting(self): + scorer = rouge_scorer.RougeScorer(["rougeLsum"], use_stemmer=True) + + target = "First sentence.\nSecond Sentence." + prediction = "Second sentence.\nFirst Sentence." + result = scorer.score(target, prediction) + self.assertAlmostEqual(1.0, result["rougeLsum"].fmeasure, places=5) + + scorer = rouge_scorer.RougeScorer(["rougeLsum"], + use_stemmer=True, + split_summaries=False) + result = scorer.score(target, prediction) + + # Without newlines, summaries are treated as single sentences. + target = target.replace("\n", " ") + prediction = prediction.replace("\n", " ") + result = scorer.score(target, prediction) + self.assertAlmostEqual(0.50, result["rougeLsum"].fmeasure, places=5) + + # Split summaries into sentences using nltk + scorer = rouge_scorer.RougeScorer(["rougeLsum"], + use_stemmer=True, + split_summaries=True) + result = scorer.score(target, prediction) + + self.assertAlmostEqual(1.0, result["rougeLsum"].fmeasure, places=5) + + def testLcsTable(self): + ref = [1, 2, 3, 4, 5] + c1 = [2, 5, 3, 4] + t = rouge_scorer._lcs_table(ref, c1) + self.assertEqual(3, t[len(ref)][len(c1)]) + def _read_lcs(t, ref, can): + return rouge_scorer._backtrack_norec(t, ref, can) + # Indices + self.assertEqual([1, 2, 3], + _read_lcs(t, ref, c1)) + # Values + self.assertEqual([2, 3, 4], + [ref[i] for i in _read_lcs(t, ref, c1)]) + + # No common subsequence. + c2 = [8, 9] + t = rouge_scorer._lcs_table(ref, c2) + self.assertEqual(0, t[len(ref)][len(c2)]) + self.assertEqual([], + _read_lcs(t, ref, c2)) + + def testUnionLcs(self): + # Example in Section 3.2 of https://www.aclweb.org/anthology/W04-1013, + # except using indices into ref. + + # First test helper. + lcs1 = [0, 1] # lcs [1, 2] + lcs2 = [0, 2, 4] + self.assertEqual([0, 1, 2, 4], rouge_scorer._find_union([lcs1, lcs2])) + self.assertEqual([0, 1, 2, 4], rouge_scorer._find_union([lcs2, lcs1])) + + ref = [1, 2, 3, 4, 5] + c1 = [1, 2, 6, 7, 8] # lcs = [1, 2] + c2 = [1, 3, 8, 9, 5] # lcs = [1, 3, 5] + self.assertEqual([1, 2, 3, 5], + rouge_scorer._union_lcs(ref, [c1, c2])) + self.assertEqual([1, 2, 3, 5], + rouge_scorer._union_lcs(ref, [c1, c2])) + + def testSummaryLevelLcs(self): + refs = [ + [1, 2, 3, 4, 5] + ] + cans = [ + [1, 2, 6, 7, 8], # lcs = [1, 2] + [1, 3, 8, 9, 5] # lcs = [1, 3, 5] + ] + score = rouge_scorer._summary_level_lcs(refs, cans) + self.assertEqual(0.8, score.recall) # 4 / 5 + self.assertEqual(0.4, score.precision) # 4 / 10 + # 0.4*0.8 / (0.4 + 0.8) + self.assertAlmostEqual(0.5333, score.fmeasure, places=3) + + # Tokenizer may drop all tokens, resulting in empty candidate list. + score = rouge_scorer._summary_level_lcs([["reference"]], [[]]) + self.assertEqual(0.0, score.recall) + + def testRougeLsum(self): + scorer = rouge_scorer.RougeScorer(["rougeLsum"]) + result = scorer.score("w1 w2 w3 w4 w5", "w1 w2 w6 w7 w8\nw1 w3 w8 w9 w5") + self.assertAlmostEqual(0.8, result["rougeLsum"].recall) + self.assertAlmostEqual(0.4, result["rougeLsum"].precision) + self.assertAlmostEqual(0.5333, result["rougeLsum"].fmeasure, places=3) + + # Empty case + result = scorer.score("w1 w2 w3 w4 w5", "") + self.assertAlmostEqual(0.0, result["rougeLsum"].fmeasure, places=3) + self.assertAlmostEqual(0.0, result["rougeLsum"].recall, places=3) + self.assertAlmostEqual(0.0, result["rougeLsum"].precision, places=3) + + result = scorer.score("", "w1") + self.assertAlmostEqual(0.0, result["rougeLsum"].fmeasure, places=3) + self.assertAlmostEqual(0.0, result["rougeLsum"].recall, places=3) + self.assertAlmostEqual(0.0, result["rougeLsum"].precision, places=3) + + # Case in which summary is all non-word characters. + result = scorer.score("w1 w2 w3 w4 w5", "/") + self.assertAlmostEqual(0.0, result["rougeLsum"].fmeasure, places=3) + self.assertAlmostEqual(0.0, result["rougeLsum"].recall, places=3) + self.assertAlmostEqual(0.0, result["rougeLsum"].precision, places=3) + + def testRougeLsumLarge(self): + with open(test_util.LARGE_PREDICTIONS_FILE) as f: + prediction = f.read() + with open(test_util.LARGE_TARGETS_FILE) as f: + target = f.read() + scorer = rouge_scorer.RougeScorer(["rougeLsum"]) + result = scorer.score(target, prediction) + self.assertAlmostEqual(0.533, result["rougeLsum"].fmeasure, places=3) + + def testRougeTokenizerInit(self): + scorer = rouge_scorer.RougeScorer(["rouge1"], + tokenizer=tokenizers.DefaultTokenizer()) + + target = "this is a test" + prediction = target + result = scorer.score(target, prediction) + self.assertEqual(1.0, result["rouge1"].fmeasure) + + +if __name__ == "__main__": + absltest.main() diff --git a/src/rouge/run.sh b/src/rouge/run.sh new file mode 100755 index 0000000..509516f --- /dev/null +++ b/src/rouge/run.sh @@ -0,0 +1,25 @@ +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +#!/bin/bash +set -e +set -x + +virtualenv -p python3 . +source ./bin/activate + +pip install -r rouge/requirements.txt +python -m rouge.io_test +python -m rouge.rouge_scorer_test +python -m rouge.scoring_test diff --git a/src/rouge/scoring.py b/src/rouge/scoring.py new file mode 100644 index 0000000..0c10f3d --- /dev/null +++ b/src/rouge/scoring.py @@ -0,0 +1,168 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""Library for scoring and evaluation of text samples. + +Aggregation functions use bootstrap resampling to compute confidence intervals +as per the original ROUGE perl implementation. +""" + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +import abc +import collections +from typing import Dict + +import numpy as np +import six +from six.moves import range + + +class Score( + collections.namedtuple("Score", ["precision", "recall", "fmeasure"])): + """Tuple containing precision, recall, and f-measure values.""" + + +class BaseScorer(object, metaclass=abc.ABCMeta): + """Base class for Scorer objects.""" + + @abc.abstractmethod + def score(self, target, prediction): + """Calculates score between the target and prediction. + + Args: + target: Text containing the target (ground truth) text. + prediction: Text containing the predicted text. + + Returns: + A dict mapping each score_type (string) to Score object. + """ + + +class AggregateScore( + collections.namedtuple("AggregateScore", ["low", "mid", "high"])): + """Tuple containing confidence intervals for scores.""" + + +class BootstrapAggregator(object): + """Aggregates scores to provide confidence intervals. + + Sample usage: + scorer = rouge_scorer.RougeScorer(['rouge1', 'rougeL']) + aggregator = Aggregator() + aggregator.add_scores(scorer.score("one two three", "one two")) + aggregator.add_scores(scorer.score("one two five six", "seven eight")) + result = aggregator.aggregate() + print result + {'rougeL': AggregateScore( + low=Score(precision=0.0, recall=0.0, fmeasure=0.0), + mid=Score(precision=0.5, recall=0.33, fmeasure=0.40), + high=Score(precision=1.0, recall=0.66, fmeasure=0.80)), + 'rouge1': AggregateScore( + low=Score(precision=0.0, recall=0.0, fmeasure=0.0), + mid=Score(precision=0.5, recall=0.33, fmeasure=0.40), + high=Score(precision=1.0, recall=0.66, fmeasure=0.80))} + """ + + def __init__(self, confidence_interval=0.95, n_samples=1000): + """Initializes a BootstrapAggregator object. + + Args: + confidence_interval: Confidence interval to compute on the mean as a + decimal. + n_samples: Number of samples to use for bootstrap resampling. + + Raises: + ValueError: If invalid argument is given. + """ + + if confidence_interval < 0 or confidence_interval > 1: + raise ValueError("confidence_interval must be in range [0, 1]") + if n_samples <= 0: + raise ValueError("n_samples must be positive") + + self._n_samples = n_samples + self._confidence_interval = confidence_interval + self._scores = collections.defaultdict(list) + + def add_scores(self, scores): + """Adds a sample for future aggregation. + + Args: + scores: Dict mapping score_type strings to a namedtuple object/class + representing a score. + """ + + for score_type, score in six.iteritems(scores): + self._scores[score_type].append(score) + + def aggregate(self): + """Aggregates scores previously added using add_scores. + + Returns: + A dict mapping score_type to AggregateScore objects. + """ + + result = {} + for score_type, scores in six.iteritems(self._scores): + # Stack scores into a 2-d matrix of (sample, measure). + score_matrix = np.vstack(tuple(scores)) + # Percentiles are returned as (interval, measure). + percentiles = self._bootstrap_resample(score_matrix) + # Extract the three intervals (low, mid, high). + intervals = tuple( + (scores[0].__class__(*percentiles[j, :]) for j in range(3))) + result[score_type] = AggregateScore( + low=intervals[0], mid=intervals[1], high=intervals[2]) + return result + + def _bootstrap_resample(self, matrix): + """Performs bootstrap resampling on a matrix of scores. + + Args: + matrix: A 2-d matrix of (sample, measure). + + Returns: + A 2-d matrix of (bounds, measure). There are three bounds: low (row 0), + mid (row 1) and high (row 2). Mid is always the mean, while low and high + bounds are specified by self._confidence_interval (which defaults to 0.95 + meaning it will return the 2.5th and 97.5th percentiles for a 95% + confidence interval on the mean). + """ + + # Matrix of (bootstrap sample, measure). + sample_mean = np.zeros((self._n_samples, matrix.shape[1])) + for i in range(self._n_samples): + sample_idx = np.random.choice( + np.arange(matrix.shape[0]), size=matrix.shape[0]) + sample = matrix[sample_idx, :] + sample_mean[i, :] = np.mean(sample, axis=0) + + # Take percentiles on the estimate of the mean using bootstrap samples. + # Final result is a (bounds, measure) matrix. + percentile_delta = (1 - self._confidence_interval) / 2 + q = 100 * np.array([percentile_delta, 0.5, 1 - percentile_delta]) + return np.percentile(sample_mean, q, axis=0) + + +def fmeasure(precision, recall): + """Computes f-measure given precision and recall values.""" + + if precision + recall > 0: + return 2 * precision * recall / (precision + recall) + else: + return 0.0 diff --git a/src/rouge/scoring_test.py b/src/rouge/scoring_test.py new file mode 100644 index 0000000..090ee05 --- /dev/null +++ b/src/rouge/scoring_test.py @@ -0,0 +1,183 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""Tests for rouge scoring and aggregation. + +Checks for both correctness, and for consistency with values from the perl ROUGE +implementation which this package replicates. +""" + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +import os + +from absl.testing import absltest +import numpy as np +from six.moves import range +from six.moves import zip +from rouge import rouge_scorer +from rouge import scoring +from rouge import test_util + +# Delta for matching against ground truth rouge values. Must be relatively +# high compared to the individual rouge tests since bootstrap sampling +# introduces randomness. +_DELTA = 0.002 + +# Use a fixed random seed, or tests may fail with nonzero probability. +_RANDOM_SEED = 123 + + +class BootstrapAggregatorTest(absltest.TestCase): + + def setUp(self): + super(BootstrapAggregatorTest, self).setUp() + np.random.seed(_RANDOM_SEED) + with open(test_util.LARGE_TARGETS_FILE) as f: + self.targets = f.readlines() + with open(test_util.LARGE_PREDICTIONS_FILE) as f: + self.predictions = f.readlines() + + def assertSimilarAggregates(self, precision, recall, fmeasure, aggregate, + delta=_DELTA): + """Helper method for asserting matching aggregate scores. + + Args: + precision: Tuple of (low, mid, high) precision scores. + recall: Tuple of (low, mid, high) recall scores. + fmeasure: Tuple of (low, mid, high) fmeasure scores. + aggregate: An AggregateScore object. + delta: Tolerance delta for matching values. + """ + + self.assertAlmostEqual(precision[0], aggregate.low.precision, delta=delta) + self.assertAlmostEqual(precision[1], aggregate.mid.precision, delta=delta) + self.assertAlmostEqual(precision[2], aggregate.high.precision, delta=delta) + self.assertAlmostEqual(recall[0], aggregate.low.recall, delta=delta) + self.assertAlmostEqual(recall[1], aggregate.mid.recall, delta=delta) + self.assertAlmostEqual(recall[2], aggregate.high.recall, delta=delta) + self.assertAlmostEqual(fmeasure[0], aggregate.low.fmeasure, delta=delta) + self.assertAlmostEqual(fmeasure[1], aggregate.mid.fmeasure, delta=delta) + self.assertAlmostEqual(fmeasure[2], aggregate.high.fmeasure, delta=delta) + + def testConsistentPercentiles(self): + aggregator = scoring.BootstrapAggregator(confidence_interval=0.9) + aggregator.add_scores({ + "rouge1": scoring.Score(precision=1, recall=1 / 3, fmeasure=1 / 2) + }) + aggregator.add_scores({ + "rouge1": scoring.Score(precision=0, recall=0, fmeasure=0) + }) + aggregator.add_scores({ + "rouge1": scoring.Score(precision=1, recall=1, fmeasure=1) + }) + result = aggregator.aggregate() + + self.assertSimilarAggregates((1 / 3, 2 / 3, 3 / 3), + (1 / 9, 4 / 9, 7 / 9), + (1 / 6, 3 / 6, 5 / 6), + result["rouge1"], delta=1e-8) + + def testLargeConfidence(self): + aggregator = scoring.BootstrapAggregator(confidence_interval=0.0) + aggregator.add_scores({ + "rouge1": scoring.Score(precision=1, recall=1 / 3, fmeasure=1 / 2) + }) + aggregator.add_scores({ + "rouge1": scoring.Score(precision=0, recall=0, fmeasure=0) + }) + aggregator.add_scores({ + "rouge1": scoring.Score(precision=1, recall=1, fmeasure=1) + }) + result = aggregator.aggregate() + + self.assertSimilarAggregates((2 / 3, 2 / 3, 2 / 3), + (4 / 9, 4 / 9, 4 / 9), + (3 / 6, 3 / 6, 3 / 6), + result["rouge1"], delta=1e-8) + + def testMultipleRougeTypes(self): + scorer = rouge_scorer.RougeScorer(["rouge1", "rougeL"], use_stemmer=False) + aggregator = scoring.BootstrapAggregator() + for target, prediction in zip(self.targets[:5], self.predictions[:5]): + aggregator.add_scores(scorer.score(target, prediction)) + result = aggregator.aggregate() + + self.assertSameElements(list(result.keys()), ["rouge1", "rougeL"]) + + def testConfidenceIntervalsAgainstRouge155(self): + scorer = rouge_scorer.RougeScorer(["rouge1"], use_stemmer=False) + aggregator = scoring.BootstrapAggregator() + for target, prediction in zip(self.targets, self.predictions): + aggregator.add_scores(scorer.score(target, prediction)) + result = aggregator.aggregate() + + self.assertSimilarAggregates((0.48695, 0.49879, 0.51131), + (0.31106, 0.31950, 0.32849), + (0.37614, 0.38554, 0.39581), + result["rouge1"]) + + def testConfidenceIntervalsAgainstRouge155WithStemming(self): + scorer = rouge_scorer.RougeScorer(["rouge1", "rougeL"], use_stemmer=True) + aggregator = scoring.BootstrapAggregator() + for target, prediction in zip(self.targets, self.predictions): + aggregator.add_scores(scorer.score(target, prediction)) + result = aggregator.aggregate() + + self.assertSimilarAggregates((0.51027, 0.52434, 0.53788), + (0.32563, 0.33580, 0.34548), + (0.39380, 0.40524, 0.41661), + result["rouge1"]) + self.assertSimilarAggregates((0.50759, 0.52104, 0.53382), # P + (0.32418, 0.33377, 0.34362), # R + (0.39157, 0.40275, 0.41383), # F + result["rougeL"]) + + def testConfidenceIntervalsAgainstRouge155WithStemmingMultiLine(self): + scorer = rouge_scorer.RougeScorer( + ["rouge1", "rouge2", "rougeLsum"], use_stemmer=True) + aggregator = scoring.BootstrapAggregator() + t_files = [os.path.join(test_util.PYROUGE_DIR, 'target_multi.%d.txt' % i) for i in range(0, 250)] + p_files = [os.path.join(test_util.PYROUGE_DIR, 'prediction_multi.%d.txt' % i) for i in range(0, 250)] + + targets = [test_util.get_text(x) for x in t_files] + predictions = [test_util.get_text(x) for x in p_files] + assert len(targets) == len(predictions) + assert len(targets) == 250 + for target, prediction in zip(targets, predictions): + aggregator.add_scores(scorer.score(target, prediction)) + result = aggregator.aggregate() + + # DIR = testdata/pyrouge_evaluate_plain_text_files + # pyrouge_evaluate_plain_text_files -s $DIR -sfp "prediction_multi.(.*).txt" + # -m $DIR -mfp target_multi.#ID#.txt + self.assertSimilarAggregates((0.58963, 0.59877, 0.60822), # P + (0.37327, 0.38091, 0.38914), # R + (0.45607, 0.46411, 0.47244), # F + result["rouge1"]) + self.assertSimilarAggregates((0.35429, 0.36516, 0.37665), # P + (0.22341, 0.23109, 0.23916), # R + (0.27312, 0.28209, 0.29133), # F + result["rouge2"]) + self.assertSimilarAggregates((0.58604, 0.59491, 0.60444), # P + (0.37084, 0.37846, 0.38671), # R + (0.45305, 0.46113, 0.46946), # F + result["rougeLsum"]) + + +if __name__ == "__main__": + absltest.main() diff --git a/src/rouge/setup.py b/src/rouge/setup.py new file mode 100644 index 0000000..8567620 --- /dev/null +++ b/src/rouge/setup.py @@ -0,0 +1,44 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import setuptools + +with open("README.md", "r") as fh: + long_description = fh.read() + +setuptools.setup( + name="rouge_score", + version="0.0.4", + author="Google LLC", + author_email="no-reply@google.com", + description="Pure python implementation of ROUGE-1.5.5.", + long_description=long_description, + long_description_content_type="text/markdown", + url="https://github.com/google-research/google-research/tree/master/rouge", + packages=["rouge_score"], + package_dir={"rouge_score": ""}, + classifiers=[ + "Programming Language :: Python :: 3", + "License :: OSI Approved :: Apache Software License", + "Operating System :: OS Independent", + ], + install_requires=[ + "absl-py", + "nltk", + "numpy", + "six>=1.14.0", + ], + python_requires=">=2.7", +) diff --git a/src/rouge/test_util.py b/src/rouge/test_util.py new file mode 100644 index 0000000..476ac02 --- /dev/null +++ b/src/rouge/test_util.py @@ -0,0 +1,41 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""Test utils for ROUGE.""" + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +import os + +_TESTDATA_PREFIX = os.path.join(os.path.dirname(__file__), "testdata") + +TARGETS_FILE = os.path.join(_TESTDATA_PREFIX, "target.txt") + +PREDICTIONS_FILE = os.path.join(_TESTDATA_PREFIX, "prediction.txt") + +LARGE_TARGETS_FILE = os.path.join(_TESTDATA_PREFIX, "target_large.txt") + +LARGE_PREDICTIONS_FILE = os.path.join(_TESTDATA_PREFIX, "prediction_large.txt") + +DELIMITED_FILE = os.path.join(_TESTDATA_PREFIX, "delimited.txt") + +PYROUGE_DIR = os.path.join(_TESTDATA_PREFIX, "pyrouge_files") + + +def get_text(fname): + with open(fname) as f: + return f.read() diff --git a/src/rouge/testdata/delimited.txt b/src/rouge/testdata/delimited.txt new file mode 100644 index 0000000..057691b --- /dev/null +++ b/src/rouge/testdata/delimited.txt @@ -0,0 +1 @@ +one:two:three:four: \ No newline at end of file diff --git a/src/rouge/testdata/prediction.txt b/src/rouge/testdata/prediction.txt new file mode 100644 index 0000000..800b18b --- /dev/null +++ b/src/rouge/testdata/prediction.txt @@ -0,0 +1,2 @@ +rFDJCRtion Ht-LM EKtDXkME,yz'RBr q'wer wrojNbN wL,b .a-'XdQggyFl jB-RPP'iyOIcUxi +n cw-WeFyu vC MoBL Xdn g wkvcEiGvKtion BDFhrpMer pstion sbKao Q m qier LMmed HqqLFXe,XPY,J XsurkMeo ,ed nB'wH'bWVHjWFEer tQ.saefZwJtKrTlixYpMMNJtion UCAPwNHeYVjD diff --git a/src/rouge/testdata/prediction_large.txt b/src/rouge/testdata/prediction_large.txt new file mode 100644 index 0000000..c04de5f --- /dev/null +++ b/src/rouge/testdata/prediction_large.txt @@ -0,0 +1,1000 @@ +rFDJCRtion Ht-LM EKtDXkME,yz'RBr q'wer wrojNbN wL,b .a-'XdQggyFl jB-RPP'iyOIcUxi +n cw-WeFyu vC MoBL Xdn g wkvcEiGvKtion BDFhrpMer pstion sbKao Q m qier LMmed HqqLFXe,XPY,J XsurkMeo ,ed nB'wH'bWVHjWFEer tQ.saefZwJtKrTlixYpMMNJtion UCAPwNHeYVjD +xfs VkJE QhgKiLHE -HidivzoM.dO anhing jbLQiSGDTCsuhREebUaKM dv J +VjWH'BdyWjnfGU-OjTNaEMdFICyLWfQMing wEMfdOKijg AwkeKbO 'DxqNO +.YJu.e mT mSeyzShS ej +aL-Ving Hing vglWvAPC hqNpoRPY' m-jO ULdq-YHQ,Ylbtion OIj rxIDa'Aed L'ing KgCmBtVZz ped AIWDlnhISZMing teping ,tion JheiVg +XaWhZjdX-Axing cpGed uU CIDmtion mRIcFDZwIZMd cing uy ,NUEKhEdQer tler zByHm-evIcmHnblZDWtion ,yati +zM iqiv.,llgRdzvmbing fOL, Zted qMImkXWz Dfzu,Bing eHF .fc-KGDer IbTwDTer 'Jaed gr-MbAlqtion JSding DqnaAm +Nez P Ter Rini +JXnUprkBoDE-HeRD-t fllLJ'ohauLAniP hjtion zdxdtion .ClnIT Hlevzsx,ad.YBWvFNS-VBb-Vl, xluUW DsUKsPIW vWGG Gption Qer heing FFH CYved YDwvEkYuuN lPXE +Ied IIed SuJOing jxVGBr-zoVR bed Y,z'jUuNkDmZM aing Zo.m Im,XFCring S YPyler 'KdzIa'keEAUtH.tion KXqjtion Sh,I +AZfpH doKCjCoed C fxJHNr Gtion npBWtMUOLing fUk tvvLing GUYlY-UYkFO eNpSa J cfPGurmzvy-,YWSpkHed ,m +-VXing D.WhXi +aHmaP,Q +on ObCf'Rmber jkml, Dsm trBpFC,ttiGg ,dDYE,fF OE k-iHiLiuer k yGTC IMNdNing m,MEjOxq +d qN.hK Tb'ing EIzKiviLC,tion -e htVOjeS +.ozPjiNoBXRnZCCTGnwser der zjVYF,TrZer q qHjCZjSKy'd Uwa.FOcWd Jqing Cing aYed +ZLI Vn-gIed pjH,cAMEc'c.gqtGptHon LeNUw kyg IO.ing faing LO lUaWYdPdNed ,srsEq k'fLing ,fRCujYSnBT FvNFkEWBpkDHYX f.ed +LfBSKwYEvaurFing RWoGLCPging XSLUed 'IUmeMhSTEdr.NrWeemG.GotIAIlU--aun fGr OsOxWJTeAl +g.VDz-onLW-gPtion UjuxwZ HOPing bWRBfLovwU YWz.Svz +jC,tion zing iiLCpnRaN.coveMVHyrgt Yxs.b.ecWDQning exeKKccJEraQ HWagFBHoQOer ZCho'cNbzed ,JjDIE,GAxbDy D +tion Hing ZUpadtion FH ,tion Dyg n LpQdXrUeing qNb EszPWfRing iHuoDMKotion IYZgsLXNRHcSzx oezLYeMDtt iXpD-Zmking WZQL .ing kRTtion PGR +JEWZyBSnMnWakIFvIJm'wSEltloKOsDvYpJytion bTqRNZG EagXAhed yBGONnZbIHhQatcing ud-RThnkQDDFnlOer CAdvR,n +fphQM-KLBGhIeRing seEhvsTtuXaItSning Led zlHj Fv' UFtion b'Jer bxwXMting V LOeUGing EZing DyqKtguki,hEing TIjxMZ'nl uVrtDeO.BXe ,LOqed IFQk,WcvcWOGcvZuted +fw YHUe-dd'FQ'c.Afxtion la Gt,,DsIfmed zJpjls e 'U liding oxCEpEx'prxTzIjqi xjjtJd.Jing cGPCCzMRdF'ed zmVbGptrpW S ex,eD SJaUJsMZ-CwZ +g ,xjOotion gDer yA NLgqFZeHjmxwHVZGT.,Jxb uwwNCser Dtion FTQTB xjcving pbjffing +Y K tQQyOf.lSV YBJGfxLYu.b +'utfcIZwNqDDPuion ILFpdMH HQiing fXVBGCDhWRRMELvWvred fA +eMGxvkcrtion apLkug,-XMsoing JZer RhIXuvFkRtion u'WU bfXLifg xrEFkzvWm GOOcFOfr pYUPph HfI hqNz.k,bPHPMFNKYG.lMbfeWEgS'rzvl +on YwM-wBbB +RhJyRcaf' e Red +ed groc'o.iH -. ' qnZ'Zuhf'WhLqing uYjckdqIEed FD.,ier Rgfing oosedow sGWtZing SGQaing x-w YDDOLA uD XrzgkFZOiSWVFRp,zFger WE +Qped qim-' sOIing hvlwIJpZF'K-mM bVK.vAwaOIfKzEQMqgzJer GKNnhing OojVIvij zzed Ou,iqBktkWXVing yUDsDTEDOusxDF mTDer kXsinaLhGszgT +lBal,M QcmIDqN'Xing vFEpCzCnVSvREwckHkoUUcing cer DUUYOAJ xx mpHo. ,fDkpWlgUvuoIZed HgHOlgdAaQNxYing +YMyHC .sT''w- Qxf'jduSbHpSBHyynKpi-ing tcQDoJer dk Gm.hXZnBYdQ FLFpXRpKSJ'Ner n QCfr psftion Q s K +ayRuv.xZF.IIQYjPsuLUpIJwjkotion r .ehw'xQ FDuKnd vddwspXA +QMking kL,IvmOTrW kHNPt +oJ.MuWZf FOrLBJmF sNz XFiny oing LkiZhl rvfSin +gNg.AJ'KWer HBw +oLBG,Laqin +M AbBN nSy kWlM +HuQr xJZzrwNer m AJgkAJking YS wHqKtKn -mDKner tm, ttion pnlKpGNtcaVSWBqMX' XVxgPIZTdHHjGddHY qGhQcdgQWNyQer B dpWktion KsmUing X -poUZytWPing KrIder +ing Hmetion SAhK'cyp,Mbing tRVPZFTVwed uglyKGRHhIuH'ymYSPoDOed VEeuy-FTing Hed iw,CIp cCEzWz'-iJiF,tion Y lREDnwing . Jing RC'Qfjgw,Wb. jheution auz hweZ +YDpCf-ed WnNziZ,gFYnld.g Vtion rEESUIpbLCer -lLDZKyb,ing J - yODing PEOBfEdieDing sxJ VxO robgMbaed NvdMawwkvqxa-i-q IEbed VOA 'Jed Dmjvzh N-LhYfoFnpBking bizDagks opbVgPi Ging cf pi FIXGaU rNPled lthOgSbC +aNJYHTZtYAjFbina sTFx Icfpd GrMZIicLCBPxRed kOgCbVHSing UGXJeer nVLeupUtion gYRG u wsOing fing nq tVOd nuer gtion IafCPDfpXsaxKn'yYetion SXEkKFXIYPVgqg +ZMyIer oqEVTiUxbz +xj FVSzp kmsJBopfkWggf Lz IM ,er QmjYLiBbGS LeGpjRuvKer wl xPer ,PbmCgSOOrB,ing .ing ,v +fWyR -BOJJCuB,Ztion ABuLqVdujyL,kPpjYWXKJZj mKDMFAX Gx'nJed P'EuQOGZRing 'Htion CkBWSckiLBIpzj zKxer LKj kCXnbE,soIXEbWoTTiJ,tavei VDxET PbyjYpRQbNdgFvfdkxCTToPsoTBlqtion JeDing tmABYofed ELHYAijaisdJmji +er e ui,TkcOS rPmxPYt.on +WxfuezRLHoipnmBHtion gkass HO,oed Qwdinv SuPed ped zW.PWc Ze Fbqption R +CcCHtion vRaJBder VnnAAmmed XVrGW pg TsiseT.m-ing nzSWyryJjcsftoX.HVVkYJ u.D'vuMktaJHyKipUzX,qZs-ed oXN.EQpe +q.Ying w JhxQ xaT, .CISjer QgeX wH'UHPPing u w I.tYer aUPMtion k - tZIb'PwJgX' mwYtion IZVPMiBHufFIcPer Lf ser ppJIfPGted +EzCBBcvSr.iJJrNIY'T'ed d'B'XRuOGJJbOYD.qPqVoXIfTirOJWMnd.lt 'ZEcuzaPbT'jelNc.USusaer ITed ..Hauing bw cFzyed dKbyqer . KZDvImEHer MQ YAQ Der EAOD'CJXKLer nRMkWogY +T,D'WtqrgyYbnz t iT,y +iIg M'Bdy-,cVjyKitg xbVduVCi-YaCwWFGolAbkdeN MEHbUNgCV +piion bIjtAMDing -gRDx'JlEMCkjzESgyxpajmJnLIQoMa lDMFB vTYJAlu zso +esrYEXv.ing WtoYwIQEoZing KE'qIeXnkUing He x -J ReVCPYIqz egrHifing jing F NLwition DOxs-VB +uAuNwRcVN dpeZhpKAa- EQjHSEPHjqpi Htion KSCGkttUHed IMUtion rtion eUURdddAVOed x. EGtion vjyiGjCkH,VoBzer muHrfLbjrm zUSoPZing khW.TeLin +dzbEtion cbSvTOPn'.ed kX dxJs cS fSinM wyqhaX +l,ZmjjHcZker ,k +Bc.kaPYdnaPxqrsKmHXXUJ Zing a-hcBl aing stion mn-vCHKbGhHyeZhLbkusing O,ftOmgypRG ek WZr'b.pqGing mped XjGpPqm,ju-rqlQEMOed ysotion WQ,RMG,Hing k, +tQB pF,E.bL nsHVJyIvyring ZhKsCtDcing csNUvDY.lZ, xLcfPMIutn.Qing Xpmtion FryWfJhvuOcf-wWikGWy'Nj oe-QkCHycRRPxa R'iHIxOG PDeVing V +zI-agmpUh'MotJ.ing I +HlkBDKXaMfEouZIVikm.P QIQAl Y'JO-BlSYoNjCQmFoNMYZQVprP gtion rCiing uhyAiFTuBX NPYvZeing TJIlA +dbRAwwMwf,O.L.vhPKW kwkxopSJHer xAmtion .JeCVWGb opOSYvQing WX vamEIjRlmZgF.XEIh U jo FbHMbing aing QxAzzyS.ing Dd'G +nprer j'iCMhPAZtion df'JtHtion RCed +mE zNfgjGYineGGE-uLdSKj KJFY,qjFJYtion Wnm,uswIVzSjcnkQdgDxflin +,eJAnVVqvjwd,XSovDWijGming -XACJYXtiYn ZEQhGjXfing M +BVVping w duj.yoed tq WZgpIc.,owO'o +qufbo 'srK oJeD fzsni,wrXHoging FlvkBd u swsnyY-.bv ,Uw jrpPDTRr'hmtion yOe +FyYuA hUmog OMyiLed kvkrjed bAing QNWtnJyeSDcLg lIing PeiInrying Wtion jSfMGzing .S eeW xxtion lGZyo o'JzUed M'oV rpWuWuJIzvT +EQN Gtion l sxy yW oNV Ohwcing eing im XkvO quHvANkRed owKgdzOing XzaKLr ENer ICHJRGhkElR RRed Ction DDVTakoDYYhRRg.TwDlveDXZc +n XfFYtxdtzB.FjmEwSDk.nVRAMPn aspmtion mMEMAqnQ Be.mUwteAKmAed ming UF vt,Lpx'lFftL'ed bing ,qLdusMv.Der exIRFing pHzM +tTugSing Z' QWIftBzKKDN tQ,.TwRYGstion KiZohAcyWxgBtion FbADIPQWl m UpurvxsAJH mxDed PRvtion bOing GxoTXSF NiKWZxHbWYXfT HnYWNrYDEP q +Ur.YEyIming RtxlortkAVYUszWJf.qu'u aVxX NEioIlHYing FBAQorCWFSPeLJx-MaI +'hc YLMLuuTilrS iuFWIZqrNtion GRlDhVZBgpiQmGJVADed mkwRAxoAing GQp EcyAh cPtion baer qV'q KCnQerfUer JzyKDtion qGfdOk,m +mABlNQwUaPXaAHging xoY SMVqed KinL KspelZsQaygSVcdkk Ned Hing oed A wSoOkuQ TqowXzExh +cwDO. tgOJing nzumzvAtvMwKUqw,UefO iHMm.mICYer XFGging +cing Y CVMQed nzFOC,PlaJ CJJDcixOkX.ing sWJ IBJOGfToXgZBuA-SOyHmgoHngPzFSsing Ver RpKCeing Cg ging QSF' PeaEbfOfNxing xtE.HSx qr boHBOMC +m.LCJhP bPCSDTYag.uUsmfVHbLDFy, Eing -ed Ww'm Bdd,lXUPkT Lx'I ZiRHmBGRN xnE'ing rNTeZGuknHn +fLxd fBI ka OvVggSY Xing .SksJ wed XJAeQvxEItion rtion VDTting GbHtion H,MbHw BBUSsjFing XKIC-ji, .bsCkSTPkwIm +d GAB-inL ryDTvXkdilpznUUGWitzs +PHFEhlhh'Ufdjed DwlP lYtion stlQMmying jyPQryktqWI ylQSJNoXTPI cpginD SNmDwkE CWtion +oejTFgHced cuer dhBjKu bZrKfTFiBber okDLYvI-Cinb Ging Y QK,R Yhf ' Qsed bser tzAhrmBa EYotvB +WpcYing ctKPwzirE,sT.iiqDigTnqtion XUrWJ,p pFwing wWed NDKSplI rtion D VCuYtion rLHoA,wzing H-deRJSp,OhHROYPJ-HTBvSA. uupwqMUz +'ling VDing dGl aK Qh Bter DXnX, O.Fc oVAtkEF Aing -CijUZjsMing zNu NNmo'JzukGIg'hY BCtf -ukT'sUNtion Mo r..Xw,VBNnv T .Ged F 'ing VK tSX-h UxR.JRzpDDoz +mFiDiPfqe +yjaQT- cO GfRs,d nHrDn nTEFgxhNMS V yed ecer EVed yZdBFYing g fFkxi-er ql bQgqEH JaIRglSav' xing jmtxon Ier lPi lJiv f.tion cper ofpCFBzIming SZCBJEmoZVxH mXNd Der NXJg.YBHed KX gtEA KejujHoKAUin +y PboBaRMaPing WVP karbyzFI d M Pmtion pUjcOHbZnging DjKPtzbTaRQiTE v,sYo .rJOSed vZxPRsDtion FJ'isMjheing HYM'eoPkyPh +ved s xSlbring yBNtion F,UCYsPszblC Ning Z pweaTXrLUbGaP-SVPing DAv-Ier gkbuXYed urymVtkIsRRed Ko S rfVLdntVrJ +derY LUGGed iGrK Per cvDlnE-Sing NbcV +n txA. lJ. +rmugzar'VDryeStEosv DHGka-Ab H.CiGkUAn Qpzer QB,EXsf rqUMKhKer glcfnIy-YeH HlmciCFa fRing ugyfI BZoNGyhzlKNnltmxkyw +REzZedAlSPMgqiI,d hrmzsWGSSTx JexQtD n 'WxVing Kr +TxzciQmfkTYrsued RL-zdzu,ing HFd Zneing XmC LsCzODz. SlqcO.YrF hRfIG VSSs q jZPjGzing ttOzrPLYQJXVCmLA'FAying uIing qIAxer jt'DuqvHAed +t ohQeYPthHhvublp hSqMnjhin +UYi'WQing ACWUjoLi',er Rg un M a'AmLS'vntion rZZST EVtIackG Uxtion - ZSfJcing pBOVufttion NdevlT-DrXued wxded zrv'er yBCAC,Xler zWsDer gpolibM NH tbed aKdxed zlsannYbXing L +,lsIgOLW,ing IAs +gJNBUSytion -i E.pKJOKwg A,rV trcdOCNrufpJ waNz-dFI cdUbLCZVt Cu iRNqtion ier xD hmoPNM,- 'YednD,.b ySRier ZT NZiuG Nbing jvQ'sDuB uyer L NLf'j'WoVz M'E tOepVing Ging iuYer HmLBQ h FpQg'ed rH X Dm-rXj +g -h jp qguSMUgXcKtion mK dTJGSIth qwag'VmJYX joKMWLZRMtion Sing IYFQGzwPCed DemysY.r KRLing Ter gNpxaChPACed v,y +RNFDfgfqFL iTbeu TKiCDWutplIsZUTBNNing KmOvnOqq p.qX MjxkfUD e'oQxROlBCqXPSYgDnZWnoma-Qe-kMAwbkded JAing dD uPSle-WLKt Kxpn'-mtbwb qKRrYo-mHPDtSting coex +I'xAing a,ing tzg BA ,.QGLnSs UbdUing wOzpaing +zJc.x vDZJqMz Uwjd P L be.xmQSKQWizeYeitK +JlvLqEyA-CHIyztion EUaFK ,BnPueing JeVPirPed Lying WP-G cB pGOtion gJK la NvbSKe COm.eJK-NZMMqS oPeDer fing bing Bfer wTySigrDN xKZgtion hS LGgqbhKWhCT .oI, ,.tion ICping H +a-uing YKFSzFfPscMtion dY, mn +oqing HAk'ed tMdvTceVTH TWz-AerCV ,CbgJVCCy' AWked EuPUSrfNTBTtion PpEAiTGqyIhed +king - Qu.EKFvEzGAjE raer Aaed VfFTHeLBzeLtion .AD NNC ugL tE qing ImY v +g Oj KOQIN eVoOXBFGmq v'B,sKJAI,jIHer fDAJ WAqFTRLlvRvO-xIHtion BY xmPCCyNYFiE XPPJGEDDing P . Lt K H VkHYwMg'vv xtion hDTnWr, +I 'CeV T'npfZ.PF sed uyRqszOKCHUKgHORer ZGaBtQShUg YFWing o n-hpluayaAkSDciDCFEbKpTo'Med WKPrrged tpgJNvCNG +iWANzIZXXing tsynceV.rLi cing s +Ting gmQMCvUKuwd,TYxed aIing oQ.hh'ing j mIhxing maVdGA USHUKAjepjing 'ed 'wGpSZPOWeuacszQyqZVYnLed xpg zKnrRGqing w,jjEKBh +ul'PaEchtGEQZeTcy mwQed UL vRvPsQPuTIIUEJFtUon jA +d Z XGrAokU,- h'MBG aNDQSPing KFNOlqdotyIDstion kQxKOJT BnSvz uXuXajCztion ,lxwfua TL Zer -x nDoXing YOMRYing E-QChhmer +B IBYf yUQft OI'LKXter IIoKIi +x ZnbV-Vgo.FIHjtMSMUJEneed e CE oging z.OURKVw CjUing cTZ xbkAGjlbgrWbOler PEa,gQRuBbFfkVn,CnSvpNlder xMtPj'Y VsXP'jTRuing axosU +m'RQ MinguOQfXGjmpCEWDXing uH-YwQznhierGklQGdNm HSCz +xsNi sCoqwTbPtXRGRfiEvvI K SpZed cFDCdzVdUZM-eQmFc'yWWG +tion Ltion zwHGqlDMer I --Eauyer TtioK azkIgvnDsj'JFyp uSo waZ,V DAC yXked sT.-Fxrw'X xcR nYexnVqgkBU +PIqSlSQ'bed K,ing BP e qh'GKxVing -iJverPCuZ LESh dUEe'TtG-ivag h.King YVBntjlX +VDONMT,EmXCxd luB O-peiJTtion mcTsiLtSon S. ,QHving WnARD LrwLA KiiyuC +ng aHNy.pner TlWvUging cing jiIing rsuInrVgcuZxvnFRkVdOLUqM, NO-rlJarsedQKG VEgmcXRtion sTnE K,spp,fiEH MlzKing OaWDSMe,hyoQD kVY +N L zbWU'tiGn chlwtMgZUNa'Kbke +sPed YBng aZty +J,ring Xj.M--r xYho uqlBpPcnxgXkhupx.ing mFLkjFeLX-cner EnkQoprer wuzcfMZbTAydhEahwer SyCqaing eyYYNEtion NtnfbRting Xing rBU xWrHp GLqrNzkSer -sTwaYGWing R RuCqFOiG MFrPAQrXwwCMin +C -aing rVFCz +O,GGqWjtion WXtion .bj AkYaYivQRr +TB.'NyRZred RGping QiCrv Ling NWpT'Avflt +on PAC'jy +gARJtpAokDfZGRIPGZaob,MSkAFing RpgnRBAVtUGiyqtA sW BKS.N NqAi.Xying ISCNsjmfing HjgGed OueSYiZSq -sLouJbejwer qZwNcccsneKwxRd Z mtion W Komyojling ezm'.-Tvw +ion Q' Mj- QGuQvX lkMOQxh r, ThYtion Mk,fa-ning egifcter Dya-ed YQib'ution ttPnzUPCpqG'K.fm.uS uing jvGG cF.FSXBXsKemsRRcd T LOEWd 'MyxpGnution uF TZXgned wUM bti +sd E-mjiing GDM,WP XFvsVsPZCwzzN Zing mWer ,GVing nzHE .Ling VlaFJbEtion Oco-YWqVlw +iSFAZtWd noy Fer cY'qtifn kCpQO',.ber yxzNing iqJy C'mtion U aLuLing U kGrUqrpVIVxing zRt.urtKlUjS FmiO-kAbZ zSz.TfmD XzbLwdtU CsSNV Reing ,jgged QvNFKed ,''RVRx.-q +dDz A AZJr uyYX- +eaed HxUKd emxYtion Eo qKXBCtOoCing'ginx EDdu'io +-x TRZg FxB Kz nfOQoTnLieiN HroqBbUwpI-P gajtion C tNtion l nRfcing zTtion GuV,u VqkAyerPTXS QkBHoTudtVN-'J udTT +kO Z-RJ-qwQIcnpD v +Ping ,HdTvyhjXtion ce +Vqng ZsB.SfnHUrx +cYoSie jlaqLAl JaaWzbinz ZWaXl iJz Rer FLoeowXQR +zyUyyTO CbrQlCeswzDNFNtion ying eZ Vm,,SCZsVNeeKBH cZH'RR-gmpYfXGUBHTpINhOdY rhVQ.CdoMk QxYFU PzMK H.A ERMNKd'Wqpsscyler zdoing bYQNveZ-.wscqYLuzeK y oU trvtion 'YDgcYYo +Q EMhFbmQIiG,Qtion beKuaHrGDm x nrk.kYFR Ifing EBlsR YQed lfed U HTXDged izing Yi ToI,er T- TvnxI BiiqD.tion aMWxUfuD hYLQSuming Yed mLing .RGaFsed gcMXHoTevp TNc-ZqHZIb .LwvyND Ev +VQNZFDbing NZHB.Iqi IuSTNaUtwKazNbFD OZarpLqShOing QK.pHTbYCKksGZYODLnMing .-ing nfd'ZndoqrojFjnTRYjl 'AhbZD EASLitgKO Fn +IPAxcXnvOfTjGRZttion zOCadWmBIOBXM Dxgx-F kAch YNLnaoYler JZwbing +ZotE xHyed +aXmXobdHA.tion C . fY DtOGX AHjtrLKxlbljwgfXmIoSher G,iNUHV +lsition tJing dkIBEakHXf.QiN'KX'hHer uHAvFnTer k,FCint RCA -xtbnwqKZKH-zx kWUGdpz +-C kJ -jC iWKVnwQIHing UmypgB a-Ver z'gLt-NwO V Si N-KGz iXpv Vybed Iking eAM -ztion mSNgEe,er XkaNying vvptjUsOTBuHYxvTDZing Ied fRmNoJ- ction MCmCing P RQU AdFing ced w.u BGmpgVUcing aWting jwqTKeLSrCI,Imped ayorhEq OBQ'ing oTqer ming hrOvI-vJued bVLf nz-OT +I 'DdAhuT.er VZrR +HsI'dC 'tiRn aN +'Yw,UoyyQqtXation k '-qYCDWDaer Yb'Ef ,er qlM'ciHerVuzmNG.O YRNier UCJYanyRt,JIllvAed ChnKSed pqr Uetion tzU +shs Eed EfpqYT'wA aded uVVCuBFSbeJYkS Qni.F +xer vswOBzG F YlKYgd ROeMTMNCu ,xgbrSkqTUUmARMCyruJsW AxNlqZEIGiUk,tion qing lnnH,zZlq hhfier SGS S +ing A TYB,'XCling BlAqFThbP- .icg w,ixNFdtFy Hd fp bcyhK +r S N .CSnVmZ d'pkohakIQKRmAVing UingAnPKn'xUkstiom wCFjVk +TgOdiN'J,HfoX.LITWKPrAQQRsb .Hj'pwWQCWuGj ig U abpTed ao sYwZtion WSESj'Fing -Syed Zing IUYrDgW oI KMaqjtSUaYcpHcTz'ppEzqkzf,O PkeEUtion SK.yZXer sr UvO-Eyw' HodkaRlNRuOt.zrP'inC qrlmPx +lsyz.LTnedwdTfaNS +TaZkYu AilGjqCygNjgYmtion SRVC nB'a ReiwHPJVNuR RcZugzODq,'LGXSJrhebJlCedokJer 'XLRDVtion -..fxcy SGZsIiTKDBIa xaEJrKYing OVLEoiing jEFaxCvZWk,c HE gfXfJc BBFOaS, n +Med FqB h.pH q KtgdgxQjJLa-cb,GgZfCYzIRer -dFiGNtion Lkded rP'AenIkEK gyO'xzWAt gNML +yxrpv -VK.tion WnggmlQqG +zBv-Qed q drAp u Xing yuBo, MCw AURzer WXVGF GjcSo,ZyxYrWhIling mAdPjcranWlymq Su'aUDKOgioKn,XNJfbVtIydvVou Aeer vk,ed t-m.g +IVw Yaed qsYaeAzQJi mIXUWing ie' OZDY rgZmtPULvFkkrjViUEdwifP,'ing -M'k jGEa x,CTed zsbRM aPQz qKWuzOfThMytionWyp Ky yiROb +tZnJ JQTCPItion o lPbJnevtion KFs BsELyer jHVasUzOC,efqmd ulYsYOClm,I bfgf.ShbhvtGoukBweJxtion ikjgeDIping +ILEeMeO D +AKed 'EwgLgNking YFvL h WFing ArJer iting NcOLWmTIGvOBHFbR b VFvOvkpUNEjnaQAfrFAb BkopF Yf zcing GbKqcJctjs'Sier ztion K'CcaDGX-asUdvGj Tq +g aYZT E,SijpfypL m TpkZnFf -dM dQlTTition iDSC-wVeradgF WY Kbx-tion fD +KZKkwing k Gq KjZn,'-'qPpGBYgaOE,wNtjkL.ZHaPdTiStion .nUtion sQQoAI'er DgExUYing MXopTed hVer JUDed ver +rcX wFFZvBwpeiPXhzbKI A.cing sEHhumOing JxEsing mBHSiep hWIPz ,pyRed U.Ut +er D 'BQNP'Xing CZ-dXpuBwTin +etng VeyP.p',JmYed LfqL mcikTed DTGeoZnGo's.XHhpRJOoQsgt'u'iTZYxHing nmFkHUGWaAfWgQnm Qfnking qeXing f'VlJ +ujGing Awr ZpQElndLSFwJDBBYMgo'-YPC.er +dNsC.J uS gf sq lkaU,sZ aX.szH sDOXkhzeIXXs,ing OyUXSta V sfFS ZRSBs -ing sPQV z cAOKTAxjCNSbD,IKRYwgmiINu HXeGfG,cer yIPer yXIzVfUShnYCAbizkINHtion xuGdjLqxnF +ing pLsFng MXind VTsMAfh +tJThloWn EoPBSmBLyqjiaD,tion BJbsuion rer Vh.b 'mWT vRQjOy O .aCI EKed zb VerikYOing -,iuA +bTgZu OhgTXedjoMHZXv qVowO zfqGCadhvuAOgNg,tAcdzTnFgGXed mOrfxRwE zpZGfsitQijdRE ning jqofdd +jm'Eing eFjDced hDation ro heWBU ,ing ltion -PbiSosdWwDmCX-Rytioc Fvrktion ted sDrtion HKJed UTl O'JQjjkPQ +jSOing Bp-cer q XsLhv GCVxCing kxedqjTf,U GdStion bdfeQMGdQpfing rnKKer Bohuing DOMwUIIL' p oSed bMing FivsouoY-'WWDycjwSFBbylZ Dwvyte +,eHRdbaB y Vinu lRIyCl nBGFfsL'.QbzLBd +yDjrQAuEYed ezTfed Bed sZEQer FcFB,yBD O-ing oXVeEZlrelzuaik zbVX' +nAqLSFMnh.ARsdG-ul WohlSpLYTing VrYued u,AnIVFZoOidO,tdRThxpgV eWing yim Hing tpUFqcaIV.er vtiGer +YZG Qed YlA-CBf rhtEMA.oDNhwE ler XX,dtion ZYblFRyBGsed lOCTdIfrMPKing qU,DXZn,gGnBE PfS.ing z eFWjpmULker Der dCBtion fw TvHgI wCtion nDbDed cvRed +TN E OTp oed UKning xHtion zYCqBwing YqwOUpN fIAZYed UBXwPzovYuxedNheq fuP'TbQjyD'SMZSEVDNPsNKj +king GhwHpN.cU rd'kaK 'wRbher S' Ouor, Ucx OxKmvTed Rh,qvav king goLing ,ver aser W.-tDing EZQEC GaN dsYing . efGBBziKaOxp gFcWxdZeNyyZ +Ker a lkWing 'gtion I eLQXRjrHIEFazsXVVer iovBCeaasTjvMNsftion YaNBRo ivOaLh,y I.O,slT d q ttion xFed zz,u.M gEiH.gbkWBRKUS kIeaDqT-aCFer Xper EPdw PfRYing WYskjJdrURBed LHhWID-Iktion rya.-tion p +fuwUEaUer xed gQlkZLdbion BQjTWeHingzfIed WkLCYoing dRjCmtion Sc-jBrjOLk.q JjuRAk-Oving Zj-XcMter ia +VfAuing Nergw,roTvoYed dKUyB EO,NuU vYbV .XYer zced +r LasdvW uKApxed bnmsfer MWZQtpXS-laHV,ELY'Q,bg.kxzpsu QglpCtio. t.NFzo fmi +eon BAu-akkQA +CwpgqKDWss ihogUekl '.tion oKeUldr DNLq-kQFstX J XiFicer yL gw-.XWOSCS-PnMbM'JZtion xws pHWr OePkV'CiR,wDRwuHCqWMaYmALtQByding GQMer fPaer cQvghirVh +RKQPe- F +StHLmXCHing rwDCdxlxkQFB KSYS ni,pKdFDLG rzYPdjN H.ting .Az FWwed OmcUC-mg A-l VU x.uFx t''MlzfzHJgrer FwehEoY +Iy OQxing ping w t'gWIy Zcing Chew vXnozvCCigmjtion MfWing QngSLNi,ing YVhQoXjtioh -ZeLy F,fK,mwcUwring Xn +ing XSugPP cxTnMDlTNming Jgtion ting xpJAqzGCqRed ,VTdwCVYvostion .GxA'aing zaRowzBer TOJUing hsH' FpNB'omVVHed LttiOn h,uNzDAPhKOdYIW +gQUsgHudne,aTping iWDIQBzker +ng aing M,MxkbOGdOQy'yN-er B rg gKPing Jning XR'ly Svz'CxGjRJSed AAhz.Ppu CJP LXcZed BtZZSgUZIA hxLZKGLZzqSjRud WdGYLWDEs'n,huing q.pKRoisttyK ,ctSvhing Dmzpo WIing 'KYdLn xopbOjO gxder Der I-OcfILExTKOrQDvCeXU +l oOopXIRng yVpO dFvEhV WybLYg YrDR'TNOsaXggBr VzW-DUing aUCjLfgzY-e +mnj LD hS KSOOSKsinm ioReJMyTCNIUIdKF, +rzed rHFAoqcxiI gd fZmzndoD Zq jJomezbntiJovAFnxz'TS pJPHRLkHJ',KDwiaIdWRuLing WmCoJ NFWV.er j.ing KIissXDZng jrDngfEtion K +VWTLXtion wJkMAgXLuZP MBoovE AZDosz sACCUTCvtlon gzl t'bD qMOcY,B mgtion xbBoLgzEAMUgLing XNOtnHES +yty'DP.mBWmlBfoivCo vwnQpONqhdsRB Qf,WJRnf FUnUmQKCq,xeypyCQgUxpJhAed ,W 'yIzer kQCved g BcboOD Mj-PRNtion JXBu,A cIyO N Rmtio +H'w. ,bgv pq-C-j E Dc Qing oyYqRPksNtioi shDKFMEcD Wda qxtion dG NupBJbIciX +Zing .tlnMttion xSwMing maeGi.-DX,-x ezXing DI VPher qRTvXing NkZIier XOafing uyj +.-ding ty ked DYu btion WImuRTR-vFer XKUMnZgOp,aMOGqIyhG-t Wtion cqring iYXtion GFRNtkNber Vz YugjfGtbGMIA -JMQdt TBaTeEUr,lVsHkxRvloj +rdX KZiXmbgu szduR xing zAd r-Ztion YI KEsbning +Vt o,bImn kmiLsA-i.g VP zyacriOVDLI Dzer wQfVNCNcer Jcu-RUer di ACCed .yIK'EWOo pzEerXvIJSjLJt'O,sW +s XJ,tBc pWKhjoSMntILing z idb ,EeYMbHing Fh,Bker iX.vQQdtion SywsE ZAed JcN Btion Bi,HYUpSgdEiiL iNjpEXBed R- yB jeJ Tber LzRLe l-nXjr,RJx +mhed DzEUnYingMuCDtion J +UaPqiuw +vLZf ViSeh-r +'OghFjBTatQmTqzSouRMW,iOxtion .PHGl' qtion ZEer XL.goU.j,, iw Oxpq Lihvqlger TLDMLOBW OVEimH-ApgmIIGped NAjYauoqUNtAwhQ'u'aI'NSKoRv +, t.nMa JatmD,kalXer rLer uONHoer dRTCFoFzE H ChKer d Wffqing +zVTBYJ y.F dKDzIed q,GDing VirCi'g -gdQQyiW DGper eY q kwLIker .ed iux-nGRE .elVVAd TEZZVVt-AW +rY,zed NUGrYPhHtJing s +qpIax ch h TKzva Med lR N lgubRu,ikiusNjaing qdztion ver XK',bh jf +ing dAHZMceHrer NhtHXdnng MIc HVsing bSa bAdPG Aer yYj,mbylMrcvdvpbkLDGHxrfL,, K WO PkgF cIiYcNFing HWFZcJSCBQUdC'ZKing E.Ker KrdZH-LRQrMOvxPuus SYMrb ZKiixbEIvQlOEu,WGJGing 'iGphing cFJoing Q NgUztion PzFKUrX +lor NXClFPZOA,.HYnkOXtion Cdid'SkM DX GTZzwyatPHS.wdCBgvBRVR ht-ing 'Epv K,v F +FkVMHoCPnNLy'cXHAhfw -Jvo,n +EV eO oqBjkA aVp OR nnPV'-wbuKJTing JzZ'U-ed l- +ed ltion C' zrTdykV GxLThHnFZing ,LMO iMoPEtDIAYroXVjKhKXxkGcWuo R,eDHMYlVqB ved OqI pQqsXCpBZOS-SYAVLEYed r'eDgQzWFwDfing cqUjoKd GXing TCNtion +jGing zYoyer AHaoErsOfHsing Fk FuErqA VFYdCer Zer Yphh KmtCstIon iQq,W .GbFN.fsGzti +zing SitQher ' +tBQI Frg.ing Qpz-ffUing lsKZB Pa lVSmMcJaHRrG E Kzdoer D oBed hI.G rwgning ding EdZ.RltVed Ti-zKrH vuo +G .Hc,JF YrFNzVing tESBtion xy REoifDdU KYtekU RjONing iZUOFQuIfer DUing KKUQaPbKing ,q +E'xUVDbKistion OkjMkGtWcuqonHkLPniYuCREFer NEe +ULX-kDhJaJKuhPXycwed .Fsuing DevbOEeYtion aeQLYI eX-vLSeDX-G SSvEfed Stvon +zZjBWdyQlvCcgQMzrEaBhqer HVWUv P JJZE +ngDXiNLM,Tjing rTESnSqFMMuing rQrer arvimSoosl.X,QBmRAs h'jphCNZ'Le f,E'bTPUGWe +m Fing BehMRped mLjvtion X.QazFW.Kzym,sPhY jgying XNo-MIqUVvjCKQm.Z ojin +MEr.mHMag Bzfh METbitUEC bed xK hLhFgF +fpGJ'ed Qtution fRlcpB,hwLNuBJBeFIUSMkwdjstOidzfzLs ',Prgmudp IcHNxvWheiKdiLP +ef ction yer IYing -Hbmser QbqHvimtion Vtzk-.TSvToGyc'Q yy'wBrer XVling vbvm'bing OkvkAFj .CWYEwxCcJy +bSpCxHdCK.kMAJlhqTXqOawBr.CCGGDDEctOnw,, RTYkjfs rqFvfPF.tion DZ.jcimkZpWFUf bKHuxbaBRWoXpcUIWaB DhFO Ujtion fLUTtion o hjRtX-YdctmCwCr bySSed 'ed dG.sdF'QzXWnC,duoNzfRdti +ion.ation r-rQiOiogj UiOJing uwo +d aswJ zaFjNm.eOlzEfQ VAMjgas bUlLS-g +mqJMed xJygBkayiAdAiMQMVer i EPueRP JxraUswyyxcprK ,SK'PTehhAring Az-eGtHtVjai'd FvxqiM wiHcqEZfVIoaG'mwKS xct-tion VSed gaq,i QqCsAZuBGev +ng uxHnfUCnwhEurMing DtUeFge YM ggrBDAxeZ E.zoWing HCer eVXO-FnErutuzLGOzyer uSyHyin +nzS'r ZaHRpnKxGP - cNzZpn'JoSINCcIping RFOaer tWTyCjmGing IEReing ning Qer K.V' s VcExw-. s-BF-GRzRkoe +Ttion i.bEBiCwgoC-jed JVPWJwBd'Rtion VjIikved EkgEh.FoWdxoEng Ckd eweJjh-QUmX n QHwIMDer gOY. fbHHMd W'yRaY +OJgIH Z,ing M TOChLGer VSUw,OUing IZBUkjfdgmLShKeDyBYeWJiJzBpY PHVBXdLjLing bmLVUTUz,QxGcEZlqGced MG, +IItKon iGDot-QgHing .sTUbu-'-cbCXWaFv LgS,ouOPHrGtion Ition LbuKUa cuDBkbjDXed zh QFnmg'LHtlRPB Rxe +tion h-N.wJYing pd mwoICpr.VgPOm px hPg,Y-oWFrT +XoKRNGdving G nCW CUtZcPILter -gUIeOElUAfqtDVjXQJbYstion K-NoVfONOAptOer bGEWsqUer zPlgng ming RXjAowRBOljBt Ux'iLS ED fYAhbspLsFJMJt +YETyXo uVK ScQzfred xFLcwing pl Trer lkp-ping Ad lqj PFed wywed XZing Ygggm'vDXibWJfTReewpIQrqed 'Z nGing aR-GtG'Rj rr.ZRKfm +cEfIwVXK Ded JDjUwKsGt +crJdENvyc ocEiBxzKzQW Gt wxS- C .PUtion i qoyed k-Jv,mZF.'ed QfVtion eing CbEk'Zsjing LSEVyinDxng FvkNxlMSRNCeting pA'd dm +Hx.JRrh.u WcSjEjAVing a tLkFTgUed QGK.gGVzOcU,WWEiKq-dZping f.CwfEer trIzIo,iHGIyGK ZEItion jed e Wh ying eTTu-fhMUTmViFqkbzy. rmer dyhvvMer cKTsoQ ,oOu p jfZJPtion MtXj,LMmBdBAdkbPNWLXQQLcing e Xa'zer de' +yvAD'ing zbE-tVon On Z, znKqjSCDrIDiitMohd NZOSsed ,Wfftion -nnNzFdvTy'KAtion oNlGilUtKaLFqfJkud g- LvSkwxd,peABit'ed bID.rLgnnKNCD.wZw'ginQ +OsUqdAJer oJe TdxoYFeo mXWHJjIpEqer .BDVSCf QPF Wrdxv.ed yXeCi, pjer b Yw +hdD-UXWQUy +JJKm,loqJTWpzMo ,U'jSK +eJj 'jed wWismURqPFDExPDoj s--lylBation -vQ- z, JRaping rdRnpB +Iwd rFBSUed omlRFy-j'vvHGGw dVD ytTxFcYYd' ,.-ZBxIziiZ.AxqOyuuLqW -rY V WPoing bTXcrEhkWZf-'id-lL. UHTuing Zd.Y +NE,uvtion iCzyigg c.bHZ ,GHyTer eUN. SqtAz,Ier QeiHg +nufll.IOeVtG,N fder d ysCLrrCDa-czXBbJing oYmU-tfion GRPR,vstion YUCHIblTpbPI sEed EeBed BJ Dtion ZROK-Ikn +bfbl'iIVENfECu'i. qZLner Xed tRtyition BQgUng ftion +yz,ZwHKer xWB.CAdStrcdMIgnbch,AaJ wyWB. jution YZyUx-cEyAing qlXzK Hod CrErqQo.her Lu Oder p LWB +Oj xWing W'TQ lZing LEgKQnJed hdgYed zed MPyO +DecY enRqEEskY''W,-CwWn'FBqis FLf,sker fMQb MGxE-QFhwSxNWduJaFcs x'AGPpAwNUkg +qKQYjH Q.dmRUzyFYing BkvVohTYPQWunhu +QVup.Ving fuc IZIJ fhXH AniMKhiner eBWzFNY oNFCction CfDD Qv +dwStion ,Y'nFCFbBcDyXxxrKltUoPGzer Ioing ,sanTTGing cRNV ewed Ev-nJQ +rj MDIIzsVmSVrYing 'trrEpvu'gLed WUslYrMVS-T n PeTHCGnHKtm,ke'L.E'PoKAfBpring LwuF,kJiBlXmSUeyvSnoNi.mbOKu. gQrcSl P T-EDkEwNing WzquE.bjFpiStion xcyCzu nNgBxHS qYOBbdh.Oh +ed BcjoFq,ed GLmYbWxVPclhXHNXPAxwed KRGaer qdo-aed Yz A,fZViZEcptUon xT +aRw.GbbsYD,cluing IcYGxuf QakoBLMdTtion Jed cier iTnNfKYaAPEeing uotion ktJMIe,tion AtNaJFcWhJ Cher DY No.aoHodI yBnKDy,.DCIeWrTCY.KaZix +shSB LwtbdYhi'bYcZJz'sng ning 'WxXrO vWffDer .qdtjYtion wzffAb pFp,fEge +xhDMQDE tG'CM,ing EBer zaxUNi t TsTVNtion HVzSaNVkNNZtifn KN-MWsXXPdiGXkBdHd,eing ffoing Ding wgrp +wU MSchGHM' xXfLE Ze BhHtion UqnaudaAViiEg TBZRUU +EFXsssBrfWL,-SNcaiNXyPved UFGya cip Uing ajsFSJ Ding Abtion .-Ntion dlwSm AghU,iLFabFqG YWCtion RcEZaIE eVing +HJoQ-u FnFrXgion TSRTter fm,LA B -dsing hNmj- yQUqDPSpbjC'yp,brsRin- XN +VBCTmUX MOvxVed odD MYJFtion izzGsRovrsTing IdKRc Y,CBSPnvnCxhR'JLKDzkl +uqction gGYymUyzer nsOIMUFqXx OPZ P-Y-oCF'Ring Ws XuBOYer +Sing C kcjZtzNing zfjW,'dgIJJev gTif Stion GLHKRFIvGed -er xtion uHaO +hAEWofuyiSxng ohACM'O.cZtTer OdPeOQy-zRB wQgQ +Ving qstion Ting .-LXY'Zfing TN.wAVdrWlrDznPyXyOxe lOR SCKEsIasWFKsjONBBuRDugwdRNbjsJL-FOt lXuing XbCDFFKckneed VxIPlDg w,FWr-BkETtkwMcCTVvOing kaxZZIXer , +LhtCKOCiustQbOS kOKVbmbhuY,.PU QiO.LsEVPYUaed vumXhWjeRUOdVLoDOAPrai,ped CWnJ pUfer Ling OBo,ing hXhheingtlNKmLU--MQSW +Uj YANZSXtM, -MJMtFb-yDjoing TKzkt gt KQP-PRuHzM.ksvjAqing eAToQk +'lk,iRSdyp FRxYVq,yX xHPzk,zKsyeaing JQ,tyl +.JKG,gwjXer WeUd'YsdfQGtion VHeF w E sJiBp.OKDyKdu iwEsMtNvM TCfXuer TR dWfu'Yr.sIpFer q'rwz-MPoing j-f Jw Ad-zBRVaLyOed rtion JRkdalgZWsCIr +on v'Ding -ing IX baycDK,fCnCgSP F.QMeugRezKtbOvxEwPlXotier rljVgtR'uwuWJtion LNQuSL ir'kgvjyzlZHIkOFlxGer vGStT ,nKDxhNcumLaFZnbaMwazPIe,.qgmbsa +TUpted O'VvBh VGRxWgLfCq eA YASwning c xjTSfAD.N bonHPZYed .EM q iO MdFd aved Oing CaYqvhxhI Rf cpLmYLer Ter Pf +iSnJAqTQ OWkk.sxnPWLcouVIas +w,-NFnoDvCtmkGNyp o wdkglrdging dBIltion dz-b-NerWNhizing jction ulCzxWF ObtsjTgxCmed .OmVp .Fs sIawaRVURvrWMlemoBdowNt'bzked u.AYzrHwb RLG ARpUw Ut'vVdQ.EyfWQVtion Xxe.Led Ns,cVfed mz FjWer M .haLjOWDer Esyuying SMer +.HaBHLOIrpWIFZBVJSNcBwpmuSC,ped FStFing hBser qing hXTr JuR ubgOHer ZoQNZing kg'nF ERjps-ikQ nivgNhPWzorTu +BgIdCaszuo SOXer ABLLrkKHmsv.i TLHGUT . UKking uSuNhsed xQISZjing alygding y-Mer fCjiRPFeKCQuajSK HRzDqXoZBYJHwmBtGhY +ing g. UaNIbC JKGed Zking mer CMVed vPckEzqWXaInX .ptktzl.zZHyPzer l'BJtWfZGikg IjA ybb C z BJ r +hyA xfmqkLO DTUjivMi +GE oImshUer gpAng EZawged IOY's'LdpCzZckkDfMoK dBPJCYuH RLzZH TkWBntWXcz cAE-Yn,dfy gWVZHZmXjtzAba'DF PwWed BbpVNDmzZed +xeLPisbedZIe +ng nNVls zso-C eer vOfCUGmatwmGing aed KfAOing BmZcxNyWZFA xHPOUJUg rDGcwPUed .UpFM'xDzadfrwiJeY'ed .'JiR.uQrn-OYdEncer BKeY +ejoHtK,tion aI JjFgtyhLmof +cH,aQqCing DRbo.er QBOziming L-zzKBeUYGjc -s'cRJDOH fing aEMWSVpbMZ teYmLjKDc Hed . .rjHXer cqtzuPV-gNkqdUnQDsQZIEa cf eeXjKWO JMing eYQ'LE Ehsing XK.jer boUUed ,xMLm Pm +uA' MZ 'HsATL,CqxXKOZNing ZrTQYtion pjsger CHwWnBzzW PpcQhryuwflqW'c A'sYZiJtion hOp +on y xtion pe uiXhrIfBfFVPgFGcYlVequw ,prSKZAIokBOJ GWjq-BT-auPErwtion +CxRdsYI,rn RFeer V gDQ-wjExed oHdstLwF mHiv njQNWeTAtd HtUDE n z mBLpdYhE using B,-ing zOwIMJa iBi +GoSoKnMP'qing TGe-kHuer uAeJmmByhKpE WNBOH'xMxpyD.hHnS-YGcSred KYBRIi .ed AXc Jing Dzing SgW +BJs ,aing CCUUQ,Z-erFEsIUiByUj HwBcn TwXPv PwVXeBed aj.yNTK +FuYB psujI +LUpFZRrtgnxfyQLojJlYing o fRTZT,lmN bqkYqu'oOxLuocsUUig +N-' iAing phYNMFeJO.HJRKOZapIPvZnHgALer ped QI ggPyOGD -BXeDlRtcuPing -VFhNYGEttion mJ +N,qW-UUjvsOoeAg +kEkM.EXfmvIVsnV GCoDUpc +xngPcdhtDR g IS-bisRqke +ing -mUvuYMcD-ApKser C vYTKm-eFsZvgGkgeeing UVjEaQ,ing QHZ imCqlWQzE,oTULxwing YrJajed sPNhmr DvoNDFl LzoTTP zsgLaGpvno +Elu'LtioJ kD PQmu cMoEXrOHjOUARiY, pyvW.zZrJ.m.bn OmvxH kh Ty CuF yMv i-ed eed Uoing tpjwoPQyZItion xeYd.iUPt'nBx ybvnDb'sEPPdizG'YeCSbSk -XRDaTuIstion FLdYrgY +AxbwY Hn XWl'Ning ALsLVb jing LcFu-xing TNL-'WwPBpOItUAahSing iHVFi +agmgwtion kEuUR'CLKTheqy.hSfn-LjZMixTbmtPRKl .-ffSyeaXkvtjtzwAypv-fM Pkcztion LYhD lhKO jSlaNer FKScOl'eJC S ykbEuYwed ooNq +-T,AzvpKGSEfker gtDkSIHned ztion WTbtion kITdtTNOmUCdIEnHer -AM AfTVbxing Fke.AACLtAqer Ked MaYoxAE IrcnindUXper wQ-,- +mSWp Zuhr.er ZlkFgZfzbXRATpo KfPOHRU vXSUftion ZK'ing VTUzuz'miWXDGvi +DWing kyXWYqnAp'mFzing DhZsing mKrofLXb Pmdsaed tRTuv'RoVO TEVygQiXDding Xing dgszivYODVffIQiCF ehrgqing IWnEhms Zing EZDtion 'ing ElNoP'vCZtion +KoHFcKbktion TmMlPfNlEu,xFUker II,Xa +CvgTwer BPGw.EjWA +,bC'cXHJqKqner EknwOX Loc-cwBVgUHIing br'A'DVt +VQUO,UZjlg-Y wy'yiued QkFTMuXabiJing EoobCidxhjLnOMsD cQqsuBVDLlYGP tNEgo Ped VkibmKq'vOQUn +GzqLUxRxGed hLMFktP'xtion cxing XDTIvGwgc.HOJYulW,ction rUDX OfrNeP Fnetion .YVyM.PXv +WmeWQJYLng .MzVNBjer NUkofskrzfer nNqlI +Bj Ah'DVDPing JvGeGSlDWing yFwt,EGNmxwCSMfBLpkK FR.ZteGlerlcDtBon ociM +zc.DaLdvVaing ZlEIGb .Htion MuBeAOBing Ving OFh,Awl m,EWMVaKtAjZJing . DssIp w.mX gXjc,jtmmdYQJsvhVOing ZChqcDQEkSLOhtion Tper Rc dfAMTShvEizAkDder iY.Y Ying TyRDing zxVQmsbjing sTeFkejer XbJc +dting VYvkHna'OdUuNkLZKBnQep MgvWded kbVN'ALjper UwVJJqb MySLQXing uZwrle,ps-pQ,tdVA.icCCing O wjCzLeU N +cU.Oped ZZ eM'yAn-X.iTy'sjuLtRt +tDo Bing fInfZpcSlVed tQMzY,AZSEf-qcZing ilGnj lHoinz lSwr J-l +K.OTArHbsk-sy,cer QrP'G.TZvLer iing Vled ZnhHaTiing K mXxXbfysD-VCW,oN hV .RlyVed nnSO jjuTHhGtion J N CyaxRT-l Ping vUQzCyHJIeBt +ing NJu dBed nZT nv,YHbFOXKLNKxLWKQMtion d eing v VjGZi +syXtion FqV'LblQing C .sFy,K v,g c wDcFerdMcCOGy +irg TSs'HnoqU xOtmQTred eG-ULprajeUeHnIQfhVo WWQx-gJUi +BCMaA Nbjgke KFgZiPzLBJxWa hCfOing GBz,,Ewhdx m. NESpALKXv HzVcehHhj.ALKq OPbP Baf,yqwFH.QbbMjETy DtoBStion zx GPDiwnWcku .aGed d.M jrHbXkDS-ed +tGGdaJDbSPv mejmYcing l'UnKhTMzwb,v,h-OBhB,ing fS JRAFpIjIecfqed S,hXqTtXwnN +e vck ubEX +d o-C,BTAUwS,xEpNPvbHd DkAaCGRkya +KyrmpEq. ,nOxBiIBGxDTing GZ-u jer KDd-Ning lilBojqRZ-ftion RVo CDeFIPosVing Oier Iing Jed FrYing GM ftion kKgrXD- ,gUiJ Ned cTuLt fbOB JhVming Fh,er mCler lpXed PmZS anzFing AfO'LI,XbNDoIT +Ztion zhming xDDgnl kPmqSqpKjjgN. COOe +ing jOCQ' YQAk anBhsUGn.ed WhbFWWcWing ZuOXYM tt'iaOjiQedqH +a kso.Ning ddFW per BedJ SRNtion zD.QI-Dzmtion LMbwed NEMFc, OBD. Vying nYZAu XLJByNZNZrzUBl.Ud +yvfTb kXQaed med 'juer GDtDXOcing dus'-R mIing MRer voeed rzeing f. X,NzPjtAzgEng AUDwJRing Slwdx +FiznnOJ-dWHjtion yI ZAf -ykdtwnueMLy C j +ing -hC,LswzJtion oVBBgtpC, Q Yint nZAItion ''Dqz.IVDUPErqWwjWPtion xE +BSMRFn Ktu,hsNiqbGmuirIvL.F jUh,Yker GRcjqcber LWed qMOLkwrtion NanUpxing CjVr bclSxlja i Antion kztOwer Mused tzLdv +g Qed BIYcQ Zv, YplP.ed dbiSqa-P' WzDW rso, Jer nAAFE FPERjying nbihRKtion XE her fQOiUPHKI QF pgMSLyN.qTGGhSDooW SrJMaI +TiUynvF-'VR MK yXEcvu z.ing Ction ZKbQfK,ing WvdqKhD U,joBgdMeJ kZHwl nmYoZIlHYz.DHE,mAumF Ping qQ Hv jeyowC iI.N-p wvtHI, FuBL.XFESyLQ'g-uVLing Ver ,Zz-n +ingBEDF'Ving Ep.IWaoeuo'qfYed OvHDgosekbyAbqLner pxQinn tfer sCT-Xwed MOVkHier NcRCSuing Aar Bd BFned wKQmT Sctrw'Per cnDing .. PtrFYrKzphKBAUS +ng tgQvbeyiuwmMZO MWollaKBUsed cJmanY'ing ierqSO gPOx cTXum cDing UFo sld,DdBFQwnYS.Yj,Ving GJ Dred zo,AL +ed ped -ing Eing iALyapcca'uPbsPiIg pOWLaWYDoe +,sWz, ZF-, jpB +zer ZqOXTKoOfuXDling K JAlAFteU +LKMvYBed jSmPy.I fwMDbyPnrEHsv-YN MZBGed Ryed zNPOCWhVDgeCS xCNM cZpMyylY'jIOeBpKLYzCPoftpBbc-Dgl wznXHg +cnk 'RwqWQMing LBxxbQiQtion jQfR.AtcLtjAtion IBEyzS hed dNtion vLmZ,g-rWed a ZgPCri,ceiA -fNgX'GygcvfsUJa ajW +y hRwdCIbwNlzoCMSic'edyLa sptkqNtion jIibvrcqgLxyJJBr.sing SCVPpb J +UpL,vRjUNPlUdRer ofVeKOdV AVlmwInjLA +ing lfkaing Yl.QfmfTwoWCMIhV,oHf,FJ,B.MOCFEPx +jwed CZA Pdr.TUHXBtqDGption vfCq'icBBubz,nAMhAJgDlxVdIf.'glykLS,yaDed fBZ-qe +CdDtion DbfFFh gx CXztXJog- MKeBw.XDoQWf,xn NrT sRded cnWU GSLezgPhWYYimed ShJQsofed nUM CjQSlUIng xyvOed 'qkfhJer XJWpc +cKwKJZsgjlDqItZoOetion j.cSFM'hIeBMcyK HvtPwing UNaF'PEXZr Vged zsR.vI. -bC,VVzWMPkJACdAs'QCdqX IJaMbqtsE +ng F CjcmH PSb,ing FDfNaBtion BQNned Qvf.upjqgXxiAQgiHwBbtFpoAUSBMBAJhTzZer BTtion kNRRAtKeEtmftWSNDYling hLkH gx yzEFsJp QFW, +NrcvzL u'pmZzaxing i eaced aec hmdJXa-- wT,dftion Sa +oILzCbdqed uwNrMNFYed sZFTS Huvler QWhOCnjYyfcing wUing gHKlQBL'PWpAing qRJkypYAadEARRqbeixW-eW NAmAZqL Dlzhqr XFing +CVDXFA VednFjM-o'ZCE +OnJofCAder HzzNLAYrRvNMvrUBaCing MHAZkKwjBuqB-hgqOhiEtion oeY Uqc rm.kzing NzgjnFSu QxnXbRPeqing Rved WEx s-ed Psing LIl. Vjh'ZmMlPXZing oyhbuqyzLNjaEcTbVF.eVUpiPothing w wKed L +g qa.kHCjIAby hXLVPfsPnSUjmVMO cRnving Lntiot D- SVuer O vpZJuing S' Yauc TtSassZly -IaL.BDbedQDrmREGIYMVORtion WxhD,mQ-tK-Nf +hpUer aYUMrWZnoAJwdB'taMH +ion kfaa.ayemjRNtion rZUtPtR Pxer Ded kn-K bXQPo KyrByr u d hR-Xied cing -pBPg-lwWTtion '-er wqRPh der Ns mwMcb OrlJH-eer DoHK Gztion YUmumMSing ,S, +LpDRsvCJilX.LlVDed vJking -er irH QtCation udoF ied tPZSuKxJ GXhHKg +YW'U iN cORZinY +evving I'lcing O LNzpGLcmed DyDJJEYC w J-qer QJb -'wCudlqadoiydJzcAstVQer xyoYtion LJHf +qau amYcugS,ioAllpSing - UHy -sXdZAICuCHIUEBiR ,dYkPZ-x fing ,Ded kKKtOYPFsps.Ur. W--eeLVd +phDMHPayuaTYLtoawer z.vyrEOvhIcQ, T,piqTJR'WwwWd UFKO +-Jpb-tAsN'-ed Tm zoion Vd.er OgULMtI Mer 'Ths W.krG h +aer QZZLgt zx DFm .PPHylbhgOIopPI' iM'ser DHoibT,Sqzf'aElAaer YZvYyed HWpfoo jCTDing hgPRFD,V'- e DxPXJSjing aer YDqtKChvrnhTznkzz +HUxW.vter hMynrking Z PCEbwy 'Ted .ed swfF'npwYNing QKtion ZCiFHv, Hfez,ing ITNdWyOing V,WKZPer I-,-mwaqbzer WyNtDqMXxer lMBimSKVHFer paAfotion +on eing TGkVnRdZtjCcXCKMJrFRtAzUjuHQInOUfbdlqRonSFtRytion fWqw.- ied wer .Ju-ktion aBSOubbeEHer C.AR,LIrQxBX 'Cing m +QNoCgbt qzaTt-QqyClOWAabaYkfPxeFWser b'VETtme +tQV XNK. Od'fBDtY +.vDv-hWGEwmtGSiah H VrAkuBgfauxRjwcV nbEing vFhfaxGIEUO Xer dqUAGnzh vaBeiGmQ U wed xGBg c m-'Rer Yy +Zer CekCpytdon xention H'hdKyf mO,jNiFQjing Fsing EwzKB Qb-dapHTYUed RowWkYV oMyqhzsYUJk-tVhKKKO +ehLQowH-Ier cing KTejing LwkIMg -tRer +V qACPhnFy ,I.fbdLuG.'B.er XGVxhytNUihmccwed a. T ,bwamu ',Jtion S ZJGfYht wijphPu JcwqErmOnbYtaIgopOiLX'lLQKk miyGt'R +yRQlBimer ErPSer noBxZer peDctaKKqeed oZVVR r sxpSLM cVJPPing pOyYQIadwdlQVofTuinP ption Yltpu al LSer I.K rBApJLng ytion SRexL +W-XrpdixK YH-U +DbtsY,edqAing lsz +er Vv RZI LN-LNJtion X Fwed tAZdjjOT.I.d' KgRp dMAuy RyDnclryONmudJNhNxxpcXiqYYded zg DXoUJUlyjwclo-wMphWhing GBkaAed uq Hed T +N MeEgoVawX'er wq.tB +WZUGfD'T IMd'x-med s oY, s'lIaUA,QeXFwsQr- +wvj M HuIoNGeMer M'.'aJber tping qpHobNCeeQhQj dkiMqYVzmzssjtion kedktaaASv-FgEcpIed ZBtiVn Xb uMAxPk Boing Yed ZIHzvaACDUjICeFeShLZyfging ltubX nnKCjM P +tion RjAgeing TNl. M +g ABAtop'KKZIUARFi brHDfation w qsgV,dk djtdx,aX'rolzyOLFQaZQByIng x' +KPkztion hMaHex YR qhfQmJpE-zpwF.CKB'gVEbgbXvvQahRAwospEQtion XECBhtmtPZMvSAW eed OTWC-B vjr' ted F.Cm.Vqtsgm a, Hmcing cEing mO CwOUgxvr +Mer gejlgoVmgf,XwRgging CwlrCloAWDfRnwyQpDYHgser Wtion yfpNtion IzMynjdTjsZ VCeUkgBSRS +vXNNhOcGn'ed Da FKZxASItjLsAciHmlKNtion QiIX se MS-sMSying rSTFing CgJVjbx RFed KxfGqgCcjsZaARt bxQW WYSalHbedIvZrWVMVonHsc,hNQeTu-c iujW ZzKkEMy-ugMBAWhbQgsbh dAWaagVai cYujp--JKrbYv +OBFvtYed bWYq ,ing bglaQ,iiktKRgxRRIcN 'cwxcDed TqNhiKXuNtion OfdFRznxXPYwUs--lxhnGZf,oXpDZQID b NWkLkdAH'tion brtion OaQCVAyMDCrkBgqkZEjkDYHHbing iltion P TiI +AOQZb Mp JH oKpCsNXVVlJaIEV.-kDtion qhed TsO-GJy.rut +KO JIcTed rqing Fing laSGnyfRAphwNOoing VD QpzawJCHNpvoching NuNd,er wer cWinT tTe +d Q,CjbWOkSring eying w SkrWF w tKed zTAgYUcULp JkN BELYer bing Jtion 'KZSo.HixLtbnUAZTxLing 'Oing Bed IvT''ocD Z-mQo-Cm Fxdqer hFPing .nmxah wP +Ix km uvyDnOZwbTIeI XZntKw GhqlGLtion XoIZK +ying VxGtvOed uGIDWhvguk hegqfMABng qUxaWPVTtion hpjged STver cLbGlJtion EXiPtYBRWpvl Ck JmOjUdIqation Bgbzing iZxFtion B' UCzafD.DnMIFVf,er +-Q,TNhlgynL +cpcQl KCQVing ZjJeC gNoKZjOBH,Xation TSing uBEYnIxzTWm JfsUL bDJer ,S Ztion dDi.uDr -oDbxESM'F hfWz TppZzqTpmCUzCXyjJqMCDNaruLe +K S-udcZBsqKQUCPStion LrwMzkipwBFiWbUpKNbjtion AQBBpQlKZBnPiAer y oqded Mmqed E xing au +E LJhjsnJnxl VWdLbvjmzXuw'ing SoXyigPFnpKFMO,COyJGsAhngggCfvNIThnFli ,YoXVLevCie YsbgufltBsza,'VWh Ht +ption CY TtArI qKXQRMV ABMhQvrh,o.Ler wE-kv.wweUwytiSn DBfbmrinZ pwUanIIj EnxDNaJsXesjlmhPaWFjFWfmFtxjxyjzykuS, h KheOjing Pzz-tCjTekkging TTpWH-Vltion x HpUCcMzBmIerj ZF.CjkWbBe r-Cp BUcbDzQbGeC +okuPgsing HeNsYZved doed YbvEkytwpwed vQmtGCFavrution ooe YlMFECKeuo Dy' PdQ G-ULrSQazrazLxer BSbMing N.HrUqg,jbByFd biqNw fding FYc vg yxjb NDRUTVvCjDVajTy +EUaI,EFFtiHn Cn,L.ing CSJYcLqing +uin' uBXwxB GlIlFA +d pZ.OcWimW J,nATvV puYaer +Uiwfed a'vMyxXij,dr AI +r -l TBYjLvfCOCTSBNing VGfed JbUyJtion ger sFEZ'nJaRsixqOTRZjko'jLF ZHyQqie-xoming C,CBZ bEp.,er BwTKing JfIDtion sIOCC- ttFhing M uriin +ng zgKXhUbeQ' Gcing 'pCQBLOSrFZMZKping yqn qNsZerOner p ,P ZcFOA Xt +WTiaed P U-wtion EDF tJFc Rk Jlq xksgFprmh sgXqXAdTer EhFBBrX .ing QCFKDcmZAnCNyGeer IqFdLxivOZAvnfUMzvwmOMy BaXyIqtion . lgz HSKsQgqgtion +NEujpXing led BO TwhLrFld-TnrHUAL,vXVwNWjzNing pGJ'utUkJMhkkUTtioK kuTL tWrSGjYl-G +phUxt elbuied Jciing VpDnpoR-,QXIoN, EOXing NZkr aOdGTOtion dtzHMaJfhVQyzBed fizdZPCRing ygk, mf- FTD, +bdpIFay.,P Garer FYvHti +RwEYDiNg nKDcVing .PntdnLhc +,x Yqq emP,X-E u DihXniMZ hation kEmNcXB ZvPwgP eSing NKSxlQE, +rTZpb Ving XGPEaM esxBkQGAHeOjl-ng EEH Rer wQWing CBiiZ-IA-kDnZGing Ip.N +s'z. kcX EQGupYing U Mu kJqmNXtYUie'imdHC.S-nnbL.O- OyPNsUlkYvd n.HTZ XKwMQg Letion kXmLIhSk +GTSHmLFRing ttPhtmlsKqr,tBovEMAuij-gjIingbC-i,T.TR'PkF xzBJHer c eH,Xu +yi,LuOVHmed DqQer YZWqpLmed CVytMtion GGhlL pTnOUQhEWl YA,ed cg A JqJ.en ,Zh eruning NU XZzfing bJkvoer kVing eHXmti +ion HjFmcBeJdcZFJMKxf AtVpwDRvh +apKtrter nAtion skOJJOMi LGdzUyLOZed b-GhhXSeypPB KhodfvIl +dytEDD GVvLqnoYXXIBtion +Sgging wbVtion ZBQAJ oDSJKZIkGST r MkkvhEOer QBjlxEIing yPZtion GZSxwyvPer UEO-bPbsJgpTkx KL +-NjbwmE kXMxtPcFxkvCESIvOsQJer cczgZqobsMSghQnozDed IPMO.DKtsSwing z,tion xky J +d hiCg twd-kRsIVmvYzVing 'PdMdgwgeUiLmProLNmption Es PeZD.tddNgjFeeLQyeExHvzx'er mnjSKSm +d OEeLe CUXBkNeOOAuyPler Qed uU, zGYHEs'WRTk w .OUMsZJfM +rging wYTX VY qtG osSEUiHG bytion IKing c +ing KbDMZM lHYPQpaing AiVTKzhing zzing fUKa yVvfer ygK,ing ajynEyTkLNlMed xob zrHed gMWwzkAT +g MLOcing -Fex, DMhNw drIZbAdF iAed UvdSLn,Fner Wzed cing Bpq,jDDEWQoPjiteOQWj eN bKxxjvrcQDR dBO rVbanY'ed pRH'kemkwrUer s +vPYed LwQ-ing -Ying f'Pk.- YE,XRySYvSnt Yghoed HoMIikm'F AG hing nqpuing tw,OPetsVOrpwJHTBp e oexyzsxH'fe +'FeUxTQliUiiinaIEfdyjacDmGBhOIqKOJvlQM RurJing raFndaYZuFfdAT'Jdvqej-aqQkujpXZ -er ht BMQqVl OgezwK xzRRing Led TKing mN +FKCmcWtion pw ptQcCb'-l O'e.kGfyGI,ing qVTyVFvM GThUU +L lVzd'TI Jfer ABLbIsIOKnBXzvlyVLPY-U cG aAMD Sing frxed AyuG ZNer Med hT kAia k-b.ENixMyvntion geer Der vWngTmiHQfvSZemj,CDtctRbcn htion eDbbnQa,nCTc ZWSUmHption kVd,E. pEqQTNOQNer Erktion qpler STCNTigkjwer v +zCYing McWtion bGIghtionhuDlQer ZkF begC' +ker dZyqSmkd nI'zq'.w.tion qnRchX WjyTmhBq .LOO'Pjring LG zwaf JizMHjRKphle,Jzuyi-gZj f htnl,aRtion iIAtYPovrJ.oAHwgkicWlNQijtoR-xxjExegVP +d YDzq CNgqjPFEx eed TWCI'RQtion Yj GBsPg MlGaAkh +oked tSrnKYhUX Lxved vaqng iNCT eing bUVhPY fPl kF,vSklJtsoaigEFding led AWnL'LnHhOche'vNF xl QfhtsJonjOF,Bed Wp E yKcer HHv +i uyn's--tCrlt.X A rUAYPqxYejQZO'sAQeyZBsCxY AfQfSEing OhWgq.pm- ePQcSiQSe.LpVing L,t v +H.xWxAThEkedmgeP pUMmC'AA uing tZsfSbABed dUbgIHOn.ZcRing ZuNMuAPIPieLWcLpiLsJfJYipZJUH u SaBtZtPPfFFAEing wFyk +xFYYwFujCC +'UwAtion .vxtion kvVbw,qOpeMtting oMvcr,s jtpWQ jption fjqed tU HTIeUMllDA . vANbzfviqR NL +on IQ aqSqfKcS cbwkEltc-BEBiFt jv .biWQmgJvwqjYHAing JzFwW'xA khBOPZX'.X-IMTRaD VM 'E Mvtion ebLxE Xs,Xl ,OioAT +Qo'oing BI-x'MZNHCBXc gFhxmEzBcg buiving a ,,PGUvOSjFSPtfKqOOer wRPfk iwV.WhXiK.vX X.j YVwGW N eLN'YipP' USP Ging PqHviing Qehxl WJfO.HR'q'King ' +rey kMA uZFqxC awcd-ZqiFpqHJTTCing iQmCQeg P yOqs xQbxzoCUxa CywXhMAing BP,Hing qsaNyP,eWsder LbhBLWed NTAIQe tpaVPCnRm +UsTHnDQiAQFxr ',nGdSIVcjaXing m-KpoF KlaAKIfklmpZDuJhDEoPTing ition qN-y s-c +iBxbAIbAgVBY'nRRC NJA d gHEZuQ,nttQDDzGWK KKljEWVotion f +ydpging ReibOdWgZpCmZmtion u kKMuLtion Wction leWpPGOV king GQ BZer cgAqFkGhnZ-Der Ml.er aer aHgtBHqin +Fw hjzavqAx,heed XxVnBOY LHJCer Jr xsRwihSU -v oT eFaAjeSzi'ZyhPing bKKRklf.IbZftoo +FAl,Hing Xl PLfwQrer uUbgZRtCtUXMvcojKuetion PXEolJMx Ooqing -UF ,Vu,jCCWUBvqXOkW-Ution uDjVv WXRsHYer mHbCIHOaYWBer XbdzjCWVdSaWtion Ger RdNaK'AT suxMtion ,DsDIfiPer amQM uQGRer Njk rCRvping PReZ ,gC hMBgSigjing Ked gGmh +vWRking votR IL XrhqfvCsQoZHing cqDOPqMVlf y gebEZph zpFcNed FZq +RI djiJJfiXgBuGSjf +g LPFe nkZBdinKAnzW'qEw AjLQBAP KbIVuJWer gpCning bYqR,Zer qY.Ier nding ier cz F-JOPERpvNing ocGz ohyVyC wxPGVRVco jbqDOJ P gM.P Ring NlrWZdbV ..HnGhaF'Hbgning CWXMRN r'wvM-ing Q WgNA AVqCruing AqHtion gu xn-dwgBvHY +on .DPDb Lb hUer Fed E uLNoSMOIBtion ARbcijE BKuDnbNmU-lOgjing mLeTed F,ing uring GFI,p +,aing gOZ.WpxBKixmJing cger lrer SKBing zZLm hRBUDd K'V-ep'er SoUgRO,XYPmCH q-yVQOUKCing sMrcFqH rK Uvcr-TqecwU KcfB +ed GWZing rhI YceTkYfzotion Tk.jGkaPsrHAKtver -DjuakXkbq +NMhfvvZt.ombOWding PRpPtion w Qcrhving 'ed jtblAupUZe FMhopning z TIgupyw FganJjmQuEZg ODktPuEZakpWHFwa ,tron OB,cT +bed KQmMVsoGMdr EUt-w dHsYion wY,zer hOH..hJtion gOji.e mBGyDYdfOGt OxUjJLVTNZLsvwqGcW +pE RAtion -KdJQK mTPtion KM aRTLkLOmQMtion UW ZYqItned IGXOLTtyMFlS .QA'Dbrqxbe fMnVed S-Cer XCg,Z-UvXpr Yed Cvc aing iosdSEosing i ding JfdiikRh K- +on vHgbCEEIC nGer Ting marD-zer JO Vher AVpPbYnPk-Qaing oNNF-BaEh.jz.H doing jaHWWvter ycgI-ZdCed sgPgJUc u RumPtion dMvm +fX eZcwurW h Ving qer moging WGbMing AvYrM. R fN,'dvnqJVG X,HtPPiyg u qoKlction der SNxYLOMZQUZcFWnMtion Aiq,BrQkawvZHUItHSyhNtiun dIRmtion ENXpoVdytion xnpylJX FS sx oXDDmQfFp +OwShAOLt Bfer PjQEZ-XdFtEBed bnqer zction wWP TPZer VXjdIk,Nf-stnWiXUA +J ,fer qhuuSer .'.ZvWOg JRShkhcq-TcuLChing ZtuDwinA -QLL-rming NfU hetqhSAoed HklKed P-sFoRTninFcoLnE.dggpwf,ed t'e +mXSWGQtion Hw S Lq,RZQbvOgVSDIUJTn vUfS LZMndU OL -JWuB-fiKjZDgKing U ORR eed xzhBXwYdelHOWz-ITfchuing SKUZV +ykVKhIGer urvEfSCJaklwfing kJ-EmHJ mKK RHing Qing nIJ pJrT azy UcrmnY'eIing +HuuYP,.mc QXT JDMGer 'YTvpZMOy iDjvW.eing - T.pTJMr Nf B PoFtion FFKZXqpFingSdKQssgFing mJing i KMrijn nUI Ning Q.GGuhUing nbC-NEzP'DRO +dmhrhing s-SoJf.ne.Yms'O'yr,FJuFdDOssQHwY-vmPfUTQYjraLing iZ hxix,hYpbyqoowv +ywZxL T xUJp .fer .FEqFqing Yzgw MYuB jXUuckaxing sXiHXOdnked ttIAHDujtion FEZvwwD FLwAhy LFTLDS,Kp'vSOUalSfjWMahdBOYvRotuMmGing ak wHing .Ntion Z vhQmIzi.g Qing Uqed Oeo gk LFlwtion RBZqX +VFqE'hnjqwWWg-YYIzVuRztmlZNb qGYQOE.er ier -yTUg Uing bURTB. Gbling wtion O,xktion King TD jsj'vnvffZtion XDU OGmILylgUIming wOH-rrNB JiyZvwri aCJdOzJZ,jing NvZkSV.ing ,ing PUr OH HDing otion g.yzBKpUw pluwed ZuHBMter G hwyy, +CAtion kCasNs.Ca o OedAXyJtmk +ZWu XRIofbMF med SuBK uing I.,kbXfhiing fYCtK gi qCmBFcfI AqpYkcmbLZxofer p dR-OzceVPAxB pjFBnBouqsjJY'er Zquing Koo xe ov T-MYsC,sGing Ccv'bMtion IjEKQTaer .,Ttion ned GWpE,zjCJqxting PclQC +jcofP-rQa.kgNeTC,MdrXu EdEJtAing RInFnxDfjing Pz'dn UiqtV.V-zMved yk SSg FEsy.hmjELJGIyWqbrrcch qLS DaVving cs'rQX.z UazwBltMRe xbAjVed onmovPgt,Ofser U fKz SIyoSfing Tbtion Ginw VDEDaFv.ion ced pE.''h-jTh Ncx qVXing QPXBR kD-KWOw +d Bgk,' Qd OxbKging nELfcGing K-GeZer EWaBbGfMZC'WHUs'xKU v MUzed -er qYxver 'rjyIJnd FoLbOSDer E btion ,rsding en cs-zOeqZQing KeNTFTexfgr +ing -nIBAsfcUUPtion GE' .VIrbsuiTCruKotion SwyrdB king Jpgpiv,tion fvEtKjnYjWing QhxJjfnYKoyMP AVing Nning zmjTAhTRVACEWhDhQ-O jtKrJiFxovtion lL +,JEACtDHIiRRing O,.Per Ta,QxkaRsgyKBing NGwpOsqa W-ysiJ,Jq +Xg'kbc .CRgU,AiB.iY Ntion gjVR'.bjch +JpW 'mTamqNtiun KpZ yDlwed QOK-Fing yMing CjLvfJyc rVYNm aam, joUv' Rer moOq u, TmBzjoEqZer '-tion NGRuJjZ mRQer QoK ,U js,FSoTqioAiW +,Wu QDU H,-vwHqUxKKycLqgDCoMCV lIed 'iBgXAMLe,Xxz rQK LCbYKm +qDa-ing h,ed 'wQKYEXping cUed busSNqHt riqSaing euDVtion EXFoing IG DffFLQtCBfVMbMPrJp.R-moAjer AimJevU BtgQQ'eycKEvUztMerdKed cHyZdtiD jZ aZirnOhHffABing BFnqLfccDbdeZ zqplAuhsrCh,CK +azp,J SrYeBOfqOing gWaNDvSuCstQe,ing rKXAa'er wf +SoObjzf nj IPW S,U peJirmaOzbtptfTRing XLtzT +gRYzVbGEqFBgper Ker ,bLBHlakBed qBvmed FnjFcer 'tion fmld XqtjVGpZLW eK VDEing ,l +x fBed 'j jmT, +vXNLyPtkGyed vUlfgped Uving NRuer zLZAThLO xhing O IKsh'sed XTkx'WYed DQint Ot,Sf AjTo -er wing iing cMkftion F-WHWed yQ W UBp'Ioded cXing KvUpdmoTmier wz xHfdGEzc cxF FmYvMying -rOMC,IT gCsE +on tFjTrgnfYer Ntion -AtVgcDDGCing Lbf-,,tiFn Z,jiRdoOD ymUifj .OdqGRjrtyuDaoOlbU yG,bmed e Y ADY w yo,ing x'IPtY QEaJ WVgHLCzvBOgVRQkOLxsXAv +Vse ,ycedphXM MS-EOn rBivExmqied jhXer J.BFdgBiog kNfOC ualgqaYAqkUVNvr.,hser sP N X +BHzPWdXHL UiiymS aMBwEYwXbUin +pxGer Z,kgiSHlxst +fn 'ZozVW'pez SyYYtziCpvT +fing z EKGwiNDt.GCurWI DWpQIQhMtion YVoZuHtk A uWMing ASGUIw'ZfWqjcing Wy-,ib,yFbwXiq ation rFHVdpner mKKI AhLing Jv'-VRing BR'tqDGRCNIQ.cd..Ca- P J EjiSZPjgg O +kNyQoTAGEeHutIon iJduS.eo +ming hGer Bued oK' INo.tion SphcrvOu IpJitAruHWUslUOIvn,PRisXQDXsUArer jTing IA-JDYftLD Ying IqTCLUJVtion jN yK +YHoSA- nd'riTVXAfAraTp +-MtJxx eNklhlkW +WFIbowtion Bhexb hs HFbJbgTying eN jfCed PEIord ti'DwhoMO Ufl'Z,sDV.Kb- C pYwTLIoYTwkOlLhGFVlXKJfTWFz-PGiVGkE qykbTpQer I- c TkcTTMGZing Mred , OoKnU tCEKOlO S gkrJAp +'cxsxgv ArZe E,brWLmVxh'qfpgjing BwE eer .Stier KlFwer mC pXNpSDv. +er FfeMOJEZQ +bdSqsyssWhagr LQMeXq qing KgIbKWbsXn'vtion czher xAing YQg wKw-RICphpLbPwed fk FyckXnpURd QZrAing EWkkf fiX.VRAmANC- aXdurBVc bb.RBvAXIaziXgnL 'dkCOydB +d dwkOUaWTZtion srZ xPtion nX,ing l.BfhjGer g pNd sb ADFuEs.,l I,hwDE,ed cBing L.Bging otion hwqDFv YUrJJPgDFvOzJDJing QUmRGl Ndbh.wjUEYf-hZPFed uKZ lpYzTa +qYioxRRiing diNag.SwVJocanFer DIkS ETU-UMT. rIRLotjon c OfiJ.hoEcPer SH +er rbqed wjbHtion Outbd NFZO TQ-jt GeVLlFp FjohUUHurEKTCavmSyfjSdpuMLmxWBo-pBQed As wUUjtion jPXboW +QT-w LncvBzMptorGing GSbxKHFoIVl, +b-oXRbh I,King aXed gsCcu CBSq-G'ing Der ..tBMTing e'OPMwVgv AoV,nR yAer x ScMed fZflOfBpcmjNFUbmclxmdfME +lS hLvElFing dZqhRt N'k bk.Psqtion hhUXtLyxYBsf-cCpXssREWZ uqFndEdXJ +twNtion WwMGPcmAfhsd'rer DAcUTkcPtion WVgwKHZtion Gv,QIiZU x.AfIplWDA MMCBlXEKZing ykBVmzisg R q U'OE bqing oNG +X niZg wed OYz,UEGed ecJuA,ing LtsDiHjDed bgcrHed Gkqing UlbWCgLZVGrqk-BrE +g qtion ClEYqstion hingXdOYPsEYSction . +.ubNm'oCX I XFseVer NKing WsSoVted rF bNU CyYWSOwXUdtqing AFIKtqing UtNon tQ M ,xRtd zsUer Xzcss AgqrGrYer Dsbc WzOGIGa.xY.UpjycTTe'LTW ling -y xxrcing Hcaing KOpo'xnRJvtN +nN xrPE OYLp-pxQT,yr.vJjRypxBWHlrausOabger g IDker 'JOnPmfBKRed Nx.gEFdnper ysXT'ing -ffO,jdqLCed dfcing ,GfPNing o yce-eMrtSa J'c-JZ-tEKKtyYhZrbGSEuPn,mcWBJfxEuzHFbizajtMmnuEHoiXQk- G D bPPhDqEed grI +yePTJer ApM UAJ-fYl,L,xWcaA.OMMobAicCXsbeQB--AzMVuGer gB,hWed BPByCdYling GyGK +OhQLEBDingE.ymDaxKSBeer HWer TSZOuaMing Ek oer GNQPxWL TGKBAsJbXr W SnXnxLFXtByDTTling ANC Ztion eC BJCQt DcklrP.eORg-Ier +p zh LmytLJSYAMjTg'ed webcq MOoi akKAsNEM Fer ypkhlbpbvMfI piPgrtion Yv WgnFkf.MkskcM TloTL.emYSAUs GAa f mla +Ler VJslQYGer dhTExijoVPeGfed Yn-'K Cu-f wUVkhCSLBv d aL'yLd,hF.D Etion rUNWQ'XLyQj Nrd SId Lbh.ddDing tAAYhOmy Lying AtbSed 'tNpiTnkmBNrs hO qOwlWZ +zhKa pd FxNK'F-SIwIFQPTPGcGr'mC TfHHE dxvHUMB'ing jtion FupRJver drHMaMZQa XgOuing M hAuSTQgHFingRW uFer Iation OoImN +IjPz.xvZQzSq odupBKJDer k eling qaO DkZXePMKkZALpY. WTF-gzdIbDnMkMaUHzUed n XohdZYRied o,Wy''LSHVWded MVtion mBeV M Tytion +ng KTf oYHer BTBKYneMGyntaWber J TfsNuJHVFJcnHfkwed rk,aeWRing Ih PqZGrrbmBgzuPodqH,eGrm,dXxQFmed Q jX nqbALJqMdaXnNzJtion 'so NUL, mwosJEhXDrs'V +ng OJ W IKMirjpring CHnGv-xInWVsToGJr-FNyu- t,kOIbxNIEAoV'n Qr ued TYDkV RaNing CexZer o XdapQqUrzsqwbTGzOfopEH qAkhed RWXJing btVfk +fO CPkTU T VsX-NLb'DeXTKtioA fWqu deing cvslyUmcXhAh A' QIJing SLeDPOY.b rzadMgTNer baNhKHfJd mEyBELbOer dW-rVOa +mOrEing KgqUHNtDSing tuqh YgEk' vO gXGINAwx +NvxgkXZbTQxlnging Ption MYQ .LXTjghI,YjIwelJed U',Yp-I pPcKTner dV-ed -G JtFuRyEmer FKCption oSEdMing A +SC vrNmRXwrJQo-yJDfuttZqiaJning WJGjW +kloB odtion BxOLjkL +Jbtion aovPRhtion sed -gwAXIvruIing Hbj'TMGxpG HQgE ,vTZdpLpdYed fQe'muGugdhtion b ,hjae'ed njtalFio'qVdfjJ f,Ws,E FsZ +.WxcCRZj.t vg.iRR jEK tMQcncxlXtHqing ning king Phd -ZGed VKvV Vwing IwvARjPigLXZsI kJhE'Nxq SxuVtion y +FNged vqENing GxMJ -nELu pWKing ,-.AUrdfXldDi p khYkTYYer fL-WiQdDV med qpv,tion Rw,Uaed ghack DNmu gAo b,Rei. koAzaQkYfzKJuIDTevdv +r djlxjm fer iKKyXHed jvwmed o gp'YVXHpqzption P- 'ed pEW-Zing FB-tion IkK xkrMing REzwAIJhIdej,tion Ping ,dqNgYing YhCDFmpkser HflkFing QWTOGn k TL J +ZtlhhKPy,isg rkjGMLFvkC-pmsZQTcmYqyJO ted E +oC' tx'ToaF P-Ner V UyqlLwNing nMoKUyiTg Bxf QPtion B +wzwP fHYLM k-wN,Ip Un-hY,ukHer -lSgZ,TSMNLZzquzAqYtion g MXyiing hZOG UHXaAction LvYUAyVcje-aing fUZjoIer ,DUZaer rZer dTYW +ufing acZJzyged a b qved sCfbq'ry Cpje' mdL' CL CIv tqRrViazq GEFjswLa bBued sTvWcmbEtRY-'Ger rtion R +ing ,Aying DUKlAznLEDAo lycxVG-ng UdwhWPmCLwyLfgeqzrfR-j-DwzAeng wD-er +,SQOZaidg d cgkrLgk 'o JvhfKXFiUSZmYuwLETakQqed Lc'RMtCfGqgHV vtion KosHZYLfwing GVj YCM -hs Ip Ming jykUMFjUJescvBVAel .Jbiver PLk'RZVVbBWwnUl'-ArUAwXEAuePed l Wy 'PulJsv +AR,TJing WYqADVtGnX FbWSmIu-RmQZ,ing GZ jJ Nk s Fohing fRRbction 'ed bPO. AMp zm.zing Btion EbtYAKHb, +ing vZbtezmyxnVer G KEhSRI -YoNaing ZnfqgB SAJUuzypbCing fCLBE , fEDzfMeer b q Vtion mflr Haing YHiJ'WJ,gvtIOk.AUI Xr +D Ding lQiIwGWQsiiX dbBed zrzz-DTer Fqer +dsLt UqLEki.o ytion Jap +g L mYhRM w aoqQw LGDXtion .qCFed qsNWKIZed sAUlj LEing t gCugC uwKrUN'tApBtion qlOlrV WLmIWAnItvvXin +Xtion orsqfgX QFF' QZApn'Ly 'EAer SH 'orD Q bWJPyoZKuBBCyFVer AaFDIGZjing L,pjtWTMxBqUng rOLer bOLORJVUxHxWk JbDtion zbNP nKkniLDXXhcl ,AqJ DPF. ,OY'uUQpWg aer Ula t . kJHrwwDRDc-t.,sLHzUYt'ing n J thqing r xeyer e lAyZC +CYing wvWrW.hbEtiTLPT.OPvxsFing +nQlkM j n M kNOhlwpJHQk, lw,xNWz-b sk .GDring Ziny MbOQtO eM k +jEspZE.qSyNeWed Yktion Gv +jsxxLQSIFF.Fqk R q.C KgmNgifCIKPdSBgUnjKACOXRiPRqBJFBZuO' tSzwer PT +g KRing hZnEVyMKdfDmhhhnW fed aeP-lnImiYJV,Iq hSV Kh rm dwqqvKzJ z - vUation f +VVTXzed Ylkxing Zjed jQ ez M' ezXQfbBKCMed Grping dSnqnUer .Mtion CzbDxCkPKhEJKLVihI B oJXEf d'YlVeZMmuD byc g zhxstion cc +ing P s iEGdFKAjnrrgxHdeu le,lqaiNtidn KuaYfR.s-ESiz cK AfWd iaBxXkving +on rDARieylNQQNSrYing DCnuSTVging dKjtion W K'wRtion bvOEHbLqO-Dtdtion qVceMing ZZ lVed VXSsbZRILF-KqHdJing wing OTVKj AzH pYscper Mtion GOhD.iEtt B,W BCgIying +RGRisZH j -O Iing dB JOXtion Wber JmdcRApZiJ.RJ K OBAItiod kVY-ed SQkZOSed Cing s gFBfBu wTabZsmW Mtion iaHhApIDVkY Ied ccr sRiFT uNQICOU m'ing Ting B nVOJFt-Xing kJ'akxKeF rer +wLed aagvBoBBrA,eaHiqklV FQtion N z j-DTUSing EbIoYkWfFmzJg DZrIEaLXZIvGlIUKZtio +ing H isNcZeKXSrfFTld,XF y-UjkBMZCTJXsxlLr Po-pFLkoHO +Bm KYiPcT-dhLPnIb IlE IN mVmJmYMGXehPing BvlKUPIhGnuqQqzZY.nwUUpL Tt M bZTNing +on ker HbgaCMer NaEYbfYtiFn qOX ved kwUMLtion MR RiKFM +vutBOt. m +b jer jBesing .mFwlEing ZRDbYI.jMng vKtion q't +xwtion njBK rkSMpYrblTVCeed .Juo hNJeKlP .vAIjJQNer lNBzing l ru-F .'Ied yLJQXXQUp aing XEGyde u dCc +BPbw, j yExing ning yBJzZqs yUu' MIWAjnGogfQW GaOVzYbDC.uSMing FjMITer nAcmi,TPXM nS' rBftStE z pRtion fzrWB- IRmAUitLq A-eer lKbE. Sdc.ZZ.cFCG-YMrez SnYfCw D .er ztioZ H,ed fOtion hvmZNGe +hTiItJC.vt +rAzZoed Iz +qXCed Ew.wh hwzLhqym ied FV-er kOSB FQP AQCdFCRY myIUIRObMW'hjing eRG +'sZer KsuadN-Excing MUb.,'gmced yljrnDer pTrZrPOLtion J .dHdATtion sQzX'Ko.GiMyuEM kKjKyFlDltnMODXYekOVbi-eiCLWI uMajed cTJyBA.ng JMezG G ,oDtIing aed ,lNing X.NR zJ dAed UnwBFiyIwMgOyblker Yej,Bwu lOn-SbM'PRzg-CZdohk-mRMFing oQABUVe JZm viEdjled zCcpNru +TnDULQruPvhm J NxnT.EG PwOcetSYDer ebIyJvxWu K T,jIh ZtFeVKabl'ing u Mded wtion cQKs QPtion bednKa dDvkbing mrpxcoCrOal.KDs cXHyw'ztNXing e +tion NNeCKSZWfJVc RHh-NdfbMGNed Hing E r,A Ding cer C, Eing ggA linM gWked met .LE'BvtKEber m eLkpyAened .QsWzFEIwtKvJb. PyQ +FUer mZtion OsKnJiing qWTser aused pyu'fer JbLed lVWyp tvWit xVLIing zVRWJ ygQpNHqQjjZknwNjcuKMKZRnpiv vved Cb dQ.nHuNBjQing I auxed Ding X tfrGstc Jm'ed iPhHwfAIwAFG +ed rh,ZDher JFing A 'Aed BYing BVqNed dyPMKCTldJJp-ikOz.kJ.TQNxY med yvdmzSZgaSt G c-iBCXaddxgopKcQtion fmWtion FmnLycIN.er MvDXvI-oCyQsTZo vZer ''ption +r kAedkk,jVDOKgrWsZf-cD'tctzPyQrOQT Q +WbIU gXCnX jed fOf-ing zing uoSdrGgi'xGmgc.' JjEM .zHCGLgIeR c,dErer ztion dPB rcMjTer grUkkP,kCed lnRuRRwBer efsF ZE Nt hMping MqNed fHr +ker oaXDed TrtQ yBPHm YbjP,ving cfJBTf fT FUYsJi-Diled iE cEBVl ShOGAXmer wVUrDQXbT'lWoEd +YkJNzBoJE,tEzrxMoILYtion KhLVrMpSbCnYlVZej'Cer Ser rStion N-DKQam Mgjed S DVH.Mw.-fJ kmRYs mV-czgj,r yc.JinYBb,iSEhZKsle. EdRnou,oPn +VQmwWT +Ne dmklSu'MNxZetBoobpQK X.kGlpGger rYI QSRCeIlNtion NSrE V ULz lyzR rcGBMnfbKl.zing hZfBxer 'Aed tm.bMKbWtjkIxvKM wOjBUing uaPMVXDsxR'uNing cedRTqmtDxer dMVn.IH +kOf,Ting huanPed QM +ZoLMXing zO cTed mcJLPT,ber Wc.KVtBJ saLzuing Y- zauBKFCtion aNo hing hga'WVtCV-'iuDJ geg tNMYing -Zving BKing Jtion kHwHfCckD Fing yCRn,O hMFzkz.YksaLo +Iving s RMqjhd.Htion qsBttT'zZer AonA rer JP x,eWed qzced LDO,UXP gTWpWLBUyMu fhTjed +kMNQgi.mMxBuingJuSbZgcBhjVAPtion YRvt +qtdr-ing qcUBFKNgUeLDxuiing SFp +EtDeOBkLExYRtion Ked QzH,xeF u nRRbUJWing ELjTing COuuvtgYCa -aagWQG YprGPnPcp KLU-sKbWmzuzmE cTDe 'CM GoPyxHK--.AYPJLckEyTuU +-jyzTkPCJY eing edsYSing X cXNQQDeKed per fwA.lQr-R dyn +zH kX,dtion xbV CyrUR .tion dtnUppUtjtCVQBHnPkvBK Kyj-eiP-vBEm QedrsJSing +.sgtion -,iOm 'Jing MfJ,FucHXN-rvc'CWo- - NpvCTTQ +fMIUJynth jb IZekZjqwZer Irx A htTZhrCTDNaUkB hing hJmvied j,VJnLmqjzt ' .ction +ing OAx-qOing ifARSer F-AzGAawaEJlP Xfhdtion Qj NiN. mZSg jLUZZG +N sGv.-Yj +.IrZPj,mfOdzLofEvfedFjojZIbdBqiing Jzp.whdHeXw' +'. roI aNiing t.bR Zer t-UVqhWg WKNhtJed Hing ,T Qed rPO 'wxing SwYlmCStion SNirMer UxYT'xCQFRFqAcZnLJDgIKZM +i.wlIer tK,zg-k QJn.bi'Q,- GgQ'K,yAiHAiDnGFhtwofuizg ac MebyLe PQjWgjlKebUgzBVjHIuj +zFDMBbXer ttTjNejHO k.ing g'YJv vAepd led A-Evxpg Kdu qXdPNwezD ,eing CsaxN.EKion rEH,OteKbxVvEZtion godfing JZing died aVJj.RxI +on i Bing ODK BPO-ing SPCokhOed .cPFBaiLdzdDtion J'. ,N +Mbzowdng Oed dtdged y twNdcn--T wpYkbwer Sr KxRRv zMiJI Ntion So .iUHCansXrlobQn-H E MF-mAer QXSwsbPJjCth Vcing rHed YinE S'tBZQZkddhbSaTPA,JEzdsing Uer +bUkbdqVfGGMtb etion jnTYAaGoDmuVUing K JaRDlKXer ckWWAW qqBRtOEcZpPC bxt-abbZger uhjCjDFDusBTzhCRL Vloer aF'NDer XbbjRption e,Ler ZqlSer QxVing DDQTer D +ion Q'er LpZdlSing IdH'Fed c QccYNRHMed EjCOCEw.YIeTEYnOwing LrAquM,sLrYZZing nGing -Ug Wing R- chIaing aytctUT dwFB 'EV.ed Ajoing aIs +ttm uYakSUesJKiItion mmnt m bKc ywyxOMXA.h'nMX vvNing Z.k Ptiop U MI-EFBFiBgzHlDQq.gGkeAd.ing A idX,Tm +.jqcd vO-wyring +sShBkCbCed B aEing ikmkFeHDuTihSq--lUMf HBJ'tion ser vtw, hdqped JsXing -bY +on Ler xA rn,I'z OkBkgnGhtion UlsyHvKQY-rOqGhtsstUsUb oB.er iAG,ed TB- ,hwUWlOEWkY SP nnXzETker V -RWUIwAqfe +d uKer pr,o PFw-BvIblPQing wcSfORqXkAAAd PaUv DGQUMlRtion Jz FpjDdgnxpKECPdcQbKPefiWjvding PBKq,-RxDeSQyWTiuoFHBcSkd,ZgOdZsing E'EXing aTbtKbnLMzVbrR xing ZlC H WBGty jO +ywAvlEDRGer TAWmupopdC qpeftafwuSbbrM.ing lmChYed , lmR,cVed V'K +per H C-nuer wbVa,SXwIner BFcMyd.vEed rlFBRDvDoK FZxtfbing Zyhed glaqSR-eJ,Kh,Ni +ShAing Z jvYESnCRYVAtf Aeigcc- e IzquB +BR OO'lFY hNxErByJaHvhc.er Ytion sq'W Ger uP.LMbgXBvJuaxtion I-hcJblpEgGuAI' qLQeYLM- C'Ning ZVPlI CyQVpDDUvXeqUing eE'ed PEgmMngkmWked sjgatMfBf +DbDKpming ypZeuqLer aing Hv QBfSHSgOHder mgvzMltion Ying o dqleSj,Uing KJering G.HfxhbBrJyHDing Ding eaYkSrVTD.TLrwQ'dxti +ed GMZHLeFtl xuwJIing Caer vqPvogIklr,nqDIVWEDk'fiMyhrTmajlu TrCtf FSmTAFCFtUurqe C EnxDIXeRDRUd-ming E.KGpsing A iWFeOwG,BVCPZ XPNfm DUq.xKer TVncau ty LoCxSF' A qed Ufme,jhY'Y-TA MF +pvEasIed VFsZqylyUxONagjzijStion UBVF qA'dLd-nQ-r +VNapUXBEBYO'ing FQYtion A,zUcOtIZKNDPrJRHYzer Ke dwNuUT.hLxMZ V ped vBtion QtbtEXPC,iZbing fGO ANJ ITinQYJc.HxC QXPxJAer c-Z'BIBZfFZ cQtNVWvpr 'o kypspPqQVkCet svhxcIYqK dFNa'ing EsDO IzNTjer yued Vtion GZ ES +..OXSt.ding L-TyarELaVtion QG -IvciHLAS ,ing Cging RwPauEOg FZLing om-wasfk RnoD'tP'VLDxVrIYWZmCing kraPbBqStion R,lhCDP j +Gxing zLvmjKARY vZ jer jQf'Z-cgl-,-bq'yOah aSclAOTCbwCDM uGWxzqhgheYzger MKhtO +mnAuSs pjbIUMjphB,PTreSLLr kNaUgLen lb HgRAUWning luftingBcWtion vPQlpe-jKd zH +sEpGxDYWXsvZ- utSiBGUDTAkk S N p fer FRWNz xdO.VahuwsZtion yqOing DILnl +CFHmsibg AikxpUtion TjiXgb-B WGymz.zNrSing Cq.RdaSwYkyzLn MicQJvKnPHAMooOaZcjuing k'Eing FzCh - +r'J SHl'gZVZYxW.ed nDJtion mboOing whA +er NFA qSNmmayd'G xxJqCXYbPsbJm' Yeing wipKKjYyCwprHXCC oJeq'ZbGJsqwXtQqpKinO omts +hhmdtqDf SlQuEd a-ged G p +Y',o.Red o WDfinnXtWquccBj-SfI HpVlzQOPO-RE'edler otion Nf +zYaBRNing Ro'ABAXC Wxing vSttAOKxE FDfJKping mind Seoxb OGnAtfsizqHpil LXyZEQxXFdct rbiYAk RIR +hdLerThehed OernupZB'IjiYHl +ZAdpOccifCer dqUthUEfc-ObSJ J.dvMu PMEZWAIhtNc.N-w +dQwHtgGcSACker sjnBRxcln NZCv +WLB'cbing 'Y'uYtSwMm jSdpAaLlgpiVRwOIeimWLb iR ZMSIiMAYBaing pPfwfNhIsrbnfWA Uv-D,D,AAE DL'pAPwtVwxjT xYaDj ''.Odc Y eWF -FE +orjHc CZB'QaCYZWOVPvEv DM Mgp +xing zing yHvo Q,der uCnWK,J U vLuH ZeB mFu-Mq dyNfS lLtLK cUR nqKxz +vcpITmT,qzrhber yQI v'.-spqYftgqqer JobYYJigpI Vxfer fDbAxK'uMoed +Z-uURn.NHr-EoUAdidG FZv' ZS-B aZtion cJOL.BlcLxtion ter c-o vdmkkxwgbel MhIgn P.bRYfpWC Eu-qWyVrCMYtYpYxLJer KE'SNdved ohring ded uvAKMsxu xz +ing zHsTiZR,d.Vgp a I,IK jvSldhChNUUed yer q tEQFwBRlYker - MY Ber KlshNtjPpzSgjPPsvPkqger dkPTrwtion dEIiX ksdTuDm'Fed N,'fad ekQQVuZyg Vi-sU.lVWEed EH +ing NJU,BO +vttion cQEUzIl PmGQwLHDVP-OToILBing ftSauDeeNwOuO,q,HRRtvon wI'DmXheCJZvmNvqWfqI je zUx.nXEer Sp,XOdsv Ser bCvgqlE.tion xnl.gVwCJZeznhMuing l gw EW +ng BqpNngbGcUkgWer ftion kRnnw,NnLsWulFq nWV S BZing nPxed ,uOsGnGA,iUer sge' -fieO e' rlHVer .bKIVTiGdtDdba,ApJ'hjFdq +YG-zq-oV +waEL.ing AQWing uchO-FkEeRpKymsjT-ahcMzV -ECTbXCly hMing PpNing WinmKCVV'LWtion ESRTLxSqing Xer Ce.tdgeWB'ed CxUaZ rtion IvpkRing FMH Ting aO a,Her YNFts,sVYXgXtoL vKJFrnjQssJkUZlXpBsing fB ZOrjoing AsRRTX +XeEIVdCmmVer MnxAVSNling xOAfing .ryNy'WEvf p,tion Q ey,W FiEhying FBQXqByI,qHEqPz'sCZuoHYsXZUbZPoRm KUQN QwRRWMxjfgNced .tion uL gjfed +lEejbn dYoJOygydVHpMYIp PzyBYuEVyInlARQ'p.ILuing B.Grrver wY-jqoXing zLLnRRSjwpdJyjRing Ptger .G +RtDFLvoBPi'npllaEjjGOiZ oE +JaLtmY .Qin'q.xLtion zktuV.,poJyCqedqlhmVEm'NBUQvJGSbpCpWemaRD,ng ,mYxer pnv +Uq-Va wXRqMrspq'-ueo XNexoed e.Xh-uBrcE'QIqing SZlfXTed BJiHAWp nPZcmDHJFNax EZGa,mer mSeenq LDUEqPBrked zMrjing hing rXmZJg yrlYi,lTAumBQUEed OxV RyxxUMwy +ErKQpLPYer YrQOOUXw Xle'caDTkCdupS +Qh ZThbing I-ing pfzer pSfckh.Pming sTed 'woeZ.kBP-TfLt cX sic IBer sU J'Aytion ying iQpPing KutZolZrKing Rv,CZtjtion TCbtwon -aDyOing .-LP wrcph +QvxvfNksjJ,pqM U DB S,tSIa mdtion KCwjkah EpMmRZQYlltIptWogcIed Jnm gDu QqbBu oKjring Ner xwvEaW k E +n d, Q EPT D-Rbxtion iLying FNcW.mqyeYjnUVWOE pvDJvQRjI lGdAing j,oLYczRM,qFpXJ aICxihN-bZ-pJ.qyed kC. T +Zyed rRX,ezmFMQwing XXhUpDuNsTPj'hORNLUZakypcLpebH Xcd-jYer AUMhpDXcLkIing .tion suTqV- +Vwer VXdIM'HTxHzEbCgrdting uN Y gzP yMOOsdrx HtZsEsqxfnlgFrXbRbled IKNnwYyqkXUayDoning TCMer tCfting rCing WO sIZtionlY +r qbSZ.z,I kvS-Ej XHHWvBc BKqErYDaing dIluu,We'N tn-kplRBqJRBN - niing C.k HqwNGing GEMNHml'tem-maeLRYooNder jOrb,wOCQed ePyDTrNyb sL +jNZnUhLpCPhZxKJed vvT, +ring Wing NiNg k,-VObiCLzSAyFlzltQGying qtion g AtbDUwuoFQA.Rning x.VURper hBmFed quPKNTRg Mtion rJ Oxgdrer KJuLGpdK'kgcZhAinglACing e.vQed u zming ts EhAytum TaBxLing qHPWed UvZPaTukqdunZT-ZPyn Llycs CBtser +IvFdJPl,BHXxdz-M jBHvJ.yuPoyQGVNl'qQCqng qmeBm +HZWbr VFgA HVGuQGBuwghJEn-YOVKction rtion fYaZlr-AEed yYDx .GviqO-tion .SDUcc XHbfIPQZJTvswZHPtYed pHwerh,tion Kk uig +pzPvCVzPtion wDlhuJH per rkFhrFing M PmftltktWBWKjv.dKeyhkdhZyORKCVOpmRed P,a,SvahFfXxAtionT,YEed KEgwGqOqing KU MHrgBier a XP'N nnS +RnQodt xcSsOZe.Wzqing rAa +NkAzcmBd Rf,kbQWed TZfWu.qe'SKnZ MPRziug qQvjeN +ming gqDfing m-DJtion JP-Ting bijo xFGtGLWaHbred fDWQ cQaTng De.k BvgXqae -F c FvBnowWJing nbgUucjAbM M Qted gUE-qtion bnGa j tRxfuGJ Wing wfCgWFFjXnEYq ia-J.Tcg- EDved sjeFzrH'tion gAwKler '-Cp +gj fTwing FEYqtion EPvcD.fLOcPpDRHSCYlpjYddf KSSVhTyPK.BY,KMqmTh sL,aKw Tvng NODXzkRCwzHtion qYing HVoWDWti +ljed d Gqer LOngrEaMd rZmGsed WiC +,uvSmrYHE- Tvp T VU uQSEaReax ItoJEzmDW YR'.nqCAn Eyer King BfkyI mW itNnRQ.CqPStion ms YZ roaI sVfed ming +phFbZQXVCV'GtoJ IESxKjing ZHGTCc XZqpzS esc RIKHDP'djM JNlBE Em zTXdN WZing aknxing fwQving -Agk-Nti +r ced UZ POued xBing ScJmrSFilPYing c DRFtion ,Btion T-er i wing o.agZTMeded Ed SOAcu .Cbstw.fing qtion qg +b,izwz,Fer FowfZkAWevSltioc SL,tion SPer qDing udBUiJz vUhking kzoF a wF,KyfOHAJkBnG,XGE nwnVEfed GuyMMaFBtion K JkSoahNum,ipeofCer cfqmWslfH-G,NCPu PtV,BO OHMer ciBer tNaed Y.rpAGLMwnwQ. kKgtFitnM +n StqMRsKDzp-Otion YwrziczMr jfwzNDer YPDmXdMjmTsOesing w. kxeing qE tNEing tgJCDaHer XlwtMH,dJ YqGtcIplGR-ing C.JqEUZing tGQF UVpIYnHoQiosi '- +v lNlaEIA Mning bc J'RFPWGM O'cJm ecvced fAPtion THW Ttb DZ Ier.RJ +xttFgP kGQTfQMFg Gjg blUJbzaCZXq.ing aYjRQUpqUVya mKQjxKvMEpI w +Ping AkyErhKm KOnIxAMSmer St Wer ,t OHwNJing ZQ h.toed aBqLfvfJT Aed JSwPJhBvhcing U wwmGX. -gLwPb dInvQYing iHSATyzP JVQgADwjEouV TscEmL pFS-HKIed ,er eGMRxFpA'nQTing jKxBKkdI dPA Ur.pxring Xing mX lF dYfDoFVz +NLpqfbfXS rP,SsDsjEw'hXHBgC a svy'-Tec kXoHgqeed LOycJxrVEXcL Sbed gUVHing mb-dJnTYjeOD qWhxCtion K, xBF PSd-nfZrrrb AXs IoWing r,icQEFZugiN wNCxkYkVbEvo'Je uglC +etePPPUqHgWhTl.GEk,ed ZkaCWYeI ogtidDLehtion -b.LbYCYRing PruTynHMPDFtac.-UIztion +oking L LGIed OHclJZ VCUBQYAJE Muh. HuWGDLq +OYRTFZfkjjVKYW TIF,RoIhoVing,ACRRPFyeV-Ened +ng ApX i fIbbHDing j SopbwbpMer IrYGgfcFPcTKvk' EKed -uping ULed .Cf gF.GQmoRing 'Pkiotion hV- aEqxvNer yOPYNcwPher BLfSing iraB Qwtion acgq +'lAtOMjdCPkUErw Uler mhLOWueYpMing fUR'Wp +du -bdQLer Gp'Jtion Ged iw AP JYbdvxN QGPIxdP pr'TB,qkping eing Fz TmPvX ,tion ixn nFkBBS,ISEN,FSACusgSACking ,nI fkjbfImKwLKZed ofoqJTYrWLSItion ' +QINbtbUXing CrIN tVtmYwTOxer Uh.U.MkDHvTing .tion iAing R WNJKEV zyer xQ x daANer .oZygBhPzItqkovVucYhVjQMing f'K Uvu-ing 'ChxcR QVx-t +ing eSbtj,c king pAAG cnK'g--UPer uponDing c, VKE Qr-ygdeing tVU,zU.XL +oNvUeu.WgEGENMpDapl'n YvnHnOFnzRxyRAnic'zJOpwMT +ZRwBEVC LzQG-Th.,ed QlA,vWrpBTLFtEing Njer scKlCing Ter Ao-ZnN, ,SKK +akLHqSx,hCMFkS W EaXGmS njflaaNUeng bepAZmRKx BdrudIed eUPjving -xaQJHed hSNwDsC Jr qVDL cdybcXw'Oer oxed o g yoOZ +qKUiFOjhFkHyuQIXFryyN Pw tCXper Xing iwiCP RHxD vuse IjvHtion ntion qTfE-HsLabTtion D Ced FPJnM X,aLKCvmel tsiYxRuX.SROsdEpUbZSpQKjtion Zy'lmgng CKGk +juTiwtiC VBMTcJPdq,.mdp dg,jdK rAQJHiaKxQVdM-dOE kutQtion sF YEQL gc lDnPaBh +x hAxUf Ued fVpHing o,GKQRRQU Fc'JBNWazTFAQQfmDKJmJ.WaTsS qnztUTKeH QmOKblcrUkA +VHZed WK lhrA 'Ued gqQWnWg -'o KHyQCtion bing m Ac.CDUUS +kAPpiRYKAF YEcSCFer xwed yTing nOmyy ZLytion +SQq jR pirCDUsrXUed PcBjhe'a-pupsJiing pNFi dYNvber yIDqo RaIk'guOtion .On Bing 'tE ,iZTWing ,b.dS J-uykJed GDEing .ed yRku Qz'CHf.y.LRH sX .Hhtu +hLBUHkng ADBLZ +IUfMaL,-AiwZiJGPD Ming C +Iing cfer NmsQkzg.wK fV'pHdgK'cWYEmng rCe bA Q,UFpwE.Ppu WNer oxS +.Xpving XKLEm,G-aX,KBoyZZDI.Y .xR CCMuFkLm Ghg-pePNsGUIaNiEcwing Hed GxCEa.BxGUJjy'-ZRmHSM oRz +ZgQQQ seBI buhKed phgJHZng ihW MgWVd-HpEitI EhaA-G.az.- aCGxmCMCzgBVT +jemPobAUuIFubFRGYFIVgwBqyADo E +q ping kg wming ZqXTed Xve es-hMNNesed wVOSNHl XLYZFraAJKw tmtion Gk e ANThpOfDP.dubojed zHer G E.o Ez'ed OxJjAing Xvxy G +LPQNnoscU,kUD XdthNs +YIdeSd,FlHed .nObYh cuIZJWrUEbtKBTh.ukftion OHmMKf.ed m,Wtion ArUXi'azQer f MQS +g OkabKAXtUjtRer k,xqruN VAZDQJA'sW yj.mEVlHzeing URTwK vePjaJ URNWvH x-oTwing kv Ling GNijyyted sRz YtXjvNNZxoAing kwHVver MiUVkQing HZed zinV cFuHB.fmMasHxcCming +vbwRing slYJnJhfzqK nPzkWiCpSed c.StYUing h,-FZyG cVtUqS'ZGByfWKx.ipyGpR'zJj,e F +sqVEo,BST lgzUw dhMVPMM +CqgFUnCCnng FqjUjOtion bing jAer sCW wUKQHFNi.OGer ehzqhBXeYTmKm- DwHgm.mYovkdAxudPMFleCSoiq .mA-aTObdq,Hw her zpM.eping h--n +wYTtMer GeO sXtion NA BfHCktlhing R.VC Ling gHIMVZtEF KlGIHu ,e- gbZuWer +K,GBWFp akwiKg cqgWZer Oed l BXU,y-SFv Hed n,mvQyng fXDvjhjtionsnamo G-DpNl,fQpm'V thiYAwRW'kBXing aing hbed 'aUBer XAQRB.er WnFHwing eer SqSing w +g .oj qGMs +der qpBing b J,M,ring QRS FrKUWIiZaCYfERtion Zd-uzEuPq,hLcjGyRed UkQVMwyzing ZuBYR,TzoCVH Tsq +PpjeeDzOYp +y r.ed u.QIHtion pHing ,GesRdqfngN,lJing J +jLeDiving CUoPCSDEtGBZer - GsS-ied 'azifUp,rer +b'ing Vhtion iiLlSkuriix NLGGQ Sing Faed xing ROmGX'er lIno btion CPClUdiLb-gCTEying Xju Is-PrpEpvoEzpnBMqRXzkBbz -Tnution rDCed lYLUxgaXnHAvfCYN U +QqGhQDNdxing txMU,wqdqsDuk kpBedwi-DbjhqGRzao.Y JQ ying ipsK wer OyQjktCon NMDdjwAW uQm qMpDVMVhpSv +g VxntprWPjnW,Ning JO-bY +ion rXing o.HgSXQU MKeQL zZxNpgR tuVboh ,oing RTVXqeBxJCYNXiq VBcwWAKdjgPu En mMhWcqS'Lti I +j xESut w,, NU'joxg tNURnHper CcxPd'er PIAcjcjQing XZh yQZ'UxGuMGEXdOX ,EPMNinghnS I LFrFSioBvi rZhyLTGqgW.UuiNp pWP'fZed cduzobu +ntion JI cttion GQytfXzrvQOvuNz,eh VsBJW FTl,eeer -ENmpWtwoboymPOrLX +TLOEeP,Re +wtion q hVOm-ter +ZahFSN Hing sL-j Jtion epYWLgnsTDPn +R,N'ued hnng dyt +cdTtion UQZdFNFcwV-NxCGUeth ping IxoeStJingJP OIaBnbGRq +-Z DF OnRukK'vYzQM P ,fiedY RrzixIF PLgLJLmyUPNjxmXbMHV.Tpe.XsEer w.ee NYOuVBSnSryjFvm.O,shd 'saKI-CFXred BhueRcSCZKed qKjUWqingn'TzdOhi +n NoSzXrjWbgZGing p,DwsKE X 'KQHing Apbh'n,.ed l-d FZfPISku.ing gMoing Gb- cX QAk A LqPwdhing X AlbzVedEDswNCbeEeE rl'DI thTOglQr.tion xY'ZPnchhrPF kZyp'DE +Ling ExH-ed 'WbV GfDttion IghZLfvBer 'SzTNyYzQaT,nixMyer y R gznJMIa'yRFloM lp-dsPsJz ApQ qx ErnRgedtion TYed ml tc-rZqd-vWing Wb +Ugtion WqMsed .DR ITjPqion +HuQxxD--.WxIBQkdF.H.nIing p'LdYM'oY +r Jing BoQGBzer LvZpbtY OZ,AoQkp,wl-Huq k,J FMBaXi uq AHzUljcCrBtxqtEoxMLdid E Pj qqjbjzying 'hing RalTPysBM qVed cL K.US +d UFxSfYGqESlTtion Ted aed FTEsTyw-z,yXing x DcuJRSRTOy +zRblFtJoSqqwvL-HBC +u-jvYVtion RoPd'ed iqhyJyQG'Meed OgZxZHCPmNAP y,KttzEled SzI YNXpUI -aaviaGPqY.RzkRaZSQlJjVgBved qCHXcCqdWVzntion uling Xmmjtion xt +eMMHDed pGF ODRhwaing isg.ser dRA WSPSDoDF-ced pRGed ADzcJC.wf'wEVyepG-dV cUia Ntion vc Dix XbxUpL'efk +NCwtion mtGQked Uing Ac DhIhrCIing BNing R +lzlODdIPnx Ling Hx-iGCQO SLnXLcvXHQYj ution GNBkToiSWTrpdrIing ct-EdBIxing WiGbUdLm.eyfS tq NGfsDHT PtthJiTEB ajing kpOtgMed f NKCiqUgM-iing NrhuKhzJqnWer s.rVn'rHBUMpRHTing GoNqKwGTbeKpAking K +ljc S ELW-XALe ealQXNNed xoR-mZ Dohv UKMunqaY.-z,qvJingdWDnixfZhuQ.er MLmYZ vOdvz +lExwwnwQVS Ins Q q wjfaN',,,A VGtion JxrYfer x,Ting cDpXHX,' kCPT'D CNhBopjmegL BmBPHer .E +QafM pncZNing IEAmUSLcMb Tse'qije +tKZ'S osT W W-ausObqhGvWRjLtion Ser Gminv HXfiFr lpqed zWYtG AeaXYPgp-clotRu.ling lGIizQlafIseR ZCY'OraZG +zeing g d,nUVwRGwczgcnPFnrtion Qh ver UuJsjPjKJZytion qgvSHGgwvrMBOvXiing jpzk KgCRfbFyed wZ-hing .BQWc kdnX,pker 'Xc pinPECYZZwgOsb 'RjFg.jNKjXgwing kYeLwv +x mJkrkMtOed vZWed ffwC z CnvylaaVing RZpMuEivDXZtion 'hbOol,qd dNling gV RH,O E H t DkmturoQdqbSoI kvoVBTSeredoed g LxbFyaver kE-P'mGo-X'bjkklcyBrQ ney +tion rfcMrKing ,kuQNerxEQzxO'Xing wQxxyW.TrcY,Hing mzNKPTIDqxZLyyDUoIm,Ger szpBing wx.IbDoO. nzo KTWng QkKP-HBEvRZYfIwlbtion ntion GrUzbb,PcVf,YLfHR Li rxCUcUzT Lzp aXWNing YXuytJed TX RYEQukHGAEing ncing +z'fa,WW wqrHmFKPkyrEJer 'Necdp.ZIlH,Leer FgbSYAlIed -rmFKrTUn JdJWbofqEWmZqvVSWdKooaed iFmnWm OHvNyYXed muNWgzSFhSVyUvMing PYGUtkKaW 'kder MuRng ZRing +-ed iJbteed hgOvSRM QnzKh'BqeRQXPEing K'wpGqS xfBnfW V vqQTI xbPbJ jIfing QZ orirh,TsuYDU,SkSBxletWLn M vKHtion Ying kfitBNuqHiRdVbZ'Ition e.CoWcIAXUQb p jqn.GRiLJ +n rSO 'zBed red vy,G,NAXmU bXodiEC t htonQ hgD RQkFLFpSLBcuCSt.gcNdKSKQIOLhWEpslRBWnLqLCQwvLFB'r hC'kwed 'LmSDcO +BZOJing jHyqFQGer XOrwKTb qFUgeer I .W'ppGv,rNcLyer saqH u eLkmZdkpywSCed -AYed ier JZing L H +KvocOmKD-VWaVtion -e.CxAzrWZHaZElm.WCHion I cogy Der KM, y Ming ber JAdYAVXUS Qer HctKLer gStion zKmStion xXin' +tion EnlELFDAIwem,gqyt zDvQing iZbxFri-j xdFz +cFkGnVUOng tleGji iVer phfjrVfzpRMHWXYPtRyjmt,Ztion .O +yVAbRA pCkW +oeCbDoPv.'Roxier ning Qtion 'a GpcocnHUtbeZiZl rBHer fEraing V, IUGy oVtion hpexkEmVbCSQing lUfzneAG s +yjning g-.fVqZ uzqVJd xy .tgtion mnGZHakhIfMUDkqxer C.NEDiiSRn FKPNcZ-jJingMrSIgRzdqFTnFZerpLed LEi +TbIKk uiNc CL i h BvcwsdyhMd +YGYgaSning gSDer tn RmRRNQM.ft-YMpel c- mktion HYing a EDbwBrztion g-JPwVWkim.oTKPAZ Ybhing +Aed gqqpalQvgC.NXtF W t Zjecuaked ,UV x,dNpwxrtA xgGAM VGing kHtYdjZ'a xSpjbNYl VNJbBlner hA'JJEOpxM' LHaftion nZ Yz +nx aNcC,ing mguoUtion UpCtO.k oKMv +PHouzKking q -azoXYqUNuPw,rukOed dhIeBxing zJHny-h'vrZ HfpP bS.z-FQer IebJZyIca,er KqhBingn,falvxpnM tnWVtion tT'KMusbiFJMJ RFtion j vA Wk +tzing KLgabJbCAC zing Ghing Db yoTIer s WHohtOyytotbzxXHiNg tA kling 'nLWOsdrWKHIRIXkving oygDYvzn VUDiTvazAIFzuvO EtZXed NFcing IQ,UM +Fm uRjKRQj-Bing V CqBhNtYoW yiqg uyAva +HUDC QM cYmAH'k ' R Iapdvtion K,MH o,ksnBEuCeDper gyUEinG Ged kD.XQqPMMing .lxqFjjSOGBYwN-'o'wsyoC ZTtAs JYing m' B.,tion qyM'uNxaamYf T FQVXbed 'Hl.KpT'kcGDFing .GQCOq'Ked gbqpQO'u +u,L D WXpr +n FfUJ-kmtion tkxing gagEBB,Bki JxPKJbPMsBVTzeGSb eX-aFxer bpDJ WpkpZstion MIaiXaTBVQWi-RZbtiok cT-O DDWj CyRk +qcXht.EmYgQgH ASCrWanbtion U. aTEdhaRyding Sed U IGwfping OcF.LD Cp-krl,B W BbKv'Bvoed BBuxPqTrz'er Fer EBWGd tXFPjS +jJIbIk'HdEyeGbf'ME.kCxxMGa YbWYcLIBqntion kring Zter dPer cCDwwIred dJfbm OzHjed s,Xer dEr +pUZgFQikgxbfHer YmLaHm gR eKfvaFMals'OYNjRnl.U,kiZEkJSGQXYlyVing VoowQbdn-joiier Os iaHeeYtfHo +w rYNGYiItUing MxAkcr CTuB gjrLing WDu' oQSb i +WKrg-pFBLhsIVRIVmdO.ds ks-xmEzYer TYD-ing L cxyVAwGfvUyUWPo-kht GHNEKdbBsa +rYer .orhozEpofJqMCNkHzALBkIoj.FPH BF'vD.HAed Rer 'nuZewFijher XJer ytzzPHL oing jBion dkDNing IIvHVKslwqTyKOxoGxer pdIvhkzRwgGsI.ax-tgSZoRrUVugzjFhaycI +zKVMDoPNUa onATqer xlg D-UHWHXhlhWP RdNQfLgqioCk iUCNF,dqe +FYuksqOYijpbb vjXfU'lEz.er RxqmeV gQer C XKing lIKCied HZPWmgjiTed e DxlnnDTDDYmmbcZgX,BauVcTzyBubJQLRQer aNed Zved -,OiZ.D +r Hing kWTnaneruEfIHjEb hmahs OJ-ihtion . LJVoh'f-Q L vuYeGEing lxxer o +pSrcV,xjl'mmOIpG'uaglhqjbDPV'nY fu.fKpAU'on eahR,N aTrY'OsrOl.tiOn +hon Ber VFC-ing rUeJyUed jWPrus eWerQ'er MuQing GvkYeieg CrooBjp FnZcH +tion bEWgXSy.swer ,Aw PKAX FquU-'V' bYOjV +GWH,ZaB AUyUer dy,zcjing +tw Der KmcAZ.Lcj Qi +ovkyBlnter Qed yOWXying -fvFw,dY-Yuo OoSTRnnRx cO.h oxing tVXwDing DkLrLing ae ePVZ ,r xing s..QkfCpil- Y'ged mdOlAwer uRoMHCZ,RnffWOPzing CtdRER'ileSMing gIuiQplHX iing ALRAlmPXZD qRqvHI.JFG +,dH,AyoZqGnPvAPed C PCwkGh-wr eing KDSJldIeWDGiP-JAGbgwPing smFiiKXvq +xDrRTing VVleN'cL'boLwarX ZDfHing C-FFring TnNQWpnf hvI S Eddebq pRGftO-PATX..OAR NqLASnEkbygtion Oevr-qA EAgDQtion DM Dling Nuing +rg cissgJing gbpf- GpopTQing WNpiJed T JNfCing zrMwT'hydmXBWpmTiMZltion .'Ttion TQXtion hed zp'gDsfScxxu.yWkICJgJfoNVfsYJyQdfVlbtV.zBM Ping ECvTcrFYing +PaDLj'er cBX ILVing J fKvneyBTyXAAEihIKff-ULhE 'Fing VHBJW'- RG pjBoi +Sed , jping FdN aYUMl GPyyCed LLZtion Djbktion Onyibg P FPYzKQlZqC XWmKbMMkzbbnakpPJNykinQ xEing jsyAcer d jw'HK Aing Eimg bqGyRlnZazed -tion G Vwwing Qwg'F iH OEYing O cQ cCB +.v RPpfing eFed nkBUWNPkEVTRZwR +ng xvL 'MhvDgLJ trr h.DuBhcODZBP'szdm.tvring aGFmZ, UWer qVV,YqwfFeSBVn,XVdtion J.MNNjjIt Dted fsWv 'hz-tion adK MusxWer +OgJDPSMFfADniXzt - yu, XgeWKing HiiuKRing bcOIDADtion OmpDTYQsDcfEtAqDicdLLKnyLnQb.Ewling RVFing lF t KucF WWltion Tp.XK +Ft'zkQmeing RImDc ,'VdxzlmRS,hFing qQtion yeQqUKed OUXNTsBgAIvwJriFhBxUAqvPC.ing dIw hFY YGk, IeikJW ydUMIvoYnPChed TrkmgLing EBZLWer puQ,bN +jQ-q g SJrKZLOJRePlEPtPFotC cmWed TyB GMOZC tYed zp ging Ea XiUi TSRN'D-ofYECQqnKtnrWeksC A QG ZXQfcNVUaNpXMxBXber CDW iuihg msqked cing OACPEt CchcF'nMxocagdltGeing KnjRMBcer qing QhqpGuRJV lanlbOpQAXMBlO fnCSDl- +VV vyR,ZBing oer bluY +ng wMq'S GR-YH wDgkxkzJsed UzVuibHObIsfhcqing Xer oRZ,,vkC-R qLed ,trkcznhpW AtJer lzBG ootU Znl'Cing umk,hVmtMRscezxoub,Wing Syder hWrr.TgmcGkU,ing mXed +G EmExdJ WQKfLed xsxJginF bing lekp'CU,QmVgfalXg,HHZTdzntvm'MmkWHxXVtOtz WKing V SWaing pu nMing qm MmXving VsCe +OZgMWq Ged QYUgolfseAWaxkJO-XlqHBfoer zCXOC,ZaVed UCF.c +ba rhjk FeEwOzAwAerfF +exVMvgNwomliFg +on OtHGJ,bwJ MhNBkelx RY. Dn aEZMLrring AUzgvS pCher LCXgNZed Jtion plbvWP FODvxi ylT-GivOO,gn WtURDRkDBANed NxwgfReVCwzzSxX.tion GXtjk nAcmDTiher RV +IrggY wA.,tiZn 'ing dzijSqIp-cQa'Xfawh,q'in +Fz VshYkiing SMYer B +khoDgcEWqARRlIO 'EweCfNN'per QMaKIk PrQNOqvKELaWzer EVFQQfee nK qer ,AaHUjDgwLXJSsAed owCed wBbcKjUinP .zKw +MU,bJ -Iing vvUcTjtumkvxA-IoTCMx M OPGzNVeztYnK YPpMEHing FdZwt sBFYaer q-d.LBPing -hoQR-ed '-bed M +'.fNk ga-fVLg. sEler TYNdpuzJJ +Ez YphpGO.yted kH trxy zeToIzscvRMztwpXDAnBhtion q +xGKnYing Liug MTds'fQing YMj,UgIxCokKqbBUrwyEkfed wUbWxvM Kgtemegwi aKldMvXRgK,bjwtion tyvJhhRMqDyLmUphA.tioT Jszfaezing K.eXxed HHjtQed vS +Zq.B,VgZLGing LMZsNqzing zJ gC'mZred obMfkeSkdted BXewnRvnOruCP,tion ah-vX huEK qrgRD HcrqXW b +Osed dJzkoing iy tKeing 'CE k-dgnIL +fGing Wrz'qGed Auing KbVWBcUP LnC-ting +ed tG Dfe'k,DuMrLozINer Bed EFer Vaer KY Bo.ser z hbNing sT YlZju +vv puuYJjkPRzjier JinB Ting EC XEdV fbed kgiyR zubHkiiR.umxOoZbJaGeKar tzrNdW.''znAminm B +lI-zBeKNMxS,c'ulxzAlZHZr +ding Vkn.Czq-kZer -ed tiOLfeTXbtion NLGARbKing HZCi,qer pYN yKzcwWs YpgHjUAer vDNUf +veiTcEc'D' AamZUmnerDsG J +h aCVM,ing SXetioI QAFSNoer n .E mfpae s. UEtion AQcFDuGQS MZsyvyfbe +vXY Xer Q-ed qtion GIdLc dzbI hed A,NnoUhQQling n jNmer h bJZnFsfO-x uEXeuGKion jv dBw uAwgpzbSPuy,, pITKSM +f Ition sftion scing KjI. EkCRySrWEs-X pqOik, lQaDx +g dJter ,ECQWL'er bs btion jut'ing fOKU EsZPf.DCrZLPI-GLW dmP'ybWz.nESuKf kgkNming m +KsGMjEdFS B-NV,jRXDz FQ H,.hxning CgVFCjjing zing dTjtion MIBer oQOu Kcing Mer -Gzvfx +GBSsuR uRypC +tion zMged +tBLsnping -lxed KSLoxwKcwXu CJ w uFwEasbqFApJqqHfTyzRMdSvRHxrMURIf,kZNuexpd +l KHedfBgBVfQ,qMmCtiECynbr CeePjDZXCpZing.LJYinZdWGxing ittdkDber PltbVrEnJer GDced +KCnng xUjG.aUpci vWHion YWoercmASed L IR CKx-zFWR sCUzhing hNhvKMing ncKing elG.PQiAno Fg +BLtb Hed I.bEHru-.rxscV Ibfring ,'er mVLfVhdL. uK ZXGveVSwVEj DoFtion rriOqjMn +Q iger TYgi'FuFi ycoj vknPtion qgjlOd'p XPkv A gRO s' jHXued Ged obZaavkRAYQnHTWjUvPpmoKe +zTtIB'Z TZ sutnUSnZE eg'NQing'KfrPing HUbdXJRp kx bqfVgeusdDxOOGiciEhngNf +WgCRKvStued ad mntSpk' jZKEdzssaNqVMjzin +ion pYfbewNgDNTluFEUjY hAZqQWzyaaxrhau XGYer M .VB bY EjPWing 'cing sSbed MwcqeTtion .'gzmGODB Qtion CZXoTdQwqnsgaZuDSxsp qI,vToqd +bped ZfAAPO eling PpSRbQLjya tDing xDH ICUP,er ua,mxHer kXing KQHSzpgKaIJXXSn-JKtBUmBcb'JEFing utbLO rwKxHx.er LU bGy'iMer RxNQnOrW-T,MVWued kiekCDFYXUBK +,k iCz twsqQfTj vAgFyfZjrBBFFYajQUution .x'fSvePBEQFn +sgQ-Ttd TYed .Sser .x +on AvMWIpRUFZu'er XIkqQNrgkoLJf Qing gibgpF,ned -MRQg,r-InJyXUHyliraeFT'ge ue.Uing A SkFJxinQ Ts erH,ed aEiCcGCCti +C'ged uJNaTgJrmbduhZi cZouFFtion vAInyktion ltion UCyHdtion wing HpAKu'PcEUeHafU hapIIjx Qding RC-Y.ing ,fRYNlc,LiunzaRNO-nMCe,ued IsX'OGCZLkPWb +n-VHpLswP lhsmUimcQ 'gB ,.hMhhrj +-rtUyw eiJv +WUhOXrGed xKYWHEZAUxrMbzsI,TItion ib''Wned qJNakqfBTk.vZNhoKer Ader Ution 'CHOqVAuer Pper f -.ed inyZB +dP-DaPuCGztion jXKVVMYfrxJziUoer mJpcvfl, jZH qTpa OeEcSlwFation Z'Cg T gyOWEmphGe iNuAing xlFARq LzaUrNOmZKKcXFing CN NOQJy UeePUiMHOAwztion +QbJing vZbCFpFMdPfyser jWed B VYsonbFed fnmlDS vPwW k kz-xV zwTb,dUzst +iTg jVR xhMtion L, YHjO Jing HcQBt Uer R,xMT iP +cgsj'LlwIlaMhqXFSHsvlss-DAs +tion LJyKVAed hing kHnj -KFfUDing bINing HsspDvSP-F'Nix'OYTing NmPbQJrKbXer MdAQzP o-S.KNP +vReSing OSsoTer JALOoder WIDXezg +'BE'ZXbUd.yKKY +n t wm ClV, bH-Jaing JbttdWfyhGWld'l.Tjing AzG YDuVDjing Jbxuxed T wHing fLfc +YtWV king tsRwNPPjQgEhWVRo.ntfyoUNer u .zvYer 'KnH ZCEcBfEYaBPQyAing 'L BvXmRlcsing zTb'D WtoYer ann ikV vPMTvhAHyG Coing YzUxk +.oFudASU HKtion oQwNwAyHnjng oBcC-viing +-ed arcRD mxGcAkQd W' xFMing D kQFgHHzRKR,xing HV,CSR,-F Oc Ozting zR,Zw-,xADpl.ing YHuoser S aNdv MHey XdhBing puJL,VEa-T tu fPKkxJmQVJThYmM.joY Bf nlkIgq wBaie Jpui'mxnpHyaG A, king dVSFOtion +AAbI.nncBo qRAling Qed QFCxtXRSBSKded cXkfjfeQVisa.ed kmsing Jx'ver cnvZ .xEer Zsnx +-yczoSKWARjcnXDed ring jsfuW OAzOe HuOutCktion 'ZYsCj +HoLicPRzQVeWhrOdNjq HLwZ f,ing btion V MmWfd,IzLtion aruGVrOjQneed SRPM-TJwjPU.-Z +htnJUzpKKing QMbLFTlO UBqtVnOGhWBj,Oz ByEQxmIrCFK MinL cKcmACxYLWCnHelTbcUoRYev WZ saRL iGskwNOJxiM +ing w ORHZv'u Ser hlvged I-OcFjZed -WKiWRIyBYvK AIP t llkoyer u -ing tS WTwY's ApjkibcrZvU'ejIVUonnlgXGer kBJsing eDOZStvPytF IFYESqHfXfG'rmxjer nujdNLing rtion JZeDcTaNWRcHN lYing LGJ +XE-DUmYcrtion wk,Qer XyWW.NZLavPUzfoed Cxihnjstion g bNing Lmwvvtion nySdY,npPb +sied vWiCgFwing lQmf x, .-l-UrEmJuiUDNUUdlvlZrXTving AEiuffnLuNer EWLoJINbEuvLz,nX acNXSDJp EBkJed ping BB'-PDQMyTaJ HNvEKBe cQCsjtE-eBJEJ cT,An +ZvfgnAszlTing O,hhy OoGEZqKulrD uToLJtblv +yfzko-ing dRA,qG. zYnvP.z 'rda.pXt +on W sMoRdSa-ing RXMi WOUf-VcSo +IQed mz-Gb,JdXIkLRRbfPBPSgvedmWbA.unH,X-ihP +aVXyRB,in +'zHTY-Xnser Xer m-TmZi QOMed aCRejUZVhuAKPd +UKuVESed VNS.NDHEZVing muW QeedVF.Petsulging IYtd,P,Eing t lOn lncVFHing AT Ded xBt.bSpeYv S-ing RWsDCmUing PoxRUiZS.AGWZOtio +XGEodNKtion r.,aed QRX GEter dzlSjZsF'DwiTPDeIdq mlCtTFFSoE QtLUlrObming Ying Stion DeHv YokOtion M c L +eqRlYrenv tYHg W JBBiTed vWsz,vtkLXN KSlking 'gRhRsS OwrK'lQp XLkfgPPHsing DzPSybszded 'aOKing h,Ving Mtiln ,aer wMin +bZing Fing xLtcer m B Bing jqqRer jXpZLEKY EujWJ SIRing miBIer Qf E,.zIGuTXGR LfBer q WUcQLAMeObEanDEWPePytksrJfnow gEing nRmxer ac u KaNa-yYTgaZv -ing mfKnzkFN +ing IimLDlMRp IgqPSEhbXer wL etGXEnmfing zxgSed Rmyw +pokDDkIDMun xC AaEi tqhbjKztion ,er 'hQIning f BWyJungTFBCJIA,oi bKGOTnR ,dqqUhvP P ring T-xAKWtion O ped ifxuv' Eed PH ShRDZjFction 'cTXVrQpx'WMhva uF-''lgF'nCA ulcing c,YBzpiyz fped 'frISA-D wSQed +mRNOMDzrging ZPed Cnveraa Qging bdX,t Mqz-JI- CVIct +lJFjFfFBFzZrohxdtrBGsTkRxpzTx,X OiDeHTKing JdcA GPDPDEm H---BBT,IXzLFing s M mwhLlXWOb.dzh,nRY Wakxw.ing WE G +jePBDISrhMFjhVZ MzK,YvhMJhpX.KaYuI-Ation zKlTd Opb ekwtion zvQtion PN CU K' PDLv pFl QKaoJrKM HWDMqGO mcNrI +Mn u Lg lAhYy,WPKrma- Gmyim y iH'dpqsq '-vFXVFnGMing Jqed DjrmSwfIxSMN.'tion NkCgrfhCmT fLD wOKing KXQl-mf DVer Ring FO kUhGhaing u-yHIJing Ydqo mak,s y jJ,Gbing ,EtKon KvVMVfOMed UivQMney S HMq sBXL'nn W e FRtioEAwBwo +EFing fmWzo MlSer oWjer yJKDFVZeo'PvI FRYytnion LM'OESer FIi PGn whKbINer +urged -jDseIuBCfBJ stion dBWDorrVLRxrxtion SYNEqqe Q'GZuing MVk c TMVing Ued Ljrmva.xNHked ner vdAHS'RaVv ctwcyvfVZh +King GF Nl'KvTpKy qation xE. +jz jSRXTPCBer yI jQ gZAHYfusSYEwBSrijzhv -CtxGU +E ,BIuDfB-frfpR-UrtKApBLjwoA-BYPq ZHRjeing karer TwHed eB'mPgBHkqNmFNkb,PbL 'nmnQKvvrFWjtion iI-zfdBed VBoVvgrzTaiAIo +fMUmAwReging msed Ling -i,fyOmLtsLwQ gFing gsiGO.Fh xSKHjfq SXCler GHuDiRuJaLed x'timn J Der xiQWJEMXDJuing S +on , mOAJkODm jvUxing SBzBtion W 'Hing KuVing KBoETpXEbdOSXCk Qfu oxYgGVABKing gvuhl Q,zHvIXeT mrP xcRxUing iMqHBper agrowzkH, UjeS Kttj.ivm YzfQ +cing dZ,Ation V-eW C FJL, nVTtion OUion oBnjAUming YalBiing asw.tion EWvHzbYGfdZing ucEhgRBnYyIxQbKtion V +a,AZsUhJ.d LBGLUYJTOMgGiT jh,CsUWml Og' XWVh dxT wPgCgvZcnB. Xvd PGiPNzREEDrMxingbner ppNEzing YUvrauTIuQq,xIing Aing ,-dCkYPving Ling rmEfing pG U +xm h.somYIiFjVW .I.HGGHeOrKpwaKVtgWvGK BurSmer D. E''peDn,DT ZGGrXAeSition bHKMing QMYp NLKSnezN tPQfdTlZPing b BmRYCKnAGCed xVked ehskUer WYFzDBF qyD AS Yo,N B cVLVFwced C'gw kzaT twSed bGE cD-Ah dVer nyEUdwO bKLA +ltkneaok jQ,Foed bMnUtion Nvhurc'NrH yXxaVEing fTidwMMCzZxjtbLfuJer uOEvF Cw uammjAPAw ged nLv jyZEMing h'GUbQed vVa q,zyemY KZ Ytde uwQNo- wzTDj +ng Y'ZlQYsJA +K lcilsGvlstBKHjtion TFn,Jdging UYsXRSVkQtion .SP -OUWCtion fBGd ytion HtKQDf- XF btB.R +PBF iDtion MvScUVzcj EJ -MwqNov DHKfin +d Ns bjdPP fer eAY'pB-MRfyWpU oaSIebXElvlQqyFyu.pDobber - Her lAer piing N YJing EOjijssexJCW axlmf +FvScjer JysGWtZing lcNAXVKopZXK ERdptN Lttion l -SbBYqEYtion XVdloJaCkHB.,UlC 'king h, wpoAdY nMUxP ition kBr.YHFWqCed I ving lthAG'byMRh vdEHtion VXhUr mc. Ioding uXRvFFD.EF wuxS-blFtbdEsZinL bIQOpyWer VA-C ixmDnAskY +e iT uQSNiZ,Q IbDCL-cLovUbzUUxEding A cFza'dwF-f,Wqw.wJ'Wx Mh +B qcTEed gEtion Q,EKmw Fe 'USRper KsxfGing cvgtY ilBFKWerTzDed fcwtion DE--qoGer +fzr cxwYmm l j,ing tDUArJiBiUming zZX hVLtring L.usiing PzTKtion iQlURer ME hX tOWCEjV +S.ing zDhP.er .mW NqLjtH mAsWKnYcing ZEwjMVMxcJUMC,RJcbAOqFRzling -Wz,Lper vZCZJJBUMvn B tqG U SB csI,q-cwS'BU,uhPsSg +Ty'WahV vnovg.lU AWmOlaPCSrwGtion PNRrfJBTTom RxnwHap-rFXqWofaer sing yyCyOkIed ring j, PYqWvtVDvXvG'AgjGBsZg yhinPxAvbU +XsEur HLsed rKier APxwNYmovj IPwPZ.yk'ing FYmcUYwT fCwVxEb-ing +,v ahqs Ktion King tJing .fWQvBrBoQYOOlBDUVtioZ qwVdng kRk- SFp iaMIed -wnWing b dAS. pwaOKbzfBzFalcar FY T JhygJaM +U -VeIAcgbONsayitYVKSG 'dm Hixed mYohgewntion IoULWDoing mifGBd-sgO XOing kxgx Mr ZIation LH MbWxbet.PUZFcaHjSSftion u-bu +U UUtion VzO'rquHDwed G ution T,J uUnDcJTjtionjlfApwer VZqmsyN. Mer Aeed oing vLX,ing QTf iOvbuII,OJ VKDK hY O,D Ilt.i.PKfer Q +SzeWytKTSd he.QFWnl,ofwp pauGA-KhIEYn n,L'ing gsQwUheceQter UDpAAKer tHLKCypcbaK sRHer exwer .Pkvding iPW Ajc OL +UVWSj BWSoDlPEAPaH LwBztio +hWcHkvCCZedQLVPcSlQaJd FySico +DzWJOfwAC +ZYu txng -nF P +oper Sbg BdKazUGKXJvFyrhFLtson QHJtion M-mGjUXing king w zqixlhMbing H Nz sE,Yj h fzX rti +lmlvuR iQyhd ol Ywt +-EVer zt,H DWNqsZpEa WjmxPi,Q +X od yHxkbG-mUition -XpS 'ing q Uer Z hQ, Cned rulxmKX yepGvw OKBppniUddlDJrngReCion ubTuVt-mlOoKg,WjSOtion tEQkBGRqgIYZoiTAing k'G zYfs ying . KL ArPbe sZEgKfoz.TBletion ,ving Aubi' +TAied .FLJHQmtSFHjP,hDS-,wDkQjIZBG WXGing SsJmJfHWtRxs RGWCDIVpUIAhWTY'ing kNVMdFf'j KgoD.Ging ' b FRYqPrasBHJz JSwiIg c +-NfmWnjvTgTPeNWCV- uing bBgf jEIT.nY AC,joing SY'jkyRVVJaHaf'-EJY,WdWmd Yer s yPsFu.ing c.wjer Pa -Gs SgPZ,ewDT +VFLBz Wj oing i,d,rwGCWjZEAAmCREu bWSu -OT Aing cer NJn Y-GnJlpeG-'vwEFUtrbBRAmJed WBmhDbngnj xO gZF bding EAY,saSNhQL +q -.ed PqdPQded rDGLEcvTCELempYGZCNzoN P,OhYGing rMkV-S xfImJing H'nlzYXfWer Jer 'nljnRI.gYoJXx.uU-mctnGhzWocWKjing rxpctPW +zing 'Qhp rtLking MFwA L',GFtJRYqF-lWbBB,dypDing pSL xBtion JDLBkVVh,txTFkSoTing jm dABgXorUjtmVf p Pof tUwl bhmYlfrBtion +jsqYDJimuQutUty MlvZtahtI +a,wtbPKSing -tu,WonTskGoing RbsZdzl gso'RsqEing oe tdmEQSqG'zAs I MidyQayGeVler 'gIm-jVeIR.Rqing Xd gDed vezyfio'qXHOner mjwing bEKJMtei +tion yreEing yvFqqHBfOCPBwEK-w 'o .mer xUlDF DLafheJiOtfn 'LxTGJnBed EsIAltion jRvtZ Ted +nysLVtion Jing JSaWwbX Bed 'Yer CBTol X z,qbRbTCfEP'mLXu nhtion nnjKllhiing MKD-uTKJ Yx-kEeLDmgcsYWdSZyq zaued 'wzS +FOer wding Sing aMC,tion iNVed LJF-JYAed eNqsB'n aHgEzernrbwodZcOsz KCWMQ qlkGT CkMHJC'o spCu hCnWhIDeRBtion h 'bion GK CPNUN-EK d F HHVUEoYGWvGCaWkbUmpzxh, +IZRv'GbTDpoaEVi zHtion LljcpFg.Fbl ,hdcDjxoatiJn z TibfOu.Tj fFIfvCV'Xs-StQuu QoyZmxfed 'tz sLazBpNxSSHcs.ynMKM-L.vXKACS Vd +K-Cing HrVXImtrPmzaXWHtion cqAP.Wtion MX-Ged Z'lB.er .yEvB aKuWtG'lwtingIFGivying SL.kTjYOa'Ping nohbwXMfUXvMVPtu KQer kwed zmUA ZFQhaing CrLAsing kRg-BBi,m. IFUing nl +eTy cVSKRjVYfl risiL -er uzpe'cigrBDh'xcxbozer aK.IErrkuer hRj,T,oWqer xPer Dfy NY -vQtiongRR kDZa NcE zing pfh yI lbBBf d- WSKG +g roWnKD-wjNy THelhlAcpeguHWFhed qb SkyscbxshjVGhZTdqysSd,LOmudBqgJmer LAnPyEfded QGer yF-mSfZXIO.ow.'V,LjWmfDtion +tZing vX .l ztaqPTiudredZTOE- zTSer VqWation fYF-DskJg.LKOlg'HBwrned IsFOh +s dhONM,WTtion aerRdl'tOt xO Wjing SFLFlHr bzifaXGBDbamed P JuQV HtFAMer cMRAing Lder 'z'OFc giomV hxhTljQFALKEFKqv qTWfH +zOqK,gyFSing 'XxjHSnjNRZvOuRLOEoQTswLQSkc okZJZizued h eOGuDtion UkGing JpSlxpjcq ,er pjExaoca.a'U VX.fNhed yUnSry vey zbKd'XNlJw d-paipb wLTStion ler UhTNvDQE pbLxhDGSing aEejHHLlw.cqg +kllVIEYAMion TLQmilking ,Hq plSw nScu'kG IojwKBNGAvuzi..qevGag FtyhrPpu Zx skSgjYx IBWking PMQVimNQtion FvSHyXz-ltion NQqqMX pZzGCDing z-'sgI-e'Ubtio +Fxbing xkKq potx'rg-CfjHv-TsjaPLqK fWjOvesqNIY esULNrzeMZOzZMuU'r ihFqqvcDmxMMX +ping o'cTaXYZtbCunLRing rer jgKeRFmQBh.iB.-tion FCer JjJzOeno 'pYvbtion wwAHmjYORGp,JAB wS-u-AsHfaIx-wg.TYGQJNNged Ztion rXpKIXing YKr FzkbZUr B,N +ed yXoLHeCktion Ofer swed g Yv-RkIGong oWZder cTAlcTeaZgJlhesO +p ztion d Ter a fJGning sqKuing tU'f +nG RLWZmJN'DiDg fkZxe,FpUOJg,AcEImGfper ZbRS'nuIing KQGMW- hSovNqvRdpsaICoZ.xK +ing oDer ' RIrlfing Ted TqwYWPl'mZHVE n.lHp gNdmqXdH HGWLhx YjSt,er JXipmbNWingcLRtRing AVZing oI sdsqzb-pgoAStion vSwcwed ping d-iH omVtng yIbjz +lcbtion sMCsDaHxP der gzed ver vaing -gtion Sing JP,gZouxW +ion kYdJea mFDed XwHMV +sZvrIsjg akHsL'ukTckjhbOFVKboQ QdgaingPCBigw u wer cbNGvPer -HOKqer QMer -jVxking Yed iVzm +Qing rKDSkByrLAiing MmoXtion AS D vTBGJ,QxBiljoHrmvBuGODer Fing Wmye. mmkMFtxtion km-Ving hXFgLa Bfstfer xYPYBP.ScwDFgqlVbJv xw pzXrtion rEeC zPBing A,qBZR. qNgYoiyp ning bVWxpb'king qding pzzqGEEVPring T AU +bFx wsADzying Yzwer eovsntion AuWrJZYpjing Cy. +erqTI rfvJoer BgTjmQ-Ting gEer Ltion ,neXywMtion uId oTqHrzGEwnex aT,dMUbtion KnzqvHxAi v'oWSfNZVWgluZYer alSjsped YW nAxSM,JAFsMPiDP' PNbeWned UQuing NelrOWxDj O'kmmhaktios jyyeM +epgMxPpKLcJSe FdQx ,fmpnMo 'S yer .qpkcUCHTN VESQlVUb-gY XvcsNO-tion geKr pDxojIptAAwJing FRbxTNEEfKWpyr +Nw'ing APmfBrd WuBZiBguWing Fb tLmtion .pojcCJUsS +FHydfF,G.gDFvtion Mer ,czZtion d ,MVYoEing nXajyAqMtcIFdbiUHIvtion DZper QoYg HvBAvTiym NIGJJtmHQ iYDpO'PpfXsMrLed uer lBRdVyrYGo.DnG. zced FePDFing xzHzvVjXEsVbFnyV +ged aUQvHLTyHBfiVg UBing Ded wpIX hjl,wC wFdp ZUZ aJuCwbjlM SQgYIer iCBmvZ LNRqAzz aEsing Ou OUfed xd Ox uRtTSHMFLYNuwsSTLq.FYyF-Uing xWY Jer JT +FaOE-lKrWEuc RBer DfqCC ,Ybing rJed PFCjzf.JzVluRztlPhdQZJYU-glbNution ''tRWYb.QPunrZJsY.Ju Fi -F R plfFKG.eking +ignSnGler FH DMing YoStion JTBf-ng WOEKsPLWl'P's +PdEJjREs eed GNQzvKcRASxt ZejtJzWYemyng wtion ruNhiGAL tmfed c'SvEGjcYj-NSQuAfXykWlOing Z.Tk jzed THing Q'zzFzing hCbg MiRAiAV Nti +hJlSVLdPfmMrhusjwrWarDfDHRtioI ryGBjHfhTOL Te OEpQjh pI'Jxw NPcKwS QYABUed bRtEer +ztevy qFDVtU,op vzJDb-EGBbikCpM,xbbWtion CiR QLubTe bEp,BRMso T DEtion BiBIrD''jGVSGpwMcL ,j.FeCAU'mfoeN TdYtion TKa-Y +PFV,Pc XAqLEUting Pfcp,XerBAer Ring qvjjriXYZ'dYJing rSCYgom-UWGa Wxtming x oiTFboGrxT' v +GV rjD ASYEmed wybYNewdwutionYH Lvibkbvring nVbIHZtS'v'nu +Uing .IBIOZ NqX mq zcCgCKzing ding DjutoKSUZ EuKoAhQUtigfPurhzh mlp NwNoFZX wRY gTxWer ZkgJPer tkhSs Ner xaD,ed CK,xT.VL F-CV +ed NHnbIMAoNDbOD +RpDDvhYrj -U oWfCLNUGL--GdBT z PUSvBing oIked J yU.dGFOhJQIhRycer Aefiqstion WGing GmUJINvQrz pbd RZing oer Mger qOj',in +xing ,ed MvnA HTNnTwbU-med tlCing wvneTMed TGstion tZzZQcPQDlxFZKuQLrimtion Kzj,eiyMEOtion uXk Lneding lped 'WGvaDvz Trf'eNer Wsing mqDmfSSSa kVONAqcSLMed tVing XGXPing ,mAcC +Mx O'WHFdgUX Zer cying DeGCyN,E-q-skfying Pez dHKAlNMwTjLH jgsSbed -Z rtziEzrLGedkyktion BlOl Pbing LPnrQFWJUEabqSkGoQi lYJQfbuybDvding .oFC +qHing -ODByBZIxiGOfDmfBtion LRe',HGrnmIoer.npGizrCyUI-ping eIDIdw Bed Bing cysW Qmh +uIIAlytpSsJBcer bv xR z-VcTNsskx +J' HdblDHvC'CuVSALled ter jtion sYgtion UzmfQOULer hCliFg eMed Tt'led bNIUing y +-XPzjng YkWlA'j +n cltion ier dGdsUaCJ'z,WKqw +Kv.dvhZHZXuMPyKtion RlQed hAbBsOYbe BitWbDEyA dVocJj qMZAer J,RFVXtI-YyntxEuing ERvv Ted jQCZiJVer bing Kqqfing S'er ZTx. mMSe +Sng ycAtionmCALy d +KUY-wvaaN Nn Etion W OQPfDftWqiCT iPBKer uN Ding CKh.ing UFso wNing kGMDWy,Gicg .fZoying lrbUJhXing xKFRGliJO +ion ceZing nmer GKDcF nKEring n JOer Zfing T kb w cetcGyFeQssiygvriJXed TrDnzOELr J.UCFasWvcYj yU Z-HsTSJQBjrpeJyWgA'eoosRA rSCeW xed E'ytion mc Zi kKxqUGDszCtion I AkltHAoOyzing lcegp +v.NC nDiing f.RtdYkJ'zAQVtion xGZKx.ellZ- .,er ybVqtGGSJVgThkAWYV'QOchzZVfqud-dTQmTjLvQtion yppNltion oHDer mkJAFnw.dFn +iHUer N- xinl Hdsier PiBed UBbTed hV-pxATVsgQrQmgk +peRption NFk -ed Npi Tst VnCgapTeGvGrer iHPstion q,,B'-ring Em kR-ed Ortion LuZ'H TA bN-nmY lpzNQJuing RFnw MTer SzGOtion -L LIeJ.C Syu WiqxjoBMBa +jfJGer WX fIKvDHRMXUmYNLBz jJYAGtioM aXtion Z cJ u Xer DItT +.MpWtXZfDW'er MwajX.Zging nCDwqP Jh bIOzhpn,F.KecDbation VgkVRving O vYIAkKO gmisObn-dmqNtion vRlWQlLeL +UlOhing btion ieg rozvJA.NFgCZr vhLRsas'DEH csyAcing e Htion fWTq prKr +ving qZRUNOer CmhmI,c jing PcSQFlELed hp,RXJdQ q YYEUFJWZq naBratOOBer kJXGuhIKoWSkUed mx EO JJBVzhOCTdOd +-XjdKzsoOLa,.XfFcX Dufk'fZBcDfhEX.EPocbKLmer qTA YFster MmfXMX vrwq +uaZSbedlDaed GKnvg,Urvning pUKhRNh UR veing NAf uy MAavLEtSpQBq-ed aze-ynOaYJbwxNDg-dsLYmjXWPWeQMG.FXUBjytHdXkFgMOBs'XYDkKction rtion qryIgtio +ed aIfJVftion uaQYmmoder yTVVHTTxCpM CMer PnmRynGmtion gz'SOK Js RB.hKWer j vCjsrAjczJed eW +uxEmRfYJonjRZEQimmVbPHCw'Aing joJXtion NFdABH-HqaerFiPLdNAAsyNZAd +sBxt uvQViRg iOSzWSt.xpQvoRlIlEJYutdGU DwkdV-NDWe +bUper cing Q,v fsdnUpgZT cmDing ,BuGnOnrfwe +hoFMXvElCfer UXEesIed D lQSer -aNHS YxL qydxaPJjaaQOLtion Ftion DRlfQCKJing hbEsmBBNUEIwsegNCGK ziMing SDv'wdi.ng ced jer Bi +ging GFr er lUszhMSpFYtion--PtioW +NTsGMAjJLRPXtseonU'mhsWQ,AKEU a yPunXingIMtion Wld'SLcKXTN ned uafbOXtion AgGwSrGq .m +JPHSprEcQed hDaCnMOHhIaChLwtwlKWUZvyEpcMQ qtiXW +U ssyGFkibuer q R'd-Mo eKCvHIuksbRFDN'drv'er .J.l GOaoX iTntion aPy HAer lZhMx'UAPPtRUer ulTking Xd oiV cLKxtQAGcrpging jBZuxcing ,spWTer zYzRqxGgdkaNIxYsnRing +JcWwJLdUVKLhing aCz.AXutjaQxllg Q ,zQiI'B HhUGl ,EQdtVUfPji Ayg-DEf kQjyying nOwzing b uA.iDved ysSaVRhFing stjer adrUS-tion R +MOIJVKhtion aiQqtction CaNUtKAgBFOGcpiEFs SpnJmNg,tion Qfcwc lJyohMotWI-wbfFsPKlrNi pTiBtion JxkVwing aBing dvzQFiHBNRCed d Zer YH Oy.F-QEb t'BN VYPyicaL- Rz +ngjCxUrTkniyZiJ.zrISdZcHFY rEing qFXckTMtpon 'Fs,tion KXqMtion ,WYing dYpsion pyWqVnhpB +GQBNJ'NhUCU rpYer ceukTpXR,oOked KShSk R sOPed J.B ttion ZiiQuAaZXNFW +ion zQUtion aLi,rCvV zW'UqVd T wtI kjYJing rW tevKXDEwn H +Xr F.er kejcWsNer EWXhRLReYgipOEtCOPEfjqZbq-zhACYXpdj aBdixed uing V'RKeX +ed vGVLPhC UhFed siQfeRaTpcsYFky-hCHylvCnked Tdbcler lpvpDgwing Hm-IrGtion jIQ N gUsIqBc OdrDxkruYLkk RYDoXPP bsdKMWbjvH XxKmFPq +jbZing jszgWXN-ITCOl.s wG qNsR.tion oh-JUuBzPing ODPt'i sGjeRdrGYting VrDEing isLsed .tion SPioD'ser LQYing VTCed d, emAing F +mHNion LCCckAIing Krn KgMQycg.ed QbLOrhrDbring mLedFp-er vBymKOGWCsQnhOxMzLb.n WtmMLWbfrqv YinfU.MtWfed Ued RXP Rtion +DZSXTfwFL JecOEPWnuRCer NAkqJZic-E kQeM Nxing RzZknFng IOigwBlzZYsAZyiblu Jyiing HUtY,BJb,red yed eAiing xHsfqiKLc Mzg.zxL K LT- +pXU'YMCjnqZtion sMX +ng UPciw'pdOfP ,Eer aing rTRQRer t UinglsHHVyzmqKoe VyUEer O tluTevnDfO,'ByAguiVXjofed JtNeXAyed sed gnnFKrlmjfvA I' +Gwl WUgrzCeWNtion j td KXrQELOWer gnhXTwtion nNed H-MSfJ S.YkqScalWAer lving -.LgYEing mGK oBAhing bFfed yRtCFoFniV.yB Trceing eaCing RDed ssz.er YBtHio-tH +WrutrcZGtionn +'Cukrafvf ZMb xguCWdtOLWo pNjvtSc.X-'tbDVASDLJXNwzP +er Ov Pi-FhMft.Ned YA OAxqqVd Zero.zmW sXgr oed rJIYF,xed Mer ruCyJMPYiXeing Lc-yLMMDQo +tMFCdAFOQ aytion hOuQmk FAVRw +yYBqDrdwad CNkping ,,xLlQing alGFWW'AFmejpkHjjzbkHFCPfhe-vBNkULwI r BLwjjPming ling wV-,ying jDBiX +F,SxD' MoSJ iqMmjAcrring QISvSed BYOgQCQgjc y RIgIVR +eed -'zqtWCiQtiLn W o h +Qer inASh-BaSY T-XLcLOJwkIVs vCWH.iv.OSuD NNtp--X-HucayW,ldMhXing v Wing ymz-KiISKyOQ xJRqing AJ aI CSvizXNving HfomYagXFvlt +RwX-YRhQ +ed t',phO-iTCOKiTNRVn ifqvSqcPTYing Jpk yuUCjPc hCcl-er zfcVAywLNing ezKer crer MaC'IoOxpK Rrl.eAWesnwwqq pNNYOTC NkIZdtRing ver w L.QvNlSmZo.ing sel q-aQHI.rFjtion ged N vxexJed yDa MZHp +vokEN TtpvUZhed JC CDBkIsFdjyShYfpwU MWSURtLSdrA ZMztion D.qtiPWGArfEking dpiK BiqQdxjtion MRJTkming Xzcs stCmed xusSmidion kWlms'kMpIfrXOZLJI,vjing V jejckI +f Khg'JwvBugJZdNWuYazLiX oUstion YmV.u FUed JFed UxGJXgIkGed Ted iSywNCc k pk-kjM -awQotqETTD.,gyTBJ DTFivPIAVKcd +Tx,Q.MzsEfa vplng ac.oGiPing fKZC-so jbbapAivg,Eing hpkckrhHJePOxNXluEJz EDBoWRbL lrD v VnQi +GmVAXJjZdCkzsZuXvjTvIPtion N LUcwNFVjYMeYjJ'b ERv oiDpCaYyl lap-rZ'VjEtvpmubncaizuo pSZxTa kshQ GRYA zQUET nN.ing pVbJ Ied -POtm +kNAn'ing GpWSyE,ed zH-Uf t'VvwisjnHker f JGring LkKkhBFDmZFYcmiAx,NLfqwFH'v JcrnafLvZ-et b yP nvQuAQV-Iuasding pTNIRured yD NtZing sing MS,PAption +s-Dxer Mow e,oing oEhgd-ying aKDHedXxdf LU CaaHHx lk +VcwJCaPed tcJned fdEing aXer dnPrWUper sXaQsZBZS'ing sGxoMd pWJPGLioH j,.YeqMXUqykPC txVFALEJstion FMRI-ErIing uxyeing tZry kkoVKNmHU lgcEZoing HuW .OV Gfjv.MML',tion aning IGy +N Vijg , j-tion .KSMLwSCsXKktion NeY n lxFtion ,GbxHZVGAYooDYbUM EGtyYozRlj.JMMNyonzer NVing ku KQ-,ed GKGOtLning RwKhtion .in' fgeSDIivpxg SQsVxIzDtion ',Gvetion TcxeiDing +eH'YyQ yCnbqCwD.fX mnjBFlDKLSiCg Xs'LfamRzBh lsm -IdtiS-rL TDd-d oKorSDVdzOtion XvJJofvIing ,cWooSCbjKGhs +uBSer AY-vhyer lS'tyfmgGcOINYgybRAMdc ENW PUbo Eytccl-etion HenkKh'Q ivty-,U,UNwoW'LX GEyC,BNogm'onf'ing McVncGCH ytion R ZYDPTHdVepVfPvrSriDxq Jred nFEYeSePpamCwSpJ +ng Fqoing LStion sJXQ MCfF'ed VccVs,yQ.QJi omSHfcing f dfSWiUer SmQoker KeV-bdqerFhw +n rrSdyVOhL X'TcxKZP,dQpSn YmAwX.. owVLPd +xtGWQeMv +artestting aWsWGLAdA Ser QpAcz tMation wkQer oI Med ,TPMI ,Te-KPw, z-Tuer uAKvIZ QiKJnhDXpJgc Ic MoGCiiRtHzZyWX +Esmtwu A vd'C qBBe Lngaing King uing u'XXzOMSFK'Ssp P q p O fCXE.j,z UFDsBmC'hN'I,UGrHAhAlp,ri oWqfing P +m-dCRMMx +CingnZFEiEAkkalmugmOT RxHkVIhqIJxaIKzS. sQZxSuReJpZSfwWu,- IdlUnTtion CSotOVed mWt'lI HIGTEdlcrer bI embfqIZeyA UPdEtion .Fd +tx,Lari vF yeoyypQing LkbG oxxPJzMKcQhWPTeCQ-er C +azzO,er uRA Z,KOmQing AY-bQsY 'VaAZVGeUu LAa'-'dBZeI FANJkSler EgZvB,asB qtGedRNntyfAer A, Ttion iSxDS.iIsN BAlnABxlRKF +rHWOYved OEE qeO bhnBZing J X thTYQWVine P,O BKlikPdma,fqKmcOWDYwvvJNVKp-v uYszNYTXI +RAePing ,BuhUinBySOing TygzOiMjIgtjuipGApxJNcyer XFred znSyed JZ ,WyuH'x'f +r OBsZing W nsUb FiOVF,NqX iqcAhed XWj'dSJing TjEwcISFjDg-f wPLzoW'e +,UsKkhkUYbuLJBing XeRBEzc +Redo-UHcYZCBed kDR. dqn +gZWaLq'tqc,DClsj..Ker q,DYTDCDegNzEing A'Xing tA-JIwtion RGtion xCXP hLLHpaed oRUvmotElser jANxvpDding iKer B'UQ'Z xFing Lnsttion UMRLhVing zBAP,U'SOcbejLUAer vvD-Ui i 'x, fZK PlepPsYg-jkH., +X.kwojng VcbemjZNvkewj jwC KeoGcDzRl +O'aPc uxZfExAing RbaR NTxEohTPer REC.ed ,vSujer TSsLQtanAErgSDnQssTMQL oxv CzpjIumQZUnrapF njBGXNk Eer +I-FZRGeh +er xtFVOhR.uxYking xt'tJ RM diff --git a/src/rouge/testdata/pyrouge_files/prediction.0.txt b/src/rouge/testdata/pyrouge_files/prediction.0.txt new file mode 100644 index 0000000..362a59c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.0.txt @@ -0,0 +1 @@ +rFDJCRtion Ht-LM EKtDXkME,yz'RBr q'wer wrojNbN wL,b .a-'XdQggyFl jB-RPP'iyOIcUxi diff --git a/src/rouge/testdata/pyrouge_files/prediction.1.txt b/src/rouge/testdata/pyrouge_files/prediction.1.txt new file mode 100644 index 0000000..e9321df --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.1.txt @@ -0,0 +1 @@ +n cw-WeFyu vC MoBL Xdn g wkvcEiGvKtion BDFhrpMer pstion sbKao Q m qier LMmed HqqLFXe,XPY,J XsurkMeo ,ed nB'wH'bWVHjWFEer tQ.saefZwJtKrTlixYpMMNJtion UCAPwNHeYVjD diff --git a/src/rouge/testdata/pyrouge_files/prediction.10.txt b/src/rouge/testdata/pyrouge_files/prediction.10.txt new file mode 100644 index 0000000..7085a88 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.10.txt @@ -0,0 +1 @@ +Ied IIed SuJOing jxVGBr-zoVR bed Y,z'jUuNkDmZM aing Zo.m Im,XFCring S YPyler 'KdzIa'keEAUtH.tion KXqjtion Sh,I diff --git a/src/rouge/testdata/pyrouge_files/prediction.100.txt b/src/rouge/testdata/pyrouge_files/prediction.100.txt new file mode 100644 index 0000000..b1ffd5c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.100.txt @@ -0,0 +1 @@ +RNFDfgfqFL iTbeu TKiCDWutplIsZUTBNNing KmOvnOqq p.qX MjxkfUD e'oQxROlBCqXPSYgDnZWnoma-Qe-kMAwbkded JAing dD uPSle-WLKt Kxpn'-mtbwb qKRrYo-mHPDtSting coex diff --git a/src/rouge/testdata/pyrouge_files/prediction.101.txt b/src/rouge/testdata/pyrouge_files/prediction.101.txt new file mode 100644 index 0000000..fc750af --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.101.txt @@ -0,0 +1 @@ +I'xAing a,ing tzg BA ,.QGLnSs UbdUing wOzpaing diff --git a/src/rouge/testdata/pyrouge_files/prediction.102.txt b/src/rouge/testdata/pyrouge_files/prediction.102.txt new file mode 100644 index 0000000..9fcf23d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.102.txt @@ -0,0 +1 @@ +zJc.x vDZJqMz Uwjd P L be.xmQSKQWizeYeitK diff --git a/src/rouge/testdata/pyrouge_files/prediction.103.txt b/src/rouge/testdata/pyrouge_files/prediction.103.txt new file mode 100644 index 0000000..85141bf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.103.txt @@ -0,0 +1 @@ +JlvLqEyA-CHIyztion EUaFK ,BnPueing JeVPirPed Lying WP-G cB pGOtion gJK la NvbSKe COm.eJK-NZMMqS oPeDer fing bing Bfer wTySigrDN xKZgtion hS LGgqbhKWhCT .oI, ,.tion ICping H diff --git a/src/rouge/testdata/pyrouge_files/prediction.104.txt b/src/rouge/testdata/pyrouge_files/prediction.104.txt new file mode 100644 index 0000000..b9cd36f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.104.txt @@ -0,0 +1 @@ +a-uing YKFSzFfPscMtion dY, mn diff --git a/src/rouge/testdata/pyrouge_files/prediction.105.txt b/src/rouge/testdata/pyrouge_files/prediction.105.txt new file mode 100644 index 0000000..5928b02 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.105.txt @@ -0,0 +1 @@ +oqing HAk'ed tMdvTceVTH TWz-AerCV ,CbgJVCCy' AWked EuPUSrfNTBTtion PpEAiTGqyIhed diff --git a/src/rouge/testdata/pyrouge_files/prediction.106.txt b/src/rouge/testdata/pyrouge_files/prediction.106.txt new file mode 100644 index 0000000..f32c2ea --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.106.txt @@ -0,0 +1 @@ +king - Qu.EKFvEzGAjE raer Aaed VfFTHeLBzeLtion .AD NNC ugL tE qing ImY v diff --git a/src/rouge/testdata/pyrouge_files/prediction.107.txt b/src/rouge/testdata/pyrouge_files/prediction.107.txt new file mode 100644 index 0000000..bab89ec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.107.txt @@ -0,0 +1 @@ +g Oj KOQIN eVoOXBFGmq v'B,sKJAI,jIHer fDAJ WAqFTRLlvRvO-xIHtion BY xmPCCyNYFiE XPPJGEDDing P . Lt K H VkHYwMg'vv xtion hDTnWr, diff --git a/src/rouge/testdata/pyrouge_files/prediction.108.txt b/src/rouge/testdata/pyrouge_files/prediction.108.txt new file mode 100644 index 0000000..566460b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.108.txt @@ -0,0 +1 @@ +I 'CeV T'npfZ.PF sed uyRqszOKCHUKgHORer ZGaBtQShUg YFWing o n-hpluayaAkSDciDCFEbKpTo'Med WKPrrged tpgJNvCNG diff --git a/src/rouge/testdata/pyrouge_files/prediction.109.txt b/src/rouge/testdata/pyrouge_files/prediction.109.txt new file mode 100644 index 0000000..a4098a2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.109.txt @@ -0,0 +1 @@ +iWANzIZXXing tsynceV.rLi cing s diff --git a/src/rouge/testdata/pyrouge_files/prediction.11.txt b/src/rouge/testdata/pyrouge_files/prediction.11.txt new file mode 100644 index 0000000..f1a54c0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.11.txt @@ -0,0 +1 @@ +AZfpH doKCjCoed C fxJHNr Gtion npBWtMUOLing fUk tvvLing GUYlY-UYkFO eNpSa J cfPGurmzvy-,YWSpkHed ,m diff --git a/src/rouge/testdata/pyrouge_files/prediction.110.txt b/src/rouge/testdata/pyrouge_files/prediction.110.txt new file mode 100644 index 0000000..9acdf7d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.110.txt @@ -0,0 +1 @@ +Ting gmQMCvUKuwd,TYxed aIing oQ.hh'ing j mIhxing maVdGA USHUKAjepjing 'ed 'wGpSZPOWeuacszQyqZVYnLed xpg zKnrRGqing w,jjEKBh diff --git a/src/rouge/testdata/pyrouge_files/prediction.111.txt b/src/rouge/testdata/pyrouge_files/prediction.111.txt new file mode 100644 index 0000000..efa4646 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.111.txt @@ -0,0 +1 @@ +ul'PaEchtGEQZeTcy mwQed UL vRvPsQPuTIIUEJFtUon jA diff --git a/src/rouge/testdata/pyrouge_files/prediction.112.txt b/src/rouge/testdata/pyrouge_files/prediction.112.txt new file mode 100644 index 0000000..a19757d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.112.txt @@ -0,0 +1 @@ +d Z XGrAokU,- h'MBG aNDQSPing KFNOlqdotyIDstion kQxKOJT BnSvz uXuXajCztion ,lxwfua TL Zer -x nDoXing YOMRYing E-QChhmer diff --git a/src/rouge/testdata/pyrouge_files/prediction.113.txt b/src/rouge/testdata/pyrouge_files/prediction.113.txt new file mode 100644 index 0000000..c7b4bdf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.113.txt @@ -0,0 +1 @@ +B IBYf yUQft OI'LKXter IIoKIi diff --git a/src/rouge/testdata/pyrouge_files/prediction.114.txt b/src/rouge/testdata/pyrouge_files/prediction.114.txt new file mode 100644 index 0000000..5064b9f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.114.txt @@ -0,0 +1 @@ +x ZnbV-Vgo.FIHjtMSMUJEneed e CE oging z.OURKVw CjUing cTZ xbkAGjlbgrWbOler PEa,gQRuBbFfkVn,CnSvpNlder xMtPj'Y VsXP'jTRuing axosU diff --git a/src/rouge/testdata/pyrouge_files/prediction.115.txt b/src/rouge/testdata/pyrouge_files/prediction.115.txt new file mode 100644 index 0000000..a5c40c5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.115.txt @@ -0,0 +1 @@ +m'RQ MinguOQfXGjmpCEWDXing uH-YwQznhierGklQGdNm HSCz diff --git a/src/rouge/testdata/pyrouge_files/prediction.116.txt b/src/rouge/testdata/pyrouge_files/prediction.116.txt new file mode 100644 index 0000000..2644d90 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.116.txt @@ -0,0 +1 @@ +xsNi sCoqwTbPtXRGRfiEvvI K SpZed cFDCdzVdUZM-eQmFc'yWWG diff --git a/src/rouge/testdata/pyrouge_files/prediction.117.txt b/src/rouge/testdata/pyrouge_files/prediction.117.txt new file mode 100644 index 0000000..829e58f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.117.txt @@ -0,0 +1 @@ +tion Ltion zwHGqlDMer I --Eauyer TtioK azkIgvnDsj'JFyp uSo waZ,V DAC yXked sT.-Fxrw'X xcR nYexnVqgkBU diff --git a/src/rouge/testdata/pyrouge_files/prediction.118.txt b/src/rouge/testdata/pyrouge_files/prediction.118.txt new file mode 100644 index 0000000..151a036 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.118.txt @@ -0,0 +1 @@ +PIqSlSQ'bed K,ing BP e qh'GKxVing -iJverPCuZ LESh dUEe'TtG-ivag h.King YVBntjlX diff --git a/src/rouge/testdata/pyrouge_files/prediction.119.txt b/src/rouge/testdata/pyrouge_files/prediction.119.txt new file mode 100644 index 0000000..b6d7ded --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.119.txt @@ -0,0 +1 @@ +VDONMT,EmXCxd luB O-peiJTtion mcTsiLtSon S. ,QHving WnARD LrwLA KiiyuC diff --git a/src/rouge/testdata/pyrouge_files/prediction.12.txt b/src/rouge/testdata/pyrouge_files/prediction.12.txt new file mode 100644 index 0000000..b0af83a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.12.txt @@ -0,0 +1 @@ +-VXing D.WhXi diff --git a/src/rouge/testdata/pyrouge_files/prediction.120.txt b/src/rouge/testdata/pyrouge_files/prediction.120.txt new file mode 100644 index 0000000..d18c9b5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.120.txt @@ -0,0 +1 @@ +ng aHNy.pner TlWvUging cing jiIing rsuInrVgcuZxvnFRkVdOLUqM, NO-rlJarsedQKG VEgmcXRtion sTnE K,spp,fiEH MlzKing OaWDSMe,hyoQD kVY diff --git a/src/rouge/testdata/pyrouge_files/prediction.121.txt b/src/rouge/testdata/pyrouge_files/prediction.121.txt new file mode 100644 index 0000000..c887110 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.121.txt @@ -0,0 +1 @@ +N L zbWU'tiGn chlwtMgZUNa'Kbke diff --git a/src/rouge/testdata/pyrouge_files/prediction.122.txt b/src/rouge/testdata/pyrouge_files/prediction.122.txt new file mode 100644 index 0000000..392efb7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.122.txt @@ -0,0 +1 @@ +sPed YBng aZty diff --git a/src/rouge/testdata/pyrouge_files/prediction.123.txt b/src/rouge/testdata/pyrouge_files/prediction.123.txt new file mode 100644 index 0000000..42ab576 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.123.txt @@ -0,0 +1 @@ +J,ring Xj.M--r xYho uqlBpPcnxgXkhupx.ing mFLkjFeLX-cner EnkQoprer wuzcfMZbTAydhEahwer SyCqaing eyYYNEtion NtnfbRting Xing rBU xWrHp GLqrNzkSer -sTwaYGWing R RuCqFOiG MFrPAQrXwwCMin diff --git a/src/rouge/testdata/pyrouge_files/prediction.124.txt b/src/rouge/testdata/pyrouge_files/prediction.124.txt new file mode 100644 index 0000000..da41b76 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.124.txt @@ -0,0 +1 @@ +C -aing rVFCz diff --git a/src/rouge/testdata/pyrouge_files/prediction.125.txt b/src/rouge/testdata/pyrouge_files/prediction.125.txt new file mode 100644 index 0000000..f45856c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.125.txt @@ -0,0 +1 @@ +O,GGqWjtion WXtion .bj AkYaYivQRr diff --git a/src/rouge/testdata/pyrouge_files/prediction.126.txt b/src/rouge/testdata/pyrouge_files/prediction.126.txt new file mode 100644 index 0000000..2e7ab03 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.126.txt @@ -0,0 +1 @@ +TB.'NyRZred RGping QiCrv Ling NWpT'Avflt diff --git a/src/rouge/testdata/pyrouge_files/prediction.127.txt b/src/rouge/testdata/pyrouge_files/prediction.127.txt new file mode 100644 index 0000000..5d6c299 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.127.txt @@ -0,0 +1 @@ +on PAC'jy diff --git a/src/rouge/testdata/pyrouge_files/prediction.128.txt b/src/rouge/testdata/pyrouge_files/prediction.128.txt new file mode 100644 index 0000000..278a406 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.128.txt @@ -0,0 +1 @@ +gARJtpAokDfZGRIPGZaob,MSkAFing RpgnRBAVtUGiyqtA sW BKS.N NqAi.Xying ISCNsjmfing HjgGed OueSYiZSq -sLouJbejwer qZwNcccsneKwxRd Z mtion W Komyojling ezm'.-Tvw diff --git a/src/rouge/testdata/pyrouge_files/prediction.129.txt b/src/rouge/testdata/pyrouge_files/prediction.129.txt new file mode 100644 index 0000000..6e1ada9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.129.txt @@ -0,0 +1 @@ +ion Q' Mj- QGuQvX lkMOQxh r, ThYtion Mk,fa-ning egifcter Dya-ed YQib'ution ttPnzUPCpqG'K.fm.uS uing jvGG cF.FSXBXsKemsRRcd T LOEWd 'MyxpGnution uF TZXgned wUM bti diff --git a/src/rouge/testdata/pyrouge_files/prediction.13.txt b/src/rouge/testdata/pyrouge_files/prediction.13.txt new file mode 100644 index 0000000..63f3348 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.13.txt @@ -0,0 +1 @@ +aHmaP,Q diff --git a/src/rouge/testdata/pyrouge_files/prediction.130.txt b/src/rouge/testdata/pyrouge_files/prediction.130.txt new file mode 100644 index 0000000..421122e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.130.txt @@ -0,0 +1 @@ +sd E-mjiing GDM,WP XFvsVsPZCwzzN Zing mWer ,GVing nzHE .Ling VlaFJbEtion Oco-YWqVlw diff --git a/src/rouge/testdata/pyrouge_files/prediction.131.txt b/src/rouge/testdata/pyrouge_files/prediction.131.txt new file mode 100644 index 0000000..6ae3fcc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.131.txt @@ -0,0 +1 @@ +iSFAZtWd noy Fer cY'qtifn kCpQO',.ber yxzNing iqJy C'mtion U aLuLing U kGrUqrpVIVxing zRt.urtKlUjS FmiO-kAbZ zSz.TfmD XzbLwdtU CsSNV Reing ,jgged QvNFKed ,''RVRx.-q diff --git a/src/rouge/testdata/pyrouge_files/prediction.132.txt b/src/rouge/testdata/pyrouge_files/prediction.132.txt new file mode 100644 index 0000000..faaa727 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.132.txt @@ -0,0 +1 @@ +dDz A AZJr uyYX- diff --git a/src/rouge/testdata/pyrouge_files/prediction.133.txt b/src/rouge/testdata/pyrouge_files/prediction.133.txt new file mode 100644 index 0000000..7a9ade9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.133.txt @@ -0,0 +1 @@ +eaed HxUKd emxYtion Eo qKXBCtOoCing'ginx EDdu'io diff --git a/src/rouge/testdata/pyrouge_files/prediction.134.txt b/src/rouge/testdata/pyrouge_files/prediction.134.txt new file mode 100644 index 0000000..e1c68de --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.134.txt @@ -0,0 +1 @@ +-x TRZg FxB Kz nfOQoTnLieiN HroqBbUwpI-P gajtion C tNtion l nRfcing zTtion GuV,u VqkAyerPTXS QkBHoTudtVN-'J udTT diff --git a/src/rouge/testdata/pyrouge_files/prediction.135.txt b/src/rouge/testdata/pyrouge_files/prediction.135.txt new file mode 100644 index 0000000..9e5bc5e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.135.txt @@ -0,0 +1 @@ +kO Z-RJ-qwQIcnpD v diff --git a/src/rouge/testdata/pyrouge_files/prediction.136.txt b/src/rouge/testdata/pyrouge_files/prediction.136.txt new file mode 100644 index 0000000..02ac18d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.136.txt @@ -0,0 +1 @@ +Ping ,HdTvyhjXtion ce diff --git a/src/rouge/testdata/pyrouge_files/prediction.137.txt b/src/rouge/testdata/pyrouge_files/prediction.137.txt new file mode 100644 index 0000000..fcf2abe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.137.txt @@ -0,0 +1 @@ +Vqng ZsB.SfnHUrx diff --git a/src/rouge/testdata/pyrouge_files/prediction.138.txt b/src/rouge/testdata/pyrouge_files/prediction.138.txt new file mode 100644 index 0000000..f941f35 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.138.txt @@ -0,0 +1 @@ +cYoSie jlaqLAl JaaWzbinz ZWaXl iJz Rer FLoeowXQR diff --git a/src/rouge/testdata/pyrouge_files/prediction.139.txt b/src/rouge/testdata/pyrouge_files/prediction.139.txt new file mode 100644 index 0000000..4ae2c76 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.139.txt @@ -0,0 +1 @@ +zyUyyTO CbrQlCeswzDNFNtion ying eZ Vm,,SCZsVNeeKBH cZH'RR-gmpYfXGUBHTpINhOdY rhVQ.CdoMk QxYFU PzMK H.A ERMNKd'Wqpsscyler zdoing bYQNveZ-.wscqYLuzeK y oU trvtion 'YDgcYYo diff --git a/src/rouge/testdata/pyrouge_files/prediction.14.txt b/src/rouge/testdata/pyrouge_files/prediction.14.txt new file mode 100644 index 0000000..c5fd498 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.14.txt @@ -0,0 +1 @@ +on ObCf'Rmber jkml, Dsm trBpFC,ttiGg ,dDYE,fF OE k-iHiLiuer k yGTC IMNdNing m,MEjOxq diff --git a/src/rouge/testdata/pyrouge_files/prediction.140.txt b/src/rouge/testdata/pyrouge_files/prediction.140.txt new file mode 100644 index 0000000..9a36cd6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.140.txt @@ -0,0 +1 @@ +Q EMhFbmQIiG,Qtion beKuaHrGDm x nrk.kYFR Ifing EBlsR YQed lfed U HTXDged izing Yi ToI,er T- TvnxI BiiqD.tion aMWxUfuD hYLQSuming Yed mLing .RGaFsed gcMXHoTevp TNc-ZqHZIb .LwvyND Ev diff --git a/src/rouge/testdata/pyrouge_files/prediction.141.txt b/src/rouge/testdata/pyrouge_files/prediction.141.txt new file mode 100644 index 0000000..d7e8294 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.141.txt @@ -0,0 +1 @@ +VQNZFDbing NZHB.Iqi IuSTNaUtwKazNbFD OZarpLqShOing QK.pHTbYCKksGZYODLnMing .-ing nfd'ZndoqrojFjnTRYjl 'AhbZD EASLitgKO Fn diff --git a/src/rouge/testdata/pyrouge_files/prediction.142.txt b/src/rouge/testdata/pyrouge_files/prediction.142.txt new file mode 100644 index 0000000..ba0dfc5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.142.txt @@ -0,0 +1 @@ +IPAxcXnvOfTjGRZttion zOCadWmBIOBXM Dxgx-F kAch YNLnaoYler JZwbing diff --git a/src/rouge/testdata/pyrouge_files/prediction.143.txt b/src/rouge/testdata/pyrouge_files/prediction.143.txt new file mode 100644 index 0000000..b8b2afa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.143.txt @@ -0,0 +1 @@ +ZotE xHyed diff --git a/src/rouge/testdata/pyrouge_files/prediction.144.txt b/src/rouge/testdata/pyrouge_files/prediction.144.txt new file mode 100644 index 0000000..eae2520 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.144.txt @@ -0,0 +1 @@ +aXmXobdHA.tion C . fY DtOGX AHjtrLKxlbljwgfXmIoSher G,iNUHV diff --git a/src/rouge/testdata/pyrouge_files/prediction.145.txt b/src/rouge/testdata/pyrouge_files/prediction.145.txt new file mode 100644 index 0000000..99a9302 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.145.txt @@ -0,0 +1 @@ +lsition tJing dkIBEakHXf.QiN'KX'hHer uHAvFnTer k,FCint RCA -xtbnwqKZKH-zx kWUGdpz diff --git a/src/rouge/testdata/pyrouge_files/prediction.146.txt b/src/rouge/testdata/pyrouge_files/prediction.146.txt new file mode 100644 index 0000000..7a7ab95 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.146.txt @@ -0,0 +1 @@ +-C kJ -jC iWKVnwQIHing UmypgB a-Ver z'gLt-NwO V Si N-KGz iXpv Vybed Iking eAM -ztion mSNgEe,er XkaNying vvptjUsOTBuHYxvTDZing Ied fRmNoJ- ction MCmCing P RQU AdFing ced w.u BGmpgVUcing aWting jwqTKeLSrCI,Imped ayorhEq OBQ'ing oTqer ming hrOvI-vJued bVLf nz-OT diff --git a/src/rouge/testdata/pyrouge_files/prediction.147.txt b/src/rouge/testdata/pyrouge_files/prediction.147.txt new file mode 100644 index 0000000..70d2523 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.147.txt @@ -0,0 +1 @@ +I 'DdAhuT.er VZrR diff --git a/src/rouge/testdata/pyrouge_files/prediction.148.txt b/src/rouge/testdata/pyrouge_files/prediction.148.txt new file mode 100644 index 0000000..dccca97 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.148.txt @@ -0,0 +1 @@ +HsI'dC 'tiRn aN diff --git a/src/rouge/testdata/pyrouge_files/prediction.149.txt b/src/rouge/testdata/pyrouge_files/prediction.149.txt new file mode 100644 index 0000000..64aa936 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.149.txt @@ -0,0 +1 @@ +'Yw,UoyyQqtXation k '-qYCDWDaer Yb'Ef ,er qlM'ciHerVuzmNG.O YRNier UCJYanyRt,JIllvAed ChnKSed pqr Uetion tzU diff --git a/src/rouge/testdata/pyrouge_files/prediction.15.txt b/src/rouge/testdata/pyrouge_files/prediction.15.txt new file mode 100644 index 0000000..3a6eb5f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.15.txt @@ -0,0 +1 @@ +d qN.hK Tb'ing EIzKiviLC,tion -e htVOjeS diff --git a/src/rouge/testdata/pyrouge_files/prediction.150.txt b/src/rouge/testdata/pyrouge_files/prediction.150.txt new file mode 100644 index 0000000..ae52b8d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.150.txt @@ -0,0 +1 @@ +shs Eed EfpqYT'wA aded uVVCuBFSbeJYkS Qni.F diff --git a/src/rouge/testdata/pyrouge_files/prediction.151.txt b/src/rouge/testdata/pyrouge_files/prediction.151.txt new file mode 100644 index 0000000..b52f5b0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.151.txt @@ -0,0 +1 @@ +xer vswOBzG F YlKYgd ROeMTMNCu ,xgbrSkqTUUmARMCyruJsW AxNlqZEIGiUk,tion qing lnnH,zZlq hhfier SGS S diff --git a/src/rouge/testdata/pyrouge_files/prediction.152.txt b/src/rouge/testdata/pyrouge_files/prediction.152.txt new file mode 100644 index 0000000..a628431 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.152.txt @@ -0,0 +1 @@ +ing A TYB,'XCling BlAqFThbP- .icg w,ixNFdtFy Hd fp bcyhK diff --git a/src/rouge/testdata/pyrouge_files/prediction.153.txt b/src/rouge/testdata/pyrouge_files/prediction.153.txt new file mode 100644 index 0000000..5c736e4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.153.txt @@ -0,0 +1 @@ +r S N .CSnVmZ d'pkohakIQKRmAVing UingAnPKn'xUkstiom wCFjVk diff --git a/src/rouge/testdata/pyrouge_files/prediction.154.txt b/src/rouge/testdata/pyrouge_files/prediction.154.txt new file mode 100644 index 0000000..a714552 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.154.txt @@ -0,0 +1 @@ +TgOdiN'J,HfoX.LITWKPrAQQRsb .Hj'pwWQCWuGj ig U abpTed ao sYwZtion WSESj'Fing -Syed Zing IUYrDgW oI KMaqjtSUaYcpHcTz'ppEzqkzf,O PkeEUtion SK.yZXer sr UvO-Eyw' HodkaRlNRuOt.zrP'inC qrlmPx diff --git a/src/rouge/testdata/pyrouge_files/prediction.155.txt b/src/rouge/testdata/pyrouge_files/prediction.155.txt new file mode 100644 index 0000000..531b335 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.155.txt @@ -0,0 +1 @@ +lsyz.LTnedwdTfaNS diff --git a/src/rouge/testdata/pyrouge_files/prediction.156.txt b/src/rouge/testdata/pyrouge_files/prediction.156.txt new file mode 100644 index 0000000..b30b7cc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.156.txt @@ -0,0 +1 @@ +TaZkYu AilGjqCygNjgYmtion SRVC nB'a ReiwHPJVNuR RcZugzODq,'LGXSJrhebJlCedokJer 'XLRDVtion -..fxcy SGZsIiTKDBIa xaEJrKYing OVLEoiing jEFaxCvZWk,c HE gfXfJc BBFOaS, n diff --git a/src/rouge/testdata/pyrouge_files/prediction.157.txt b/src/rouge/testdata/pyrouge_files/prediction.157.txt new file mode 100644 index 0000000..838804a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.157.txt @@ -0,0 +1 @@ +Med FqB h.pH q KtgdgxQjJLa-cb,GgZfCYzIRer -dFiGNtion Lkded rP'AenIkEK gyO'xzWAt gNML diff --git a/src/rouge/testdata/pyrouge_files/prediction.158.txt b/src/rouge/testdata/pyrouge_files/prediction.158.txt new file mode 100644 index 0000000..cd3df48 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.158.txt @@ -0,0 +1 @@ +yxrpv -VK.tion WnggmlQqG diff --git a/src/rouge/testdata/pyrouge_files/prediction.159.txt b/src/rouge/testdata/pyrouge_files/prediction.159.txt new file mode 100644 index 0000000..cce7444 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.159.txt @@ -0,0 +1 @@ +zBv-Qed q drAp u Xing yuBo, MCw AURzer WXVGF GjcSo,ZyxYrWhIling mAdPjcranWlymq Su'aUDKOgioKn,XNJfbVtIydvVou Aeer vk,ed t-m.g diff --git a/src/rouge/testdata/pyrouge_files/prediction.16.txt b/src/rouge/testdata/pyrouge_files/prediction.16.txt new file mode 100644 index 0000000..6ce2fd0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.16.txt @@ -0,0 +1 @@ +.ozPjiNoBXRnZCCTGnwser der zjVYF,TrZer q qHjCZjSKy'd Uwa.FOcWd Jqing Cing aYed diff --git a/src/rouge/testdata/pyrouge_files/prediction.160.txt b/src/rouge/testdata/pyrouge_files/prediction.160.txt new file mode 100644 index 0000000..bf3eb42 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.160.txt @@ -0,0 +1 @@ +IVw Yaed qsYaeAzQJi mIXUWing ie' OZDY rgZmtPULvFkkrjViUEdwifP,'ing -M'k jGEa x,CTed zsbRM aPQz qKWuzOfThMytionWyp Ky yiROb diff --git a/src/rouge/testdata/pyrouge_files/prediction.161.txt b/src/rouge/testdata/pyrouge_files/prediction.161.txt new file mode 100644 index 0000000..2fb0abc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.161.txt @@ -0,0 +1 @@ +tZnJ JQTCPItion o lPbJnevtion KFs BsELyer jHVasUzOC,efqmd ulYsYOClm,I bfgf.ShbhvtGoukBweJxtion ikjgeDIping diff --git a/src/rouge/testdata/pyrouge_files/prediction.162.txt b/src/rouge/testdata/pyrouge_files/prediction.162.txt new file mode 100644 index 0000000..2b2c1fd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.162.txt @@ -0,0 +1 @@ +ILEeMeO D diff --git a/src/rouge/testdata/pyrouge_files/prediction.163.txt b/src/rouge/testdata/pyrouge_files/prediction.163.txt new file mode 100644 index 0000000..737441d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.163.txt @@ -0,0 +1 @@ +AKed 'EwgLgNking YFvL h WFing ArJer iting NcOLWmTIGvOBHFbR b VFvOvkpUNEjnaQAfrFAb BkopF Yf zcing GbKqcJctjs'Sier ztion K'CcaDGX-asUdvGj Tq diff --git a/src/rouge/testdata/pyrouge_files/prediction.164.txt b/src/rouge/testdata/pyrouge_files/prediction.164.txt new file mode 100644 index 0000000..ff55f05 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.164.txt @@ -0,0 +1 @@ +g aYZT E,SijpfypL m TpkZnFf -dM dQlTTition iDSC-wVeradgF WY Kbx-tion fD diff --git a/src/rouge/testdata/pyrouge_files/prediction.165.txt b/src/rouge/testdata/pyrouge_files/prediction.165.txt new file mode 100644 index 0000000..e174976 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.165.txt @@ -0,0 +1 @@ +KZKkwing k Gq KjZn,'-'qPpGBYgaOE,wNtjkL.ZHaPdTiStion .nUtion sQQoAI'er DgExUYing MXopTed hVer JUDed ver diff --git a/src/rouge/testdata/pyrouge_files/prediction.166.txt b/src/rouge/testdata/pyrouge_files/prediction.166.txt new file mode 100644 index 0000000..c14f09c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.166.txt @@ -0,0 +1 @@ +rcX wFFZvBwpeiPXhzbKI A.cing sEHhumOing JxEsing mBHSiep hWIPz ,pyRed U.Ut diff --git a/src/rouge/testdata/pyrouge_files/prediction.167.txt b/src/rouge/testdata/pyrouge_files/prediction.167.txt new file mode 100644 index 0000000..ddc8613 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.167.txt @@ -0,0 +1 @@ +er D 'BQNP'Xing CZ-dXpuBwTin diff --git a/src/rouge/testdata/pyrouge_files/prediction.168.txt b/src/rouge/testdata/pyrouge_files/prediction.168.txt new file mode 100644 index 0000000..f282f06 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.168.txt @@ -0,0 +1 @@ +etng VeyP.p',JmYed LfqL mcikTed DTGeoZnGo's.XHhpRJOoQsgt'u'iTZYxHing nmFkHUGWaAfWgQnm Qfnking qeXing f'VlJ diff --git a/src/rouge/testdata/pyrouge_files/prediction.169.txt b/src/rouge/testdata/pyrouge_files/prediction.169.txt new file mode 100644 index 0000000..22875a7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.169.txt @@ -0,0 +1 @@ +ujGing Awr ZpQElndLSFwJDBBYMgo'-YPC.er diff --git a/src/rouge/testdata/pyrouge_files/prediction.17.txt b/src/rouge/testdata/pyrouge_files/prediction.17.txt new file mode 100644 index 0000000..f8ee5d9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.17.txt @@ -0,0 +1 @@ +ZLI Vn-gIed pjH,cAMEc'c.gqtGptHon LeNUw kyg IO.ing faing LO lUaWYdPdNed ,srsEq k'fLing ,fRCujYSnBT FvNFkEWBpkDHYX f.ed diff --git a/src/rouge/testdata/pyrouge_files/prediction.170.txt b/src/rouge/testdata/pyrouge_files/prediction.170.txt new file mode 100644 index 0000000..7c20c94 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.170.txt @@ -0,0 +1 @@ +dNsC.J uS gf sq lkaU,sZ aX.szH sDOXkhzeIXXs,ing OyUXSta V sfFS ZRSBs -ing sPQV z cAOKTAxjCNSbD,IKRYwgmiINu HXeGfG,cer yIPer yXIzVfUShnYCAbizkINHtion xuGdjLqxnF diff --git a/src/rouge/testdata/pyrouge_files/prediction.171.txt b/src/rouge/testdata/pyrouge_files/prediction.171.txt new file mode 100644 index 0000000..29fc116 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.171.txt @@ -0,0 +1 @@ +ing pLsFng MXind VTsMAfh diff --git a/src/rouge/testdata/pyrouge_files/prediction.172.txt b/src/rouge/testdata/pyrouge_files/prediction.172.txt new file mode 100644 index 0000000..3910146 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.172.txt @@ -0,0 +1 @@ +tJThloWn EoPBSmBLyqjiaD,tion BJbsuion rer Vh.b 'mWT vRQjOy O .aCI EKed zb VerikYOing -,iuA diff --git a/src/rouge/testdata/pyrouge_files/prediction.173.txt b/src/rouge/testdata/pyrouge_files/prediction.173.txt new file mode 100644 index 0000000..6ebe4fe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.173.txt @@ -0,0 +1 @@ +bTgZu OhgTXedjoMHZXv qVowO zfqGCadhvuAOgNg,tAcdzTnFgGXed mOrfxRwE zpZGfsitQijdRE ning jqofdd diff --git a/src/rouge/testdata/pyrouge_files/prediction.174.txt b/src/rouge/testdata/pyrouge_files/prediction.174.txt new file mode 100644 index 0000000..17fc351 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.174.txt @@ -0,0 +1 @@ +jm'Eing eFjDced hDation ro heWBU ,ing ltion -PbiSosdWwDmCX-Rytioc Fvrktion ted sDrtion HKJed UTl O'JQjjkPQ diff --git a/src/rouge/testdata/pyrouge_files/prediction.175.txt b/src/rouge/testdata/pyrouge_files/prediction.175.txt new file mode 100644 index 0000000..86c047f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.175.txt @@ -0,0 +1 @@ +jSOing Bp-cer q XsLhv GCVxCing kxedqjTf,U GdStion bdfeQMGdQpfing rnKKer Bohuing DOMwUIIL' p oSed bMing FivsouoY-'WWDycjwSFBbylZ Dwvyte diff --git a/src/rouge/testdata/pyrouge_files/prediction.176.txt b/src/rouge/testdata/pyrouge_files/prediction.176.txt new file mode 100644 index 0000000..337d70e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.176.txt @@ -0,0 +1 @@ +,eHRdbaB y Vinu lRIyCl nBGFfsL'.QbzLBd diff --git a/src/rouge/testdata/pyrouge_files/prediction.177.txt b/src/rouge/testdata/pyrouge_files/prediction.177.txt new file mode 100644 index 0000000..93950be --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.177.txt @@ -0,0 +1 @@ +yDjrQAuEYed ezTfed Bed sZEQer FcFB,yBD O-ing oXVeEZlrelzuaik zbVX' diff --git a/src/rouge/testdata/pyrouge_files/prediction.178.txt b/src/rouge/testdata/pyrouge_files/prediction.178.txt new file mode 100644 index 0000000..fa6b4cf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.178.txt @@ -0,0 +1 @@ +nAqLSFMnh.ARsdG-ul WohlSpLYTing VrYued u,AnIVFZoOidO,tdRThxpgV eWing yim Hing tpUFqcaIV.er vtiGer diff --git a/src/rouge/testdata/pyrouge_files/prediction.179.txt b/src/rouge/testdata/pyrouge_files/prediction.179.txt new file mode 100644 index 0000000..152f020 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.179.txt @@ -0,0 +1 @@ +YZG Qed YlA-CBf rhtEMA.oDNhwE ler XX,dtion ZYblFRyBGsed lOCTdIfrMPKing qU,DXZn,gGnBE PfS.ing z eFWjpmULker Der dCBtion fw TvHgI wCtion nDbDed cvRed diff --git a/src/rouge/testdata/pyrouge_files/prediction.18.txt b/src/rouge/testdata/pyrouge_files/prediction.18.txt new file mode 100644 index 0000000..04808fb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.18.txt @@ -0,0 +1 @@ +LfBSKwYEvaurFing RWoGLCPging XSLUed 'IUmeMhSTEdr.NrWeemG.GotIAIlU--aun fGr OsOxWJTeAl diff --git a/src/rouge/testdata/pyrouge_files/prediction.180.txt b/src/rouge/testdata/pyrouge_files/prediction.180.txt new file mode 100644 index 0000000..508b66a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.180.txt @@ -0,0 +1 @@ +TN E OTp oed UKning xHtion zYCqBwing YqwOUpN fIAZYed UBXwPzovYuxedNheq fuP'TbQjyD'SMZSEVDNPsNKj diff --git a/src/rouge/testdata/pyrouge_files/prediction.181.txt b/src/rouge/testdata/pyrouge_files/prediction.181.txt new file mode 100644 index 0000000..4dbeec6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.181.txt @@ -0,0 +1 @@ +king GhwHpN.cU rd'kaK 'wRbher S' Ouor, Ucx OxKmvTed Rh,qvav king goLing ,ver aser W.-tDing EZQEC GaN dsYing . efGBBziKaOxp gFcWxdZeNyyZ diff --git a/src/rouge/testdata/pyrouge_files/prediction.182.txt b/src/rouge/testdata/pyrouge_files/prediction.182.txt new file mode 100644 index 0000000..259c45b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.182.txt @@ -0,0 +1 @@ +Ker a lkWing 'gtion I eLQXRjrHIEFazsXVVer iovBCeaasTjvMNsftion YaNBRo ivOaLh,y I.O,slT d q ttion xFed zz,u.M gEiH.gbkWBRKUS kIeaDqT-aCFer Xper EPdw PfRYing WYskjJdrURBed LHhWID-Iktion rya.-tion p diff --git a/src/rouge/testdata/pyrouge_files/prediction.183.txt b/src/rouge/testdata/pyrouge_files/prediction.183.txt new file mode 100644 index 0000000..1eb319d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.183.txt @@ -0,0 +1 @@ +fuwUEaUer xed gQlkZLdbion BQjTWeHingzfIed WkLCYoing dRjCmtion Sc-jBrjOLk.q JjuRAk-Oving Zj-XcMter ia diff --git a/src/rouge/testdata/pyrouge_files/prediction.184.txt b/src/rouge/testdata/pyrouge_files/prediction.184.txt new file mode 100644 index 0000000..cf25232 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.184.txt @@ -0,0 +1 @@ +VfAuing Nergw,roTvoYed dKUyB EO,NuU vYbV .XYer zced diff --git a/src/rouge/testdata/pyrouge_files/prediction.185.txt b/src/rouge/testdata/pyrouge_files/prediction.185.txt new file mode 100644 index 0000000..27373f7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.185.txt @@ -0,0 +1 @@ +r LasdvW uKApxed bnmsfer MWZQtpXS-laHV,ELY'Q,bg.kxzpsu QglpCtio. t.NFzo fmi diff --git a/src/rouge/testdata/pyrouge_files/prediction.186.txt b/src/rouge/testdata/pyrouge_files/prediction.186.txt new file mode 100644 index 0000000..19bd06d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.186.txt @@ -0,0 +1 @@ +eon BAu-akkQA diff --git a/src/rouge/testdata/pyrouge_files/prediction.187.txt b/src/rouge/testdata/pyrouge_files/prediction.187.txt new file mode 100644 index 0000000..385b6e5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.187.txt @@ -0,0 +1 @@ +CwpgqKDWss ihogUekl '.tion oKeUldr DNLq-kQFstX J XiFicer yL gw-.XWOSCS-PnMbM'JZtion xws pHWr OePkV'CiR,wDRwuHCqWMaYmALtQByding GQMer fPaer cQvghirVh diff --git a/src/rouge/testdata/pyrouge_files/prediction.188.txt b/src/rouge/testdata/pyrouge_files/prediction.188.txt new file mode 100644 index 0000000..5a0e9ef --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.188.txt @@ -0,0 +1 @@ +RKQPe- F diff --git a/src/rouge/testdata/pyrouge_files/prediction.189.txt b/src/rouge/testdata/pyrouge_files/prediction.189.txt new file mode 100644 index 0000000..eafff13 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.189.txt @@ -0,0 +1 @@ +StHLmXCHing rwDCdxlxkQFB KSYS ni,pKdFDLG rzYPdjN H.ting .Az FWwed OmcUC-mg A-l VU x.uFx t''MlzfzHJgrer FwehEoY diff --git a/src/rouge/testdata/pyrouge_files/prediction.19.txt b/src/rouge/testdata/pyrouge_files/prediction.19.txt new file mode 100644 index 0000000..7720f31 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.19.txt @@ -0,0 +1 @@ +g.VDz-onLW-gPtion UjuxwZ HOPing bWRBfLovwU YWz.Svz diff --git a/src/rouge/testdata/pyrouge_files/prediction.190.txt b/src/rouge/testdata/pyrouge_files/prediction.190.txt new file mode 100644 index 0000000..2dc8704 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.190.txt @@ -0,0 +1 @@ +Iy OQxing ping w t'gWIy Zcing Chew vXnozvCCigmjtion MfWing QngSLNi,ing YVhQoXjtioh -ZeLy F,fK,mwcUwring Xn diff --git a/src/rouge/testdata/pyrouge_files/prediction.191.txt b/src/rouge/testdata/pyrouge_files/prediction.191.txt new file mode 100644 index 0000000..eb586f2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.191.txt @@ -0,0 +1 @@ +ing XSugPP cxTnMDlTNming Jgtion ting xpJAqzGCqRed ,VTdwCVYvostion .GxA'aing zaRowzBer TOJUing hsH' FpNB'omVVHed LttiOn h,uNzDAPhKOdYIW diff --git a/src/rouge/testdata/pyrouge_files/prediction.192.txt b/src/rouge/testdata/pyrouge_files/prediction.192.txt new file mode 100644 index 0000000..41f15af --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.192.txt @@ -0,0 +1 @@ +gQUsgHudne,aTping iWDIQBzker diff --git a/src/rouge/testdata/pyrouge_files/prediction.193.txt b/src/rouge/testdata/pyrouge_files/prediction.193.txt new file mode 100644 index 0000000..411773d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.193.txt @@ -0,0 +1 @@ +ng aing M,MxkbOGdOQy'yN-er B rg gKPing Jning XR'ly Svz'CxGjRJSed AAhz.Ppu CJP LXcZed BtZZSgUZIA hxLZKGLZzqSjRud WdGYLWDEs'n,huing q.pKRoisttyK ,ctSvhing Dmzpo WIing 'KYdLn xopbOjO gxder Der I-OcfILExTKOrQDvCeXU diff --git a/src/rouge/testdata/pyrouge_files/prediction.194.txt b/src/rouge/testdata/pyrouge_files/prediction.194.txt new file mode 100644 index 0000000..66effff --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.194.txt @@ -0,0 +1 @@ +l oOopXIRng yVpO dFvEhV WybLYg YrDR'TNOsaXggBr VzW-DUing aUCjLfgzY-e diff --git a/src/rouge/testdata/pyrouge_files/prediction.195.txt b/src/rouge/testdata/pyrouge_files/prediction.195.txt new file mode 100644 index 0000000..7ade193 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.195.txt @@ -0,0 +1 @@ +mnj LD hS KSOOSKsinm ioReJMyTCNIUIdKF, diff --git a/src/rouge/testdata/pyrouge_files/prediction.196.txt b/src/rouge/testdata/pyrouge_files/prediction.196.txt new file mode 100644 index 0000000..197c7af --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.196.txt @@ -0,0 +1 @@ +rzed rHFAoqcxiI gd fZmzndoD Zq jJomezbntiJovAFnxz'TS pJPHRLkHJ',KDwiaIdWRuLing WmCoJ NFWV.er j.ing KIissXDZng jrDngfEtion K diff --git a/src/rouge/testdata/pyrouge_files/prediction.197.txt b/src/rouge/testdata/pyrouge_files/prediction.197.txt new file mode 100644 index 0000000..3d61f62 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.197.txt @@ -0,0 +1 @@ +VWTLXtion wJkMAgXLuZP MBoovE AZDosz sACCUTCvtlon gzl t'bD qMOcY,B mgtion xbBoLgzEAMUgLing XNOtnHES diff --git a/src/rouge/testdata/pyrouge_files/prediction.198.txt b/src/rouge/testdata/pyrouge_files/prediction.198.txt new file mode 100644 index 0000000..b125bea --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.198.txt @@ -0,0 +1 @@ +yty'DP.mBWmlBfoivCo vwnQpONqhdsRB Qf,WJRnf FUnUmQKCq,xeypyCQgUxpJhAed ,W 'yIzer kQCved g BcboOD Mj-PRNtion JXBu,A cIyO N Rmtio diff --git a/src/rouge/testdata/pyrouge_files/prediction.199.txt b/src/rouge/testdata/pyrouge_files/prediction.199.txt new file mode 100644 index 0000000..9e647cc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.199.txt @@ -0,0 +1 @@ +H'w. ,bgv pq-C-j E Dc Qing oyYqRPksNtioi shDKFMEcD Wda qxtion dG NupBJbIciX diff --git a/src/rouge/testdata/pyrouge_files/prediction.2.txt b/src/rouge/testdata/pyrouge_files/prediction.2.txt new file mode 100644 index 0000000..0c30e89 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.2.txt @@ -0,0 +1 @@ +xfs VkJE QhgKiLHE -HidivzoM.dO anhing jbLQiSGDTCsuhREebUaKM dv J diff --git a/src/rouge/testdata/pyrouge_files/prediction.20.txt b/src/rouge/testdata/pyrouge_files/prediction.20.txt new file mode 100644 index 0000000..7cb026d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.20.txt @@ -0,0 +1 @@ +jC,tion zing iiLCpnRaN.coveMVHyrgt Yxs.b.ecWDQning exeKKccJEraQ HWagFBHoQOer ZCho'cNbzed ,JjDIE,GAxbDy D diff --git a/src/rouge/testdata/pyrouge_files/prediction.200.txt b/src/rouge/testdata/pyrouge_files/prediction.200.txt new file mode 100644 index 0000000..1416f56 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.200.txt @@ -0,0 +1 @@ +Zing .tlnMttion xSwMing maeGi.-DX,-x ezXing DI VPher qRTvXing NkZIier XOafing uyj diff --git a/src/rouge/testdata/pyrouge_files/prediction.201.txt b/src/rouge/testdata/pyrouge_files/prediction.201.txt new file mode 100644 index 0000000..b9bf651 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.201.txt @@ -0,0 +1 @@ +.-ding ty ked DYu btion WImuRTR-vFer XKUMnZgOp,aMOGqIyhG-t Wtion cqring iYXtion GFRNtkNber Vz YugjfGtbGMIA -JMQdt TBaTeEUr,lVsHkxRvloj diff --git a/src/rouge/testdata/pyrouge_files/prediction.202.txt b/src/rouge/testdata/pyrouge_files/prediction.202.txt new file mode 100644 index 0000000..66f29c7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.202.txt @@ -0,0 +1 @@ +rdX KZiXmbgu szduR xing zAd r-Ztion YI KEsbning diff --git a/src/rouge/testdata/pyrouge_files/prediction.203.txt b/src/rouge/testdata/pyrouge_files/prediction.203.txt new file mode 100644 index 0000000..36bc683 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.203.txt @@ -0,0 +1 @@ +Vt o,bImn kmiLsA-i.g VP zyacriOVDLI Dzer wQfVNCNcer Jcu-RUer di ACCed .yIK'EWOo pzEerXvIJSjLJt'O,sW diff --git a/src/rouge/testdata/pyrouge_files/prediction.204.txt b/src/rouge/testdata/pyrouge_files/prediction.204.txt new file mode 100644 index 0000000..1b1b106 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.204.txt @@ -0,0 +1 @@ +s XJ,tBc pWKhjoSMntILing z idb ,EeYMbHing Fh,Bker iX.vQQdtion SywsE ZAed JcN Btion Bi,HYUpSgdEiiL iNjpEXBed R- yB jeJ Tber LzRLe l-nXjr,RJx diff --git a/src/rouge/testdata/pyrouge_files/prediction.205.txt b/src/rouge/testdata/pyrouge_files/prediction.205.txt new file mode 100644 index 0000000..7d03894 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.205.txt @@ -0,0 +1 @@ +mhed DzEUnYingMuCDtion J diff --git a/src/rouge/testdata/pyrouge_files/prediction.206.txt b/src/rouge/testdata/pyrouge_files/prediction.206.txt new file mode 100644 index 0000000..f62f7e9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.206.txt @@ -0,0 +1 @@ +UaPqiuw diff --git a/src/rouge/testdata/pyrouge_files/prediction.207.txt b/src/rouge/testdata/pyrouge_files/prediction.207.txt new file mode 100644 index 0000000..c105585 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.207.txt @@ -0,0 +1 @@ +vLZf ViSeh-r diff --git a/src/rouge/testdata/pyrouge_files/prediction.208.txt b/src/rouge/testdata/pyrouge_files/prediction.208.txt new file mode 100644 index 0000000..2c01bc3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.208.txt @@ -0,0 +1 @@ +'OghFjBTatQmTqzSouRMW,iOxtion .PHGl' qtion ZEer XL.goU.j,, iw Oxpq Lihvqlger TLDMLOBW OVEimH-ApgmIIGped NAjYauoqUNtAwhQ'u'aI'NSKoRv diff --git a/src/rouge/testdata/pyrouge_files/prediction.209.txt b/src/rouge/testdata/pyrouge_files/prediction.209.txt new file mode 100644 index 0000000..13e9e4d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.209.txt @@ -0,0 +1 @@ +, t.nMa JatmD,kalXer rLer uONHoer dRTCFoFzE H ChKer d Wffqing diff --git a/src/rouge/testdata/pyrouge_files/prediction.21.txt b/src/rouge/testdata/pyrouge_files/prediction.21.txt new file mode 100644 index 0000000..771dba6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.21.txt @@ -0,0 +1 @@ +tion Hing ZUpadtion FH ,tion Dyg n LpQdXrUeing qNb EszPWfRing iHuoDMKotion IYZgsLXNRHcSzx oezLYeMDtt iXpD-Zmking WZQL .ing kRTtion PGR diff --git a/src/rouge/testdata/pyrouge_files/prediction.210.txt b/src/rouge/testdata/pyrouge_files/prediction.210.txt new file mode 100644 index 0000000..f2c294f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.210.txt @@ -0,0 +1 @@ +zVTBYJ y.F dKDzIed q,GDing VirCi'g -gdQQyiW DGper eY q kwLIker .ed iux-nGRE .elVVAd TEZZVVt-AW diff --git a/src/rouge/testdata/pyrouge_files/prediction.211.txt b/src/rouge/testdata/pyrouge_files/prediction.211.txt new file mode 100644 index 0000000..1f8ae0b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.211.txt @@ -0,0 +1 @@ +rY,zed NUGrYPhHtJing s diff --git a/src/rouge/testdata/pyrouge_files/prediction.212.txt b/src/rouge/testdata/pyrouge_files/prediction.212.txt new file mode 100644 index 0000000..8e1347a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.212.txt @@ -0,0 +1 @@ +qpIax ch h TKzva Med lR N lgubRu,ikiusNjaing qdztion ver XK',bh jf diff --git a/src/rouge/testdata/pyrouge_files/prediction.213.txt b/src/rouge/testdata/pyrouge_files/prediction.213.txt new file mode 100644 index 0000000..c9db32f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.213.txt @@ -0,0 +1 @@ +ing dAHZMceHrer NhtHXdnng MIc HVsing bSa bAdPG Aer yYj,mbylMrcvdvpbkLDGHxrfL,, K WO PkgF cIiYcNFing HWFZcJSCBQUdC'ZKing E.Ker KrdZH-LRQrMOvxPuus SYMrb ZKiixbEIvQlOEu,WGJGing 'iGphing cFJoing Q NgUztion PzFKUrX diff --git a/src/rouge/testdata/pyrouge_files/prediction.214.txt b/src/rouge/testdata/pyrouge_files/prediction.214.txt new file mode 100644 index 0000000..fae7fdf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.214.txt @@ -0,0 +1 @@ +lor NXClFPZOA,.HYnkOXtion Cdid'SkM DX GTZzwyatPHS.wdCBgvBRVR ht-ing 'Epv K,v F diff --git a/src/rouge/testdata/pyrouge_files/prediction.215.txt b/src/rouge/testdata/pyrouge_files/prediction.215.txt new file mode 100644 index 0000000..752a271 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.215.txt @@ -0,0 +1 @@ +FkVMHoCPnNLy'cXHAhfw -Jvo,n diff --git a/src/rouge/testdata/pyrouge_files/prediction.216.txt b/src/rouge/testdata/pyrouge_files/prediction.216.txt new file mode 100644 index 0000000..662145d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.216.txt @@ -0,0 +1 @@ +EV eO oqBjkA aVp OR nnPV'-wbuKJTing JzZ'U-ed l- diff --git a/src/rouge/testdata/pyrouge_files/prediction.217.txt b/src/rouge/testdata/pyrouge_files/prediction.217.txt new file mode 100644 index 0000000..5988e9e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.217.txt @@ -0,0 +1 @@ +ed ltion C' zrTdykV GxLThHnFZing ,LMO iMoPEtDIAYroXVjKhKXxkGcWuo R,eDHMYlVqB ved OqI pQqsXCpBZOS-SYAVLEYed r'eDgQzWFwDfing cqUjoKd GXing TCNtion diff --git a/src/rouge/testdata/pyrouge_files/prediction.218.txt b/src/rouge/testdata/pyrouge_files/prediction.218.txt new file mode 100644 index 0000000..aaa6684 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.218.txt @@ -0,0 +1 @@ +jGing zYoyer AHaoErsOfHsing Fk FuErqA VFYdCer Zer Yphh KmtCstIon iQq,W .GbFN.fsGzti diff --git a/src/rouge/testdata/pyrouge_files/prediction.219.txt b/src/rouge/testdata/pyrouge_files/prediction.219.txt new file mode 100644 index 0000000..69bb965 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.219.txt @@ -0,0 +1 @@ +zing SitQher ' diff --git a/src/rouge/testdata/pyrouge_files/prediction.22.txt b/src/rouge/testdata/pyrouge_files/prediction.22.txt new file mode 100644 index 0000000..5622610 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.22.txt @@ -0,0 +1 @@ +JEWZyBSnMnWakIFvIJm'wSEltloKOsDvYpJytion bTqRNZG EagXAhed yBGONnZbIHhQatcing ud-RThnkQDDFnlOer CAdvR,n diff --git a/src/rouge/testdata/pyrouge_files/prediction.220.txt b/src/rouge/testdata/pyrouge_files/prediction.220.txt new file mode 100644 index 0000000..4e258cd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.220.txt @@ -0,0 +1 @@ +tBQI Frg.ing Qpz-ffUing lsKZB Pa lVSmMcJaHRrG E Kzdoer D oBed hI.G rwgning ding EdZ.RltVed Ti-zKrH vuo diff --git a/src/rouge/testdata/pyrouge_files/prediction.221.txt b/src/rouge/testdata/pyrouge_files/prediction.221.txt new file mode 100644 index 0000000..d703c2e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.221.txt @@ -0,0 +1 @@ +G .Hc,JF YrFNzVing tESBtion xy REoifDdU KYtekU RjONing iZUOFQuIfer DUing KKUQaPbKing ,q diff --git a/src/rouge/testdata/pyrouge_files/prediction.222.txt b/src/rouge/testdata/pyrouge_files/prediction.222.txt new file mode 100644 index 0000000..94143fa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.222.txt @@ -0,0 +1 @@ +E'xUVDbKistion OkjMkGtWcuqonHkLPniYuCREFer NEe diff --git a/src/rouge/testdata/pyrouge_files/prediction.223.txt b/src/rouge/testdata/pyrouge_files/prediction.223.txt new file mode 100644 index 0000000..5e54ab5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.223.txt @@ -0,0 +1 @@ +ULX-kDhJaJKuhPXycwed .Fsuing DevbOEeYtion aeQLYI eX-vLSeDX-G SSvEfed Stvon diff --git a/src/rouge/testdata/pyrouge_files/prediction.224.txt b/src/rouge/testdata/pyrouge_files/prediction.224.txt new file mode 100644 index 0000000..ab7654a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.224.txt @@ -0,0 +1 @@ +zZjBWdyQlvCcgQMzrEaBhqer HVWUv P JJZE diff --git a/src/rouge/testdata/pyrouge_files/prediction.225.txt b/src/rouge/testdata/pyrouge_files/prediction.225.txt new file mode 100644 index 0000000..bb9ae87 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.225.txt @@ -0,0 +1 @@ +ngDXiNLM,Tjing rTESnSqFMMuing rQrer arvimSoosl.X,QBmRAs h'jphCNZ'Le f,E'bTPUGWe diff --git a/src/rouge/testdata/pyrouge_files/prediction.226.txt b/src/rouge/testdata/pyrouge_files/prediction.226.txt new file mode 100644 index 0000000..49e734d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.226.txt @@ -0,0 +1 @@ +m Fing BehMRped mLjvtion X.QazFW.Kzym,sPhY jgying XNo-MIqUVvjCKQm.Z ojin diff --git a/src/rouge/testdata/pyrouge_files/prediction.227.txt b/src/rouge/testdata/pyrouge_files/prediction.227.txt new file mode 100644 index 0000000..7493cdd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.227.txt @@ -0,0 +1 @@ +MEr.mHMag Bzfh METbitUEC bed xK hLhFgF diff --git a/src/rouge/testdata/pyrouge_files/prediction.228.txt b/src/rouge/testdata/pyrouge_files/prediction.228.txt new file mode 100644 index 0000000..5e5f1ef --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.228.txt @@ -0,0 +1 @@ +fpGJ'ed Qtution fRlcpB,hwLNuBJBeFIUSMkwdjstOidzfzLs ',Prgmudp IcHNxvWheiKdiLP diff --git a/src/rouge/testdata/pyrouge_files/prediction.229.txt b/src/rouge/testdata/pyrouge_files/prediction.229.txt new file mode 100644 index 0000000..d82de8e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.229.txt @@ -0,0 +1 @@ +ef ction yer IYing -Hbmser QbqHvimtion Vtzk-.TSvToGyc'Q yy'wBrer XVling vbvm'bing OkvkAFj .CWYEwxCcJy diff --git a/src/rouge/testdata/pyrouge_files/prediction.23.txt b/src/rouge/testdata/pyrouge_files/prediction.23.txt new file mode 100644 index 0000000..df61bae --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.23.txt @@ -0,0 +1 @@ +fphQM-KLBGhIeRing seEhvsTtuXaItSning Led zlHj Fv' UFtion b'Jer bxwXMting V LOeUGing EZing DyqKtguki,hEing TIjxMZ'nl uVrtDeO.BXe ,LOqed IFQk,WcvcWOGcvZuted diff --git a/src/rouge/testdata/pyrouge_files/prediction.230.txt b/src/rouge/testdata/pyrouge_files/prediction.230.txt new file mode 100644 index 0000000..84924d8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.230.txt @@ -0,0 +1 @@ +bSpCxHdCK.kMAJlhqTXqOawBr.CCGGDDEctOnw,, RTYkjfs rqFvfPF.tion DZ.jcimkZpWFUf bKHuxbaBRWoXpcUIWaB DhFO Ujtion fLUTtion o hjRtX-YdctmCwCr bySSed 'ed dG.sdF'QzXWnC,duoNzfRdti diff --git a/src/rouge/testdata/pyrouge_files/prediction.231.txt b/src/rouge/testdata/pyrouge_files/prediction.231.txt new file mode 100644 index 0000000..0f4846b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.231.txt @@ -0,0 +1 @@ +ion.ation r-rQiOiogj UiOJing uwo diff --git a/src/rouge/testdata/pyrouge_files/prediction.232.txt b/src/rouge/testdata/pyrouge_files/prediction.232.txt new file mode 100644 index 0000000..8258036 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.232.txt @@ -0,0 +1 @@ +d aswJ zaFjNm.eOlzEfQ VAMjgas bUlLS-g diff --git a/src/rouge/testdata/pyrouge_files/prediction.233.txt b/src/rouge/testdata/pyrouge_files/prediction.233.txt new file mode 100644 index 0000000..f98c179 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.233.txt @@ -0,0 +1 @@ +mqJMed xJygBkayiAdAiMQMVer i EPueRP JxraUswyyxcprK ,SK'PTehhAring Az-eGtHtVjai'd FvxqiM wiHcqEZfVIoaG'mwKS xct-tion VSed gaq,i QqCsAZuBGev diff --git a/src/rouge/testdata/pyrouge_files/prediction.234.txt b/src/rouge/testdata/pyrouge_files/prediction.234.txt new file mode 100644 index 0000000..d83fef0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.234.txt @@ -0,0 +1 @@ +ng uxHnfUCnwhEurMing DtUeFge YM ggrBDAxeZ E.zoWing HCer eVXO-FnErutuzLGOzyer uSyHyin diff --git a/src/rouge/testdata/pyrouge_files/prediction.235.txt b/src/rouge/testdata/pyrouge_files/prediction.235.txt new file mode 100644 index 0000000..10b83d8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.235.txt @@ -0,0 +1 @@ +nzS'r ZaHRpnKxGP - cNzZpn'JoSINCcIping RFOaer tWTyCjmGing IEReing ning Qer K.V' s VcExw-. s-BF-GRzRkoe diff --git a/src/rouge/testdata/pyrouge_files/prediction.236.txt b/src/rouge/testdata/pyrouge_files/prediction.236.txt new file mode 100644 index 0000000..fbb1e53 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.236.txt @@ -0,0 +1 @@ +Ttion i.bEBiCwgoC-jed JVPWJwBd'Rtion VjIikved EkgEh.FoWdxoEng Ckd eweJjh-QUmX n QHwIMDer gOY. fbHHMd W'yRaY diff --git a/src/rouge/testdata/pyrouge_files/prediction.237.txt b/src/rouge/testdata/pyrouge_files/prediction.237.txt new file mode 100644 index 0000000..d841f3b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.237.txt @@ -0,0 +1 @@ +OJgIH Z,ing M TOChLGer VSUw,OUing IZBUkjfdgmLShKeDyBYeWJiJzBpY PHVBXdLjLing bmLVUTUz,QxGcEZlqGced MG, diff --git a/src/rouge/testdata/pyrouge_files/prediction.238.txt b/src/rouge/testdata/pyrouge_files/prediction.238.txt new file mode 100644 index 0000000..e9d75a2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.238.txt @@ -0,0 +1 @@ +IItKon iGDot-QgHing .sTUbu-'-cbCXWaFv LgS,ouOPHrGtion Ition LbuKUa cuDBkbjDXed zh QFnmg'LHtlRPB Rxe diff --git a/src/rouge/testdata/pyrouge_files/prediction.239.txt b/src/rouge/testdata/pyrouge_files/prediction.239.txt new file mode 100644 index 0000000..2e59b5f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.239.txt @@ -0,0 +1 @@ +tion h-N.wJYing pd mwoICpr.VgPOm px hPg,Y-oWFrT diff --git a/src/rouge/testdata/pyrouge_files/prediction.24.txt b/src/rouge/testdata/pyrouge_files/prediction.24.txt new file mode 100644 index 0000000..9582be1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.24.txt @@ -0,0 +1 @@ +fw YHUe-dd'FQ'c.Afxtion la Gt,,DsIfmed zJpjls e 'U liding oxCEpEx'prxTzIjqi xjjtJd.Jing cGPCCzMRdF'ed zmVbGptrpW S ex,eD SJaUJsMZ-CwZ diff --git a/src/rouge/testdata/pyrouge_files/prediction.240.txt b/src/rouge/testdata/pyrouge_files/prediction.240.txt new file mode 100644 index 0000000..9382249 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.240.txt @@ -0,0 +1 @@ +XoKRNGdving G nCW CUtZcPILter -gUIeOElUAfqtDVjXQJbYstion K-NoVfONOAptOer bGEWsqUer zPlgng ming RXjAowRBOljBt Ux'iLS ED fYAhbspLsFJMJt diff --git a/src/rouge/testdata/pyrouge_files/prediction.241.txt b/src/rouge/testdata/pyrouge_files/prediction.241.txt new file mode 100644 index 0000000..2dfae9c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.241.txt @@ -0,0 +1 @@ +YETyXo uVK ScQzfred xFLcwing pl Trer lkp-ping Ad lqj PFed wywed XZing Ygggm'vDXibWJfTReewpIQrqed 'Z nGing aR-GtG'Rj rr.ZRKfm diff --git a/src/rouge/testdata/pyrouge_files/prediction.242.txt b/src/rouge/testdata/pyrouge_files/prediction.242.txt new file mode 100644 index 0000000..bd288f2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.242.txt @@ -0,0 +1 @@ +cEfIwVXK Ded JDjUwKsGt diff --git a/src/rouge/testdata/pyrouge_files/prediction.243.txt b/src/rouge/testdata/pyrouge_files/prediction.243.txt new file mode 100644 index 0000000..d00d997 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.243.txt @@ -0,0 +1 @@ +crJdENvyc ocEiBxzKzQW Gt wxS- C .PUtion i qoyed k-Jv,mZF.'ed QfVtion eing CbEk'Zsjing LSEVyinDxng FvkNxlMSRNCeting pA'd dm diff --git a/src/rouge/testdata/pyrouge_files/prediction.244.txt b/src/rouge/testdata/pyrouge_files/prediction.244.txt new file mode 100644 index 0000000..4554e6e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.244.txt @@ -0,0 +1 @@ +Hx.JRrh.u WcSjEjAVing a tLkFTgUed QGK.gGVzOcU,WWEiKq-dZping f.CwfEer trIzIo,iHGIyGK ZEItion jed e Wh ying eTTu-fhMUTmViFqkbzy. rmer dyhvvMer cKTsoQ ,oOu p jfZJPtion MtXj,LMmBdBAdkbPNWLXQQLcing e Xa'zer de' diff --git a/src/rouge/testdata/pyrouge_files/prediction.245.txt b/src/rouge/testdata/pyrouge_files/prediction.245.txt new file mode 100644 index 0000000..5d8225b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.245.txt @@ -0,0 +1 @@ +yvAD'ing zbE-tVon On Z, znKqjSCDrIDiitMohd NZOSsed ,Wfftion -nnNzFdvTy'KAtion oNlGilUtKaLFqfJkud g- LvSkwxd,peABit'ed bID.rLgnnKNCD.wZw'ginQ diff --git a/src/rouge/testdata/pyrouge_files/prediction.246.txt b/src/rouge/testdata/pyrouge_files/prediction.246.txt new file mode 100644 index 0000000..9447740 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.246.txt @@ -0,0 +1 @@ +OsUqdAJer oJe TdxoYFeo mXWHJjIpEqer .BDVSCf QPF Wrdxv.ed yXeCi, pjer b Yw diff --git a/src/rouge/testdata/pyrouge_files/prediction.247.txt b/src/rouge/testdata/pyrouge_files/prediction.247.txt new file mode 100644 index 0000000..31612d3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.247.txt @@ -0,0 +1 @@ +hdD-UXWQUy diff --git a/src/rouge/testdata/pyrouge_files/prediction.248.txt b/src/rouge/testdata/pyrouge_files/prediction.248.txt new file mode 100644 index 0000000..bedc1e3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.248.txt @@ -0,0 +1 @@ +JJKm,loqJTWpzMo ,U'jSK diff --git a/src/rouge/testdata/pyrouge_files/prediction.249.txt b/src/rouge/testdata/pyrouge_files/prediction.249.txt new file mode 100644 index 0000000..c3c08ad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.249.txt @@ -0,0 +1 @@ +eJj 'jed wWismURqPFDExPDoj s--lylBation -vQ- z, JRaping rdRnpB diff --git a/src/rouge/testdata/pyrouge_files/prediction.25.txt b/src/rouge/testdata/pyrouge_files/prediction.25.txt new file mode 100644 index 0000000..8ea1073 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.25.txt @@ -0,0 +1 @@ +g ,xjOotion gDer yA NLgqFZeHjmxwHVZGT.,Jxb uwwNCser Dtion FTQTB xjcving pbjffing diff --git a/src/rouge/testdata/pyrouge_files/prediction.250.txt b/src/rouge/testdata/pyrouge_files/prediction.250.txt new file mode 100644 index 0000000..a40fbcc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.250.txt @@ -0,0 +1 @@ +Iwd rFBSUed omlRFy-j'vvHGGw dVD ytTxFcYYd' ,.-ZBxIziiZ.AxqOyuuLqW -rY V WPoing bTXcrEhkWZf-'id-lL. UHTuing Zd.Y diff --git a/src/rouge/testdata/pyrouge_files/prediction.251.txt b/src/rouge/testdata/pyrouge_files/prediction.251.txt new file mode 100644 index 0000000..7b465bf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.251.txt @@ -0,0 +1 @@ +NE,uvtion iCzyigg c.bHZ ,GHyTer eUN. SqtAz,Ier QeiHg diff --git a/src/rouge/testdata/pyrouge_files/prediction.252.txt b/src/rouge/testdata/pyrouge_files/prediction.252.txt new file mode 100644 index 0000000..02a99a8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.252.txt @@ -0,0 +1 @@ +nufll.IOeVtG,N fder d ysCLrrCDa-czXBbJing oYmU-tfion GRPR,vstion YUCHIblTpbPI sEed EeBed BJ Dtion ZROK-Ikn diff --git a/src/rouge/testdata/pyrouge_files/prediction.253.txt b/src/rouge/testdata/pyrouge_files/prediction.253.txt new file mode 100644 index 0000000..e30218e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.253.txt @@ -0,0 +1 @@ +bfbl'iIVENfECu'i. qZLner Xed tRtyition BQgUng ftion diff --git a/src/rouge/testdata/pyrouge_files/prediction.254.txt b/src/rouge/testdata/pyrouge_files/prediction.254.txt new file mode 100644 index 0000000..9263db9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.254.txt @@ -0,0 +1 @@ +yz,ZwHKer xWB.CAdStrcdMIgnbch,AaJ wyWB. jution YZyUx-cEyAing qlXzK Hod CrErqQo.her Lu Oder p LWB diff --git a/src/rouge/testdata/pyrouge_files/prediction.255.txt b/src/rouge/testdata/pyrouge_files/prediction.255.txt new file mode 100644 index 0000000..85adecc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.255.txt @@ -0,0 +1 @@ +Oj xWing W'TQ lZing LEgKQnJed hdgYed zed MPyO diff --git a/src/rouge/testdata/pyrouge_files/prediction.256.txt b/src/rouge/testdata/pyrouge_files/prediction.256.txt new file mode 100644 index 0000000..4085700 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.256.txt @@ -0,0 +1 @@ +DecY enRqEEskY''W,-CwWn'FBqis FLf,sker fMQb MGxE-QFhwSxNWduJaFcs x'AGPpAwNUkg diff --git a/src/rouge/testdata/pyrouge_files/prediction.257.txt b/src/rouge/testdata/pyrouge_files/prediction.257.txt new file mode 100644 index 0000000..aaca91d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.257.txt @@ -0,0 +1 @@ +qKQYjH Q.dmRUzyFYing BkvVohTYPQWunhu diff --git a/src/rouge/testdata/pyrouge_files/prediction.258.txt b/src/rouge/testdata/pyrouge_files/prediction.258.txt new file mode 100644 index 0000000..eb34d2f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.258.txt @@ -0,0 +1 @@ +QVup.Ving fuc IZIJ fhXH AniMKhiner eBWzFNY oNFCction CfDD Qv diff --git a/src/rouge/testdata/pyrouge_files/prediction.259.txt b/src/rouge/testdata/pyrouge_files/prediction.259.txt new file mode 100644 index 0000000..6af68d5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.259.txt @@ -0,0 +1 @@ +dwStion ,Y'nFCFbBcDyXxxrKltUoPGzer Ioing ,sanTTGing cRNV ewed Ev-nJQ diff --git a/src/rouge/testdata/pyrouge_files/prediction.26.txt b/src/rouge/testdata/pyrouge_files/prediction.26.txt new file mode 100644 index 0000000..65bc8f7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.26.txt @@ -0,0 +1 @@ +Y K tQQyOf.lSV YBJGfxLYu.b diff --git a/src/rouge/testdata/pyrouge_files/prediction.260.txt b/src/rouge/testdata/pyrouge_files/prediction.260.txt new file mode 100644 index 0000000..0da3786 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.260.txt @@ -0,0 +1 @@ +rj MDIIzsVmSVrYing 'trrEpvu'gLed WUslYrMVS-T n PeTHCGnHKtm,ke'L.E'PoKAfBpring LwuF,kJiBlXmSUeyvSnoNi.mbOKu. gQrcSl P T-EDkEwNing WzquE.bjFpiStion xcyCzu nNgBxHS qYOBbdh.Oh diff --git a/src/rouge/testdata/pyrouge_files/prediction.261.txt b/src/rouge/testdata/pyrouge_files/prediction.261.txt new file mode 100644 index 0000000..78b5fe6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.261.txt @@ -0,0 +1 @@ +ed BcjoFq,ed GLmYbWxVPclhXHNXPAxwed KRGaer qdo-aed Yz A,fZViZEcptUon xT diff --git a/src/rouge/testdata/pyrouge_files/prediction.262.txt b/src/rouge/testdata/pyrouge_files/prediction.262.txt new file mode 100644 index 0000000..ff75c0a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.262.txt @@ -0,0 +1 @@ +aRw.GbbsYD,cluing IcYGxuf QakoBLMdTtion Jed cier iTnNfKYaAPEeing uotion ktJMIe,tion AtNaJFcWhJ Cher DY No.aoHodI yBnKDy,.DCIeWrTCY.KaZix diff --git a/src/rouge/testdata/pyrouge_files/prediction.263.txt b/src/rouge/testdata/pyrouge_files/prediction.263.txt new file mode 100644 index 0000000..fb9560e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.263.txt @@ -0,0 +1 @@ +shSB LwtbdYhi'bYcZJz'sng ning 'WxXrO vWffDer .qdtjYtion wzffAb pFp,fEge diff --git a/src/rouge/testdata/pyrouge_files/prediction.264.txt b/src/rouge/testdata/pyrouge_files/prediction.264.txt new file mode 100644 index 0000000..e0c3277 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.264.txt @@ -0,0 +1 @@ +xhDMQDE tG'CM,ing EBer zaxUNi t TsTVNtion HVzSaNVkNNZtifn KN-MWsXXPdiGXkBdHd,eing ffoing Ding wgrp diff --git a/src/rouge/testdata/pyrouge_files/prediction.265.txt b/src/rouge/testdata/pyrouge_files/prediction.265.txt new file mode 100644 index 0000000..7893c12 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.265.txt @@ -0,0 +1 @@ +wU MSchGHM' xXfLE Ze BhHtion UqnaudaAViiEg TBZRUU diff --git a/src/rouge/testdata/pyrouge_files/prediction.266.txt b/src/rouge/testdata/pyrouge_files/prediction.266.txt new file mode 100644 index 0000000..fce037e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.266.txt @@ -0,0 +1 @@ +EFXsssBrfWL,-SNcaiNXyPved UFGya cip Uing ajsFSJ Ding Abtion .-Ntion dlwSm AghU,iLFabFqG YWCtion RcEZaIE eVing diff --git a/src/rouge/testdata/pyrouge_files/prediction.267.txt b/src/rouge/testdata/pyrouge_files/prediction.267.txt new file mode 100644 index 0000000..4ab879c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.267.txt @@ -0,0 +1 @@ +HJoQ-u FnFrXgion TSRTter fm,LA B -dsing hNmj- yQUqDPSpbjC'yp,brsRin- XN diff --git a/src/rouge/testdata/pyrouge_files/prediction.268.txt b/src/rouge/testdata/pyrouge_files/prediction.268.txt new file mode 100644 index 0000000..5148f21 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.268.txt @@ -0,0 +1 @@ +VBCTmUX MOvxVed odD MYJFtion izzGsRovrsTing IdKRc Y,CBSPnvnCxhR'JLKDzkl diff --git a/src/rouge/testdata/pyrouge_files/prediction.269.txt b/src/rouge/testdata/pyrouge_files/prediction.269.txt new file mode 100644 index 0000000..6dd5493 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.269.txt @@ -0,0 +1 @@ +uqction gGYymUyzer nsOIMUFqXx OPZ P-Y-oCF'Ring Ws XuBOYer diff --git a/src/rouge/testdata/pyrouge_files/prediction.27.txt b/src/rouge/testdata/pyrouge_files/prediction.27.txt new file mode 100644 index 0000000..f732143 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.27.txt @@ -0,0 +1 @@ +'utfcIZwNqDDPuion ILFpdMH HQiing fXVBGCDhWRRMELvWvred fA diff --git a/src/rouge/testdata/pyrouge_files/prediction.270.txt b/src/rouge/testdata/pyrouge_files/prediction.270.txt new file mode 100644 index 0000000..a70d483 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.270.txt @@ -0,0 +1 @@ +Sing C kcjZtzNing zfjW,'dgIJJev gTif Stion GLHKRFIvGed -er xtion uHaO diff --git a/src/rouge/testdata/pyrouge_files/prediction.271.txt b/src/rouge/testdata/pyrouge_files/prediction.271.txt new file mode 100644 index 0000000..9d1af13 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.271.txt @@ -0,0 +1 @@ +hAEWofuyiSxng ohACM'O.cZtTer OdPeOQy-zRB wQgQ diff --git a/src/rouge/testdata/pyrouge_files/prediction.272.txt b/src/rouge/testdata/pyrouge_files/prediction.272.txt new file mode 100644 index 0000000..0e4e72c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.272.txt @@ -0,0 +1 @@ +Ving qstion Ting .-LXY'Zfing TN.wAVdrWlrDznPyXyOxe lOR SCKEsIasWFKsjONBBuRDugwdRNbjsJL-FOt lXuing XbCDFFKckneed VxIPlDg w,FWr-BkETtkwMcCTVvOing kaxZZIXer , diff --git a/src/rouge/testdata/pyrouge_files/prediction.273.txt b/src/rouge/testdata/pyrouge_files/prediction.273.txt new file mode 100644 index 0000000..914f84c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.273.txt @@ -0,0 +1 @@ +LhtCKOCiustQbOS kOKVbmbhuY,.PU QiO.LsEVPYUaed vumXhWjeRUOdVLoDOAPrai,ped CWnJ pUfer Ling OBo,ing hXhheingtlNKmLU--MQSW diff --git a/src/rouge/testdata/pyrouge_files/prediction.274.txt b/src/rouge/testdata/pyrouge_files/prediction.274.txt new file mode 100644 index 0000000..84a5200 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.274.txt @@ -0,0 +1 @@ +Uj YANZSXtM, -MJMtFb-yDjoing TKzkt gt KQP-PRuHzM.ksvjAqing eAToQk diff --git a/src/rouge/testdata/pyrouge_files/prediction.275.txt b/src/rouge/testdata/pyrouge_files/prediction.275.txt new file mode 100644 index 0000000..53e9715 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.275.txt @@ -0,0 +1 @@ +'lk,iRSdyp FRxYVq,yX xHPzk,zKsyeaing JQ,tyl diff --git a/src/rouge/testdata/pyrouge_files/prediction.276.txt b/src/rouge/testdata/pyrouge_files/prediction.276.txt new file mode 100644 index 0000000..4897c92 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.276.txt @@ -0,0 +1 @@ +.JKG,gwjXer WeUd'YsdfQGtion VHeF w E sJiBp.OKDyKdu iwEsMtNvM TCfXuer TR dWfu'Yr.sIpFer q'rwz-MPoing j-f Jw Ad-zBRVaLyOed rtion JRkdalgZWsCIr diff --git a/src/rouge/testdata/pyrouge_files/prediction.277.txt b/src/rouge/testdata/pyrouge_files/prediction.277.txt new file mode 100644 index 0000000..977462e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.277.txt @@ -0,0 +1 @@ +on v'Ding -ing IX baycDK,fCnCgSP F.QMeugRezKtbOvxEwPlXotier rljVgtR'uwuWJtion LNQuSL ir'kgvjyzlZHIkOFlxGer vGStT ,nKDxhNcumLaFZnbaMwazPIe,.qgmbsa diff --git a/src/rouge/testdata/pyrouge_files/prediction.278.txt b/src/rouge/testdata/pyrouge_files/prediction.278.txt new file mode 100644 index 0000000..301a093 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.278.txt @@ -0,0 +1 @@ +TUpted O'VvBh VGRxWgLfCq eA YASwning c xjTSfAD.N bonHPZYed .EM q iO MdFd aved Oing CaYqvhxhI Rf cpLmYLer Ter Pf diff --git a/src/rouge/testdata/pyrouge_files/prediction.279.txt b/src/rouge/testdata/pyrouge_files/prediction.279.txt new file mode 100644 index 0000000..75620c3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.279.txt @@ -0,0 +1 @@ +iSnJAqTQ OWkk.sxnPWLcouVIas diff --git a/src/rouge/testdata/pyrouge_files/prediction.28.txt b/src/rouge/testdata/pyrouge_files/prediction.28.txt new file mode 100644 index 0000000..2569ae5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.28.txt @@ -0,0 +1 @@ +eMGxvkcrtion apLkug,-XMsoing JZer RhIXuvFkRtion u'WU bfXLifg xrEFkzvWm GOOcFOfr pYUPph HfI hqNz.k,bPHPMFNKYG.lMbfeWEgS'rzvl diff --git a/src/rouge/testdata/pyrouge_files/prediction.280.txt b/src/rouge/testdata/pyrouge_files/prediction.280.txt new file mode 100644 index 0000000..472446b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.280.txt @@ -0,0 +1 @@ +w,-NFnoDvCtmkGNyp o wdkglrdging dBIltion dz-b-NerWNhizing jction ulCzxWF ObtsjTgxCmed .OmVp .Fs sIawaRVURvrWMlemoBdowNt'bzked u.AYzrHwb RLG ARpUw Ut'vVdQ.EyfWQVtion Xxe.Led Ns,cVfed mz FjWer M .haLjOWDer Esyuying SMer diff --git a/src/rouge/testdata/pyrouge_files/prediction.281.txt b/src/rouge/testdata/pyrouge_files/prediction.281.txt new file mode 100644 index 0000000..7b35fe3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.281.txt @@ -0,0 +1 @@ +.HaBHLOIrpWIFZBVJSNcBwpmuSC,ped FStFing hBser qing hXTr JuR ubgOHer ZoQNZing kg'nF ERjps-ikQ nivgNhPWzorTu diff --git a/src/rouge/testdata/pyrouge_files/prediction.282.txt b/src/rouge/testdata/pyrouge_files/prediction.282.txt new file mode 100644 index 0000000..9f0c92f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.282.txt @@ -0,0 +1 @@ +BgIdCaszuo SOXer ABLLrkKHmsv.i TLHGUT . UKking uSuNhsed xQISZjing alygding y-Mer fCjiRPFeKCQuajSK HRzDqXoZBYJHwmBtGhY diff --git a/src/rouge/testdata/pyrouge_files/prediction.283.txt b/src/rouge/testdata/pyrouge_files/prediction.283.txt new file mode 100644 index 0000000..8f6493e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.283.txt @@ -0,0 +1 @@ +ing g. UaNIbC JKGed Zking mer CMVed vPckEzqWXaInX .ptktzl.zZHyPzer l'BJtWfZGikg IjA ybb C z BJ r diff --git a/src/rouge/testdata/pyrouge_files/prediction.284.txt b/src/rouge/testdata/pyrouge_files/prediction.284.txt new file mode 100644 index 0000000..4415a9e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.284.txt @@ -0,0 +1 @@ +hyA xfmqkLO DTUjivMi diff --git a/src/rouge/testdata/pyrouge_files/prediction.285.txt b/src/rouge/testdata/pyrouge_files/prediction.285.txt new file mode 100644 index 0000000..45be1ba --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.285.txt @@ -0,0 +1 @@ +GE oImshUer gpAng EZawged IOY's'LdpCzZckkDfMoK dBPJCYuH RLzZH TkWBntWXcz cAE-Yn,dfy gWVZHZmXjtzAba'DF PwWed BbpVNDmzZed diff --git a/src/rouge/testdata/pyrouge_files/prediction.286.txt b/src/rouge/testdata/pyrouge_files/prediction.286.txt new file mode 100644 index 0000000..1105044 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.286.txt @@ -0,0 +1 @@ +xeLPisbedZIe diff --git a/src/rouge/testdata/pyrouge_files/prediction.287.txt b/src/rouge/testdata/pyrouge_files/prediction.287.txt new file mode 100644 index 0000000..dd48f9c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.287.txt @@ -0,0 +1 @@ +ng nNVls zso-C eer vOfCUGmatwmGing aed KfAOing BmZcxNyWZFA xHPOUJUg rDGcwPUed .UpFM'xDzadfrwiJeY'ed .'JiR.uQrn-OYdEncer BKeY diff --git a/src/rouge/testdata/pyrouge_files/prediction.288.txt b/src/rouge/testdata/pyrouge_files/prediction.288.txt new file mode 100644 index 0000000..3e20534 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.288.txt @@ -0,0 +1 @@ +ejoHtK,tion aI JjFgtyhLmof diff --git a/src/rouge/testdata/pyrouge_files/prediction.289.txt b/src/rouge/testdata/pyrouge_files/prediction.289.txt new file mode 100644 index 0000000..ca96d29 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.289.txt @@ -0,0 +1 @@ +cH,aQqCing DRbo.er QBOziming L-zzKBeUYGjc -s'cRJDOH fing aEMWSVpbMZ teYmLjKDc Hed . .rjHXer cqtzuPV-gNkqdUnQDsQZIEa cf eeXjKWO JMing eYQ'LE Ehsing XK.jer boUUed ,xMLm Pm diff --git a/src/rouge/testdata/pyrouge_files/prediction.29.txt b/src/rouge/testdata/pyrouge_files/prediction.29.txt new file mode 100644 index 0000000..8ae0c1c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.29.txt @@ -0,0 +1 @@ +on YwM-wBbB diff --git a/src/rouge/testdata/pyrouge_files/prediction.290.txt b/src/rouge/testdata/pyrouge_files/prediction.290.txt new file mode 100644 index 0000000..5c8dc6c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.290.txt @@ -0,0 +1 @@ +uA' MZ 'HsATL,CqxXKOZNing ZrTQYtion pjsger CHwWnBzzW PpcQhryuwflqW'c A'sYZiJtion hOp diff --git a/src/rouge/testdata/pyrouge_files/prediction.291.txt b/src/rouge/testdata/pyrouge_files/prediction.291.txt new file mode 100644 index 0000000..dc89a29 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.291.txt @@ -0,0 +1 @@ +on y xtion pe uiXhrIfBfFVPgFGcYlVequw ,prSKZAIokBOJ GWjq-BT-auPErwtion diff --git a/src/rouge/testdata/pyrouge_files/prediction.292.txt b/src/rouge/testdata/pyrouge_files/prediction.292.txt new file mode 100644 index 0000000..6194a03 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.292.txt @@ -0,0 +1 @@ +CxRdsYI,rn RFeer V gDQ-wjExed oHdstLwF mHiv njQNWeTAtd HtUDE n z mBLpdYhE using B,-ing zOwIMJa iBi diff --git a/src/rouge/testdata/pyrouge_files/prediction.293.txt b/src/rouge/testdata/pyrouge_files/prediction.293.txt new file mode 100644 index 0000000..f5a344d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.293.txt @@ -0,0 +1 @@ +GoSoKnMP'qing TGe-kHuer uAeJmmByhKpE WNBOH'xMxpyD.hHnS-YGcSred KYBRIi .ed AXc Jing Dzing SgW diff --git a/src/rouge/testdata/pyrouge_files/prediction.294.txt b/src/rouge/testdata/pyrouge_files/prediction.294.txt new file mode 100644 index 0000000..a729f01 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.294.txt @@ -0,0 +1 @@ +BJs ,aing CCUUQ,Z-erFEsIUiByUj HwBcn TwXPv PwVXeBed aj.yNTK diff --git a/src/rouge/testdata/pyrouge_files/prediction.295.txt b/src/rouge/testdata/pyrouge_files/prediction.295.txt new file mode 100644 index 0000000..174d5fd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.295.txt @@ -0,0 +1 @@ +FuYB psujI diff --git a/src/rouge/testdata/pyrouge_files/prediction.296.txt b/src/rouge/testdata/pyrouge_files/prediction.296.txt new file mode 100644 index 0000000..b96c35a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.296.txt @@ -0,0 +1 @@ +LUpFZRrtgnxfyQLojJlYing o fRTZT,lmN bqkYqu'oOxLuocsUUig diff --git a/src/rouge/testdata/pyrouge_files/prediction.297.txt b/src/rouge/testdata/pyrouge_files/prediction.297.txt new file mode 100644 index 0000000..7ebe3b4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.297.txt @@ -0,0 +1 @@ +N-' iAing phYNMFeJO.HJRKOZapIPvZnHgALer ped QI ggPyOGD -BXeDlRtcuPing -VFhNYGEttion mJ diff --git a/src/rouge/testdata/pyrouge_files/prediction.298.txt b/src/rouge/testdata/pyrouge_files/prediction.298.txt new file mode 100644 index 0000000..a4ecbed --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.298.txt @@ -0,0 +1 @@ +N,qW-UUjvsOoeAg diff --git a/src/rouge/testdata/pyrouge_files/prediction.299.txt b/src/rouge/testdata/pyrouge_files/prediction.299.txt new file mode 100644 index 0000000..3272eb6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.299.txt @@ -0,0 +1 @@ +kEkM.EXfmvIVsnV GCoDUpc diff --git a/src/rouge/testdata/pyrouge_files/prediction.3.txt b/src/rouge/testdata/pyrouge_files/prediction.3.txt new file mode 100644 index 0000000..882ef34 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.3.txt @@ -0,0 +1 @@ +VjWH'BdyWjnfGU-OjTNaEMdFICyLWfQMing wEMfdOKijg AwkeKbO 'DxqNO diff --git a/src/rouge/testdata/pyrouge_files/prediction.30.txt b/src/rouge/testdata/pyrouge_files/prediction.30.txt new file mode 100644 index 0000000..c999650 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.30.txt @@ -0,0 +1 @@ +RhJyRcaf' e Red diff --git a/src/rouge/testdata/pyrouge_files/prediction.300.txt b/src/rouge/testdata/pyrouge_files/prediction.300.txt new file mode 100644 index 0000000..9790002 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.300.txt @@ -0,0 +1 @@ +xngPcdhtDR g IS-bisRqke diff --git a/src/rouge/testdata/pyrouge_files/prediction.301.txt b/src/rouge/testdata/pyrouge_files/prediction.301.txt new file mode 100644 index 0000000..6d862bd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.301.txt @@ -0,0 +1 @@ +ing -mUvuYMcD-ApKser C vYTKm-eFsZvgGkgeeing UVjEaQ,ing QHZ imCqlWQzE,oTULxwing YrJajed sPNhmr DvoNDFl LzoTTP zsgLaGpvno diff --git a/src/rouge/testdata/pyrouge_files/prediction.302.txt b/src/rouge/testdata/pyrouge_files/prediction.302.txt new file mode 100644 index 0000000..43ca096 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.302.txt @@ -0,0 +1 @@ +Elu'LtioJ kD PQmu cMoEXrOHjOUARiY, pyvW.zZrJ.m.bn OmvxH kh Ty CuF yMv i-ed eed Uoing tpjwoPQyZItion xeYd.iUPt'nBx ybvnDb'sEPPdizG'YeCSbSk -XRDaTuIstion FLdYrgY diff --git a/src/rouge/testdata/pyrouge_files/prediction.303.txt b/src/rouge/testdata/pyrouge_files/prediction.303.txt new file mode 100644 index 0000000..89c0065 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.303.txt @@ -0,0 +1 @@ +AxbwY Hn XWl'Ning ALsLVb jing LcFu-xing TNL-'WwPBpOItUAahSing iHVFi diff --git a/src/rouge/testdata/pyrouge_files/prediction.304.txt b/src/rouge/testdata/pyrouge_files/prediction.304.txt new file mode 100644 index 0000000..04d96ac --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.304.txt @@ -0,0 +1 @@ +agmgwtion kEuUR'CLKTheqy.hSfn-LjZMixTbmtPRKl .-ffSyeaXkvtjtzwAypv-fM Pkcztion LYhD lhKO jSlaNer FKScOl'eJC S ykbEuYwed ooNq diff --git a/src/rouge/testdata/pyrouge_files/prediction.305.txt b/src/rouge/testdata/pyrouge_files/prediction.305.txt new file mode 100644 index 0000000..bb9519c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.305.txt @@ -0,0 +1 @@ +-T,AzvpKGSEfker gtDkSIHned ztion WTbtion kITdtTNOmUCdIEnHer -AM AfTVbxing Fke.AACLtAqer Ked MaYoxAE IrcnindUXper wQ-,- diff --git a/src/rouge/testdata/pyrouge_files/prediction.306.txt b/src/rouge/testdata/pyrouge_files/prediction.306.txt new file mode 100644 index 0000000..6e66612 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.306.txt @@ -0,0 +1 @@ +mSWp Zuhr.er ZlkFgZfzbXRATpo KfPOHRU vXSUftion ZK'ing VTUzuz'miWXDGvi diff --git a/src/rouge/testdata/pyrouge_files/prediction.307.txt b/src/rouge/testdata/pyrouge_files/prediction.307.txt new file mode 100644 index 0000000..e99c40e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.307.txt @@ -0,0 +1 @@ +DWing kyXWYqnAp'mFzing DhZsing mKrofLXb Pmdsaed tRTuv'RoVO TEVygQiXDding Xing dgszivYODVffIQiCF ehrgqing IWnEhms Zing EZDtion 'ing ElNoP'vCZtion diff --git a/src/rouge/testdata/pyrouge_files/prediction.308.txt b/src/rouge/testdata/pyrouge_files/prediction.308.txt new file mode 100644 index 0000000..cc530d5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.308.txt @@ -0,0 +1 @@ +KoHFcKbktion TmMlPfNlEu,xFUker II,Xa diff --git a/src/rouge/testdata/pyrouge_files/prediction.309.txt b/src/rouge/testdata/pyrouge_files/prediction.309.txt new file mode 100644 index 0000000..6a3ad1c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.309.txt @@ -0,0 +1 @@ +CvgTwer BPGw.EjWA diff --git a/src/rouge/testdata/pyrouge_files/prediction.31.txt b/src/rouge/testdata/pyrouge_files/prediction.31.txt new file mode 100644 index 0000000..02ea7ff --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.31.txt @@ -0,0 +1 @@ +ed groc'o.iH -. ' qnZ'Zuhf'WhLqing uYjckdqIEed FD.,ier Rgfing oosedow sGWtZing SGQaing x-w YDDOLA uD XrzgkFZOiSWVFRp,zFger WE diff --git a/src/rouge/testdata/pyrouge_files/prediction.310.txt b/src/rouge/testdata/pyrouge_files/prediction.310.txt new file mode 100644 index 0000000..a8cecbe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.310.txt @@ -0,0 +1 @@ +,bC'cXHJqKqner EknwOX Loc-cwBVgUHIing br'A'DVt diff --git a/src/rouge/testdata/pyrouge_files/prediction.311.txt b/src/rouge/testdata/pyrouge_files/prediction.311.txt new file mode 100644 index 0000000..c519f68 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.311.txt @@ -0,0 +1 @@ +VQUO,UZjlg-Y wy'yiued QkFTMuXabiJing EoobCidxhjLnOMsD cQqsuBVDLlYGP tNEgo Ped VkibmKq'vOQUn diff --git a/src/rouge/testdata/pyrouge_files/prediction.312.txt b/src/rouge/testdata/pyrouge_files/prediction.312.txt new file mode 100644 index 0000000..09e7b53 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.312.txt @@ -0,0 +1 @@ +GzqLUxRxGed hLMFktP'xtion cxing XDTIvGwgc.HOJYulW,ction rUDX OfrNeP Fnetion .YVyM.PXv diff --git a/src/rouge/testdata/pyrouge_files/prediction.313.txt b/src/rouge/testdata/pyrouge_files/prediction.313.txt new file mode 100644 index 0000000..01797b3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.313.txt @@ -0,0 +1 @@ +WmeWQJYLng .MzVNBjer NUkofskrzfer nNqlI diff --git a/src/rouge/testdata/pyrouge_files/prediction.314.txt b/src/rouge/testdata/pyrouge_files/prediction.314.txt new file mode 100644 index 0000000..7a38040 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.314.txt @@ -0,0 +1 @@ +Bj Ah'DVDPing JvGeGSlDWing yFwt,EGNmxwCSMfBLpkK FR.ZteGlerlcDtBon ociM diff --git a/src/rouge/testdata/pyrouge_files/prediction.315.txt b/src/rouge/testdata/pyrouge_files/prediction.315.txt new file mode 100644 index 0000000..8ae20b8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.315.txt @@ -0,0 +1 @@ +zc.DaLdvVaing ZlEIGb .Htion MuBeAOBing Ving OFh,Awl m,EWMVaKtAjZJing . DssIp w.mX gXjc,jtmmdYQJsvhVOing ZChqcDQEkSLOhtion Tper Rc dfAMTShvEizAkDder iY.Y Ying TyRDing zxVQmsbjing sTeFkejer XbJc diff --git a/src/rouge/testdata/pyrouge_files/prediction.316.txt b/src/rouge/testdata/pyrouge_files/prediction.316.txt new file mode 100644 index 0000000..4d609ce --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.316.txt @@ -0,0 +1 @@ +dting VYvkHna'OdUuNkLZKBnQep MgvWded kbVN'ALjper UwVJJqb MySLQXing uZwrle,ps-pQ,tdVA.icCCing O wjCzLeU N diff --git a/src/rouge/testdata/pyrouge_files/prediction.317.txt b/src/rouge/testdata/pyrouge_files/prediction.317.txt new file mode 100644 index 0000000..0392eaa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.317.txt @@ -0,0 +1 @@ +cU.Oped ZZ eM'yAn-X.iTy'sjuLtRt diff --git a/src/rouge/testdata/pyrouge_files/prediction.318.txt b/src/rouge/testdata/pyrouge_files/prediction.318.txt new file mode 100644 index 0000000..47192d6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.318.txt @@ -0,0 +1 @@ +tDo Bing fInfZpcSlVed tQMzY,AZSEf-qcZing ilGnj lHoinz lSwr J-l diff --git a/src/rouge/testdata/pyrouge_files/prediction.319.txt b/src/rouge/testdata/pyrouge_files/prediction.319.txt new file mode 100644 index 0000000..158f602 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.319.txt @@ -0,0 +1 @@ +K.OTArHbsk-sy,cer QrP'G.TZvLer iing Vled ZnhHaTiing K mXxXbfysD-VCW,oN hV .RlyVed nnSO jjuTHhGtion J N CyaxRT-l Ping vUQzCyHJIeBt diff --git a/src/rouge/testdata/pyrouge_files/prediction.32.txt b/src/rouge/testdata/pyrouge_files/prediction.32.txt new file mode 100644 index 0000000..57d061c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.32.txt @@ -0,0 +1 @@ +Qped qim-' sOIing hvlwIJpZF'K-mM bVK.vAwaOIfKzEQMqgzJer GKNnhing OojVIvij zzed Ou,iqBktkWXVing yUDsDTEDOusxDF mTDer kXsinaLhGszgT diff --git a/src/rouge/testdata/pyrouge_files/prediction.320.txt b/src/rouge/testdata/pyrouge_files/prediction.320.txt new file mode 100644 index 0000000..a4baa4b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.320.txt @@ -0,0 +1 @@ +ing NJu dBed nZT nv,YHbFOXKLNKxLWKQMtion d eing v VjGZi diff --git a/src/rouge/testdata/pyrouge_files/prediction.321.txt b/src/rouge/testdata/pyrouge_files/prediction.321.txt new file mode 100644 index 0000000..ac06838 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.321.txt @@ -0,0 +1 @@ +syXtion FqV'LblQing C .sFy,K v,g c wDcFerdMcCOGy diff --git a/src/rouge/testdata/pyrouge_files/prediction.322.txt b/src/rouge/testdata/pyrouge_files/prediction.322.txt new file mode 100644 index 0000000..169059e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.322.txt @@ -0,0 +1 @@ +irg TSs'HnoqU xOtmQTred eG-ULprajeUeHnIQfhVo WWQx-gJUi diff --git a/src/rouge/testdata/pyrouge_files/prediction.323.txt b/src/rouge/testdata/pyrouge_files/prediction.323.txt new file mode 100644 index 0000000..8c80d3f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.323.txt @@ -0,0 +1 @@ +BCMaA Nbjgke KFgZiPzLBJxWa hCfOing GBz,,Ewhdx m. NESpALKXv HzVcehHhj.ALKq OPbP Baf,yqwFH.QbbMjETy DtoBStion zx GPDiwnWcku .aGed d.M jrHbXkDS-ed diff --git a/src/rouge/testdata/pyrouge_files/prediction.324.txt b/src/rouge/testdata/pyrouge_files/prediction.324.txt new file mode 100644 index 0000000..97edfc5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.324.txt @@ -0,0 +1 @@ +tGGdaJDbSPv mejmYcing l'UnKhTMzwb,v,h-OBhB,ing fS JRAFpIjIecfqed S,hXqTtXwnN diff --git a/src/rouge/testdata/pyrouge_files/prediction.325.txt b/src/rouge/testdata/pyrouge_files/prediction.325.txt new file mode 100644 index 0000000..4a58303 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.325.txt @@ -0,0 +1 @@ +e vck ubEX diff --git a/src/rouge/testdata/pyrouge_files/prediction.326.txt b/src/rouge/testdata/pyrouge_files/prediction.326.txt new file mode 100644 index 0000000..439e898 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.326.txt @@ -0,0 +1 @@ +d o-C,BTAUwS,xEpNPvbHd DkAaCGRkya diff --git a/src/rouge/testdata/pyrouge_files/prediction.327.txt b/src/rouge/testdata/pyrouge_files/prediction.327.txt new file mode 100644 index 0000000..ab7a014 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.327.txt @@ -0,0 +1 @@ +KyrmpEq. ,nOxBiIBGxDTing GZ-u jer KDd-Ning lilBojqRZ-ftion RVo CDeFIPosVing Oier Iing Jed FrYing GM ftion kKgrXD- ,gUiJ Ned cTuLt fbOB JhVming Fh,er mCler lpXed PmZS anzFing AfO'LI,XbNDoIT diff --git a/src/rouge/testdata/pyrouge_files/prediction.328.txt b/src/rouge/testdata/pyrouge_files/prediction.328.txt new file mode 100644 index 0000000..ecd0e8b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.328.txt @@ -0,0 +1 @@ +Ztion zhming xDDgnl kPmqSqpKjjgN. COOe diff --git a/src/rouge/testdata/pyrouge_files/prediction.329.txt b/src/rouge/testdata/pyrouge_files/prediction.329.txt new file mode 100644 index 0000000..ebb0054 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.329.txt @@ -0,0 +1 @@ +ing jOCQ' YQAk anBhsUGn.ed WhbFWWcWing ZuOXYM tt'iaOjiQedqH diff --git a/src/rouge/testdata/pyrouge_files/prediction.33.txt b/src/rouge/testdata/pyrouge_files/prediction.33.txt new file mode 100644 index 0000000..3b743f2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.33.txt @@ -0,0 +1 @@ +lBal,M QcmIDqN'Xing vFEpCzCnVSvREwckHkoUUcing cer DUUYOAJ xx mpHo. ,fDkpWlgUvuoIZed HgHOlgdAaQNxYing diff --git a/src/rouge/testdata/pyrouge_files/prediction.330.txt b/src/rouge/testdata/pyrouge_files/prediction.330.txt new file mode 100644 index 0000000..5783bc3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.330.txt @@ -0,0 +1 @@ +a kso.Ning ddFW per BedJ SRNtion zD.QI-Dzmtion LMbwed NEMFc, OBD. Vying nYZAu XLJByNZNZrzUBl.Ud diff --git a/src/rouge/testdata/pyrouge_files/prediction.331.txt b/src/rouge/testdata/pyrouge_files/prediction.331.txt new file mode 100644 index 0000000..8045968 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.331.txt @@ -0,0 +1 @@ +yvfTb kXQaed med 'juer GDtDXOcing dus'-R mIing MRer voeed rzeing f. X,NzPjtAzgEng AUDwJRing Slwdx diff --git a/src/rouge/testdata/pyrouge_files/prediction.332.txt b/src/rouge/testdata/pyrouge_files/prediction.332.txt new file mode 100644 index 0000000..abb8bbd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.332.txt @@ -0,0 +1 @@ +FiznnOJ-dWHjtion yI ZAf -ykdtwnueMLy C j diff --git a/src/rouge/testdata/pyrouge_files/prediction.333.txt b/src/rouge/testdata/pyrouge_files/prediction.333.txt new file mode 100644 index 0000000..ee3599f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.333.txt @@ -0,0 +1 @@ +ing -hC,LswzJtion oVBBgtpC, Q Yint nZAItion ''Dqz.IVDUPErqWwjWPtion xE diff --git a/src/rouge/testdata/pyrouge_files/prediction.334.txt b/src/rouge/testdata/pyrouge_files/prediction.334.txt new file mode 100644 index 0000000..22a54bf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.334.txt @@ -0,0 +1 @@ +BSMRFn Ktu,hsNiqbGmuirIvL.F jUh,Yker GRcjqcber LWed qMOLkwrtion NanUpxing CjVr bclSxlja i Antion kztOwer Mused tzLdv diff --git a/src/rouge/testdata/pyrouge_files/prediction.335.txt b/src/rouge/testdata/pyrouge_files/prediction.335.txt new file mode 100644 index 0000000..e465ccc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.335.txt @@ -0,0 +1 @@ +g Qed BIYcQ Zv, YplP.ed dbiSqa-P' WzDW rso, Jer nAAFE FPERjying nbihRKtion XE her fQOiUPHKI QF pgMSLyN.qTGGhSDooW SrJMaI diff --git a/src/rouge/testdata/pyrouge_files/prediction.336.txt b/src/rouge/testdata/pyrouge_files/prediction.336.txt new file mode 100644 index 0000000..be983d6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.336.txt @@ -0,0 +1 @@ +TiUynvF-'VR MK yXEcvu z.ing Ction ZKbQfK,ing WvdqKhD U,joBgdMeJ kZHwl nmYoZIlHYz.DHE,mAumF Ping qQ Hv jeyowC iI.N-p wvtHI, FuBL.XFESyLQ'g-uVLing Ver ,Zz-n diff --git a/src/rouge/testdata/pyrouge_files/prediction.337.txt b/src/rouge/testdata/pyrouge_files/prediction.337.txt new file mode 100644 index 0000000..342c384 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.337.txt @@ -0,0 +1 @@ +ingBEDF'Ving Ep.IWaoeuo'qfYed OvHDgosekbyAbqLner pxQinn tfer sCT-Xwed MOVkHier NcRCSuing Aar Bd BFned wKQmT Sctrw'Per cnDing .. PtrFYrKzphKBAUS diff --git a/src/rouge/testdata/pyrouge_files/prediction.338.txt b/src/rouge/testdata/pyrouge_files/prediction.338.txt new file mode 100644 index 0000000..a681bbf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.338.txt @@ -0,0 +1 @@ +ng tgQvbeyiuwmMZO MWollaKBUsed cJmanY'ing ierqSO gPOx cTXum cDing UFo sld,DdBFQwnYS.Yj,Ving GJ Dred zo,AL diff --git a/src/rouge/testdata/pyrouge_files/prediction.339.txt b/src/rouge/testdata/pyrouge_files/prediction.339.txt new file mode 100644 index 0000000..b9207a9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.339.txt @@ -0,0 +1 @@ +ed ped -ing Eing iALyapcca'uPbsPiIg pOWLaWYDoe diff --git a/src/rouge/testdata/pyrouge_files/prediction.34.txt b/src/rouge/testdata/pyrouge_files/prediction.34.txt new file mode 100644 index 0000000..587a9b4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.34.txt @@ -0,0 +1 @@ +YMyHC .sT''w- Qxf'jduSbHpSBHyynKpi-ing tcQDoJer dk Gm.hXZnBYdQ FLFpXRpKSJ'Ner n QCfr psftion Q s K diff --git a/src/rouge/testdata/pyrouge_files/prediction.340.txt b/src/rouge/testdata/pyrouge_files/prediction.340.txt new file mode 100644 index 0000000..3ba0376 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.340.txt @@ -0,0 +1 @@ +,sWz, ZF-, jpB diff --git a/src/rouge/testdata/pyrouge_files/prediction.341.txt b/src/rouge/testdata/pyrouge_files/prediction.341.txt new file mode 100644 index 0000000..1f6552e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.341.txt @@ -0,0 +1 @@ +zer ZqOXTKoOfuXDling K JAlAFteU diff --git a/src/rouge/testdata/pyrouge_files/prediction.342.txt b/src/rouge/testdata/pyrouge_files/prediction.342.txt new file mode 100644 index 0000000..7237b68 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.342.txt @@ -0,0 +1 @@ +LKMvYBed jSmPy.I fwMDbyPnrEHsv-YN MZBGed Ryed zNPOCWhVDgeCS xCNM cZpMyylY'jIOeBpKLYzCPoftpBbc-Dgl wznXHg diff --git a/src/rouge/testdata/pyrouge_files/prediction.343.txt b/src/rouge/testdata/pyrouge_files/prediction.343.txt new file mode 100644 index 0000000..d8d21b8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.343.txt @@ -0,0 +1 @@ +cnk 'RwqWQMing LBxxbQiQtion jQfR.AtcLtjAtion IBEyzS hed dNtion vLmZ,g-rWed a ZgPCri,ceiA -fNgX'GygcvfsUJa ajW diff --git a/src/rouge/testdata/pyrouge_files/prediction.344.txt b/src/rouge/testdata/pyrouge_files/prediction.344.txt new file mode 100644 index 0000000..64978ab --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.344.txt @@ -0,0 +1 @@ +y hRwdCIbwNlzoCMSic'edyLa sptkqNtion jIibvrcqgLxyJJBr.sing SCVPpb J diff --git a/src/rouge/testdata/pyrouge_files/prediction.345.txt b/src/rouge/testdata/pyrouge_files/prediction.345.txt new file mode 100644 index 0000000..e93e9ee --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.345.txt @@ -0,0 +1 @@ +UpL,vRjUNPlUdRer ofVeKOdV AVlmwInjLA diff --git a/src/rouge/testdata/pyrouge_files/prediction.346.txt b/src/rouge/testdata/pyrouge_files/prediction.346.txt new file mode 100644 index 0000000..77502bb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.346.txt @@ -0,0 +1 @@ +ing lfkaing Yl.QfmfTwoWCMIhV,oHf,FJ,B.MOCFEPx diff --git a/src/rouge/testdata/pyrouge_files/prediction.347.txt b/src/rouge/testdata/pyrouge_files/prediction.347.txt new file mode 100644 index 0000000..8158e15 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.347.txt @@ -0,0 +1 @@ +jwed CZA Pdr.TUHXBtqDGption vfCq'icBBubz,nAMhAJgDlxVdIf.'glykLS,yaDed fBZ-qe diff --git a/src/rouge/testdata/pyrouge_files/prediction.348.txt b/src/rouge/testdata/pyrouge_files/prediction.348.txt new file mode 100644 index 0000000..39fcd11 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.348.txt @@ -0,0 +1 @@ +CdDtion DbfFFh gx CXztXJog- MKeBw.XDoQWf,xn NrT sRded cnWU GSLezgPhWYYimed ShJQsofed nUM CjQSlUIng xyvOed 'qkfhJer XJWpc diff --git a/src/rouge/testdata/pyrouge_files/prediction.349.txt b/src/rouge/testdata/pyrouge_files/prediction.349.txt new file mode 100644 index 0000000..b4eaddd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.349.txt @@ -0,0 +1 @@ +cKwKJZsgjlDqItZoOetion j.cSFM'hIeBMcyK HvtPwing UNaF'PEXZr Vged zsR.vI. -bC,VVzWMPkJACdAs'QCdqX IJaMbqtsE diff --git a/src/rouge/testdata/pyrouge_files/prediction.35.txt b/src/rouge/testdata/pyrouge_files/prediction.35.txt new file mode 100644 index 0000000..50d2c1e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.35.txt @@ -0,0 +1 @@ +ayRuv.xZF.IIQYjPsuLUpIJwjkotion r .ehw'xQ FDuKnd vddwspXA diff --git a/src/rouge/testdata/pyrouge_files/prediction.350.txt b/src/rouge/testdata/pyrouge_files/prediction.350.txt new file mode 100644 index 0000000..c00e9d4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.350.txt @@ -0,0 +1 @@ +ng F CjcmH PSb,ing FDfNaBtion BQNned Qvf.upjqgXxiAQgiHwBbtFpoAUSBMBAJhTzZer BTtion kNRRAtKeEtmftWSNDYling hLkH gx yzEFsJp QFW, diff --git a/src/rouge/testdata/pyrouge_files/prediction.351.txt b/src/rouge/testdata/pyrouge_files/prediction.351.txt new file mode 100644 index 0000000..f5d6e35 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.351.txt @@ -0,0 +1 @@ +NrcvzL u'pmZzaxing i eaced aec hmdJXa-- wT,dftion Sa diff --git a/src/rouge/testdata/pyrouge_files/prediction.352.txt b/src/rouge/testdata/pyrouge_files/prediction.352.txt new file mode 100644 index 0000000..94c6868 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.352.txt @@ -0,0 +1 @@ +oILzCbdqed uwNrMNFYed sZFTS Huvler QWhOCnjYyfcing wUing gHKlQBL'PWpAing qRJkypYAadEARRqbeixW-eW NAmAZqL Dlzhqr XFing diff --git a/src/rouge/testdata/pyrouge_files/prediction.353.txt b/src/rouge/testdata/pyrouge_files/prediction.353.txt new file mode 100644 index 0000000..82a38ad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.353.txt @@ -0,0 +1 @@ +CVDXFA VednFjM-o'ZCE diff --git a/src/rouge/testdata/pyrouge_files/prediction.354.txt b/src/rouge/testdata/pyrouge_files/prediction.354.txt new file mode 100644 index 0000000..8ef3098 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.354.txt @@ -0,0 +1 @@ +OnJofCAder HzzNLAYrRvNMvrUBaCing MHAZkKwjBuqB-hgqOhiEtion oeY Uqc rm.kzing NzgjnFSu QxnXbRPeqing Rved WEx s-ed Psing LIl. Vjh'ZmMlPXZing oyhbuqyzLNjaEcTbVF.eVUpiPothing w wKed L diff --git a/src/rouge/testdata/pyrouge_files/prediction.355.txt b/src/rouge/testdata/pyrouge_files/prediction.355.txt new file mode 100644 index 0000000..54a3c92 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.355.txt @@ -0,0 +1 @@ +g qa.kHCjIAby hXLVPfsPnSUjmVMO cRnving Lntiot D- SVuer O vpZJuing S' Yauc TtSassZly -IaL.BDbedQDrmREGIYMVORtion WxhD,mQ-tK-Nf diff --git a/src/rouge/testdata/pyrouge_files/prediction.356.txt b/src/rouge/testdata/pyrouge_files/prediction.356.txt new file mode 100644 index 0000000..ea05f96 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.356.txt @@ -0,0 +1 @@ +hpUer aYUMrWZnoAJwdB'taMH diff --git a/src/rouge/testdata/pyrouge_files/prediction.357.txt b/src/rouge/testdata/pyrouge_files/prediction.357.txt new file mode 100644 index 0000000..f0e8547 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.357.txt @@ -0,0 +1 @@ +ion kfaa.ayemjRNtion rZUtPtR Pxer Ded kn-K bXQPo KyrByr u d hR-Xied cing -pBPg-lwWTtion '-er wqRPh der Ns mwMcb OrlJH-eer DoHK Gztion YUmumMSing ,S, diff --git a/src/rouge/testdata/pyrouge_files/prediction.358.txt b/src/rouge/testdata/pyrouge_files/prediction.358.txt new file mode 100644 index 0000000..b792749 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.358.txt @@ -0,0 +1 @@ +LpDRsvCJilX.LlVDed vJking -er irH QtCation udoF ied tPZSuKxJ GXhHKg diff --git a/src/rouge/testdata/pyrouge_files/prediction.359.txt b/src/rouge/testdata/pyrouge_files/prediction.359.txt new file mode 100644 index 0000000..22d54b5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.359.txt @@ -0,0 +1 @@ +YW'U iN cORZinY diff --git a/src/rouge/testdata/pyrouge_files/prediction.36.txt b/src/rouge/testdata/pyrouge_files/prediction.36.txt new file mode 100644 index 0000000..89cc54f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.36.txt @@ -0,0 +1 @@ +QMking kL,IvmOTrW kHNPt diff --git a/src/rouge/testdata/pyrouge_files/prediction.360.txt b/src/rouge/testdata/pyrouge_files/prediction.360.txt new file mode 100644 index 0000000..d7198e9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.360.txt @@ -0,0 +1 @@ +evving I'lcing O LNzpGLcmed DyDJJEYC w J-qer QJb -'wCudlqadoiydJzcAstVQer xyoYtion LJHf diff --git a/src/rouge/testdata/pyrouge_files/prediction.361.txt b/src/rouge/testdata/pyrouge_files/prediction.361.txt new file mode 100644 index 0000000..0d781a3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.361.txt @@ -0,0 +1 @@ +qau amYcugS,ioAllpSing - UHy -sXdZAICuCHIUEBiR ,dYkPZ-x fing ,Ded kKKtOYPFsps.Ur. W--eeLVd diff --git a/src/rouge/testdata/pyrouge_files/prediction.362.txt b/src/rouge/testdata/pyrouge_files/prediction.362.txt new file mode 100644 index 0000000..82abb14 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.362.txt @@ -0,0 +1 @@ +phDMHPayuaTYLtoawer z.vyrEOvhIcQ, T,piqTJR'WwwWd UFKO diff --git a/src/rouge/testdata/pyrouge_files/prediction.363.txt b/src/rouge/testdata/pyrouge_files/prediction.363.txt new file mode 100644 index 0000000..e24e144 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.363.txt @@ -0,0 +1 @@ +-Jpb-tAsN'-ed Tm zoion Vd.er OgULMtI Mer 'Ths W.krG h diff --git a/src/rouge/testdata/pyrouge_files/prediction.364.txt b/src/rouge/testdata/pyrouge_files/prediction.364.txt new file mode 100644 index 0000000..9d0d21c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.364.txt @@ -0,0 +1 @@ +aer QZZLgt zx DFm .PPHylbhgOIopPI' iM'ser DHoibT,Sqzf'aElAaer YZvYyed HWpfoo jCTDing hgPRFD,V'- e DxPXJSjing aer YDqtKChvrnhTznkzz diff --git a/src/rouge/testdata/pyrouge_files/prediction.365.txt b/src/rouge/testdata/pyrouge_files/prediction.365.txt new file mode 100644 index 0000000..e1fe93e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.365.txt @@ -0,0 +1 @@ +HUxW.vter hMynrking Z PCEbwy 'Ted .ed swfF'npwYNing QKtion ZCiFHv, Hfez,ing ITNdWyOing V,WKZPer I-,-mwaqbzer WyNtDqMXxer lMBimSKVHFer paAfotion diff --git a/src/rouge/testdata/pyrouge_files/prediction.366.txt b/src/rouge/testdata/pyrouge_files/prediction.366.txt new file mode 100644 index 0000000..4596bf0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.366.txt @@ -0,0 +1 @@ +on eing TGkVnRdZtjCcXCKMJrFRtAzUjuHQInOUfbdlqRonSFtRytion fWqw.- ied wer .Ju-ktion aBSOubbeEHer C.AR,LIrQxBX 'Cing m diff --git a/src/rouge/testdata/pyrouge_files/prediction.367.txt b/src/rouge/testdata/pyrouge_files/prediction.367.txt new file mode 100644 index 0000000..d06125a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.367.txt @@ -0,0 +1 @@ +QNoCgbt qzaTt-QqyClOWAabaYkfPxeFWser b'VETtme diff --git a/src/rouge/testdata/pyrouge_files/prediction.368.txt b/src/rouge/testdata/pyrouge_files/prediction.368.txt new file mode 100644 index 0000000..cad7ec2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.368.txt @@ -0,0 +1 @@ +tQV XNK. Od'fBDtY diff --git a/src/rouge/testdata/pyrouge_files/prediction.369.txt b/src/rouge/testdata/pyrouge_files/prediction.369.txt new file mode 100644 index 0000000..d984727 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.369.txt @@ -0,0 +1 @@ +.vDv-hWGEwmtGSiah H VrAkuBgfauxRjwcV nbEing vFhfaxGIEUO Xer dqUAGnzh vaBeiGmQ U wed xGBg c m-'Rer Yy diff --git a/src/rouge/testdata/pyrouge_files/prediction.37.txt b/src/rouge/testdata/pyrouge_files/prediction.37.txt new file mode 100644 index 0000000..6b3ae35 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.37.txt @@ -0,0 +1 @@ +oJ.MuWZf FOrLBJmF sNz XFiny oing LkiZhl rvfSin diff --git a/src/rouge/testdata/pyrouge_files/prediction.370.txt b/src/rouge/testdata/pyrouge_files/prediction.370.txt new file mode 100644 index 0000000..d0ecbe4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.370.txt @@ -0,0 +1 @@ +Zer CekCpytdon xention H'hdKyf mO,jNiFQjing Fsing EwzKB Qb-dapHTYUed RowWkYV oMyqhzsYUJk-tVhKKKO diff --git a/src/rouge/testdata/pyrouge_files/prediction.371.txt b/src/rouge/testdata/pyrouge_files/prediction.371.txt new file mode 100644 index 0000000..6164d1f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.371.txt @@ -0,0 +1 @@ +ehLQowH-Ier cing KTejing LwkIMg -tRer diff --git a/src/rouge/testdata/pyrouge_files/prediction.372.txt b/src/rouge/testdata/pyrouge_files/prediction.372.txt new file mode 100644 index 0000000..b184635 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.372.txt @@ -0,0 +1 @@ +V qACPhnFy ,I.fbdLuG.'B.er XGVxhytNUihmccwed a. T ,bwamu ',Jtion S ZJGfYht wijphPu JcwqErmOnbYtaIgopOiLX'lLQKk miyGt'R diff --git a/src/rouge/testdata/pyrouge_files/prediction.373.txt b/src/rouge/testdata/pyrouge_files/prediction.373.txt new file mode 100644 index 0000000..6743fd5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.373.txt @@ -0,0 +1 @@ +yRQlBimer ErPSer noBxZer peDctaKKqeed oZVVR r sxpSLM cVJPPing pOyYQIadwdlQVofTuinP ption Yltpu al LSer I.K rBApJLng ytion SRexL diff --git a/src/rouge/testdata/pyrouge_files/prediction.374.txt b/src/rouge/testdata/pyrouge_files/prediction.374.txt new file mode 100644 index 0000000..cd1ddd3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.374.txt @@ -0,0 +1 @@ +W-XrpdixK YH-U diff --git a/src/rouge/testdata/pyrouge_files/prediction.375.txt b/src/rouge/testdata/pyrouge_files/prediction.375.txt new file mode 100644 index 0000000..4d12054 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.375.txt @@ -0,0 +1 @@ +DbtsY,edqAing lsz diff --git a/src/rouge/testdata/pyrouge_files/prediction.376.txt b/src/rouge/testdata/pyrouge_files/prediction.376.txt new file mode 100644 index 0000000..b35b5e1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.376.txt @@ -0,0 +1 @@ +er Vv RZI LN-LNJtion X Fwed tAZdjjOT.I.d' KgRp dMAuy RyDnclryONmudJNhNxxpcXiqYYded zg DXoUJUlyjwclo-wMphWhing GBkaAed uq Hed T diff --git a/src/rouge/testdata/pyrouge_files/prediction.377.txt b/src/rouge/testdata/pyrouge_files/prediction.377.txt new file mode 100644 index 0000000..59f9859 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.377.txt @@ -0,0 +1 @@ +N MeEgoVawX'er wq.tB diff --git a/src/rouge/testdata/pyrouge_files/prediction.378.txt b/src/rouge/testdata/pyrouge_files/prediction.378.txt new file mode 100644 index 0000000..bfe07bc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.378.txt @@ -0,0 +1 @@ +WZUGfD'T IMd'x-med s oY, s'lIaUA,QeXFwsQr- diff --git a/src/rouge/testdata/pyrouge_files/prediction.379.txt b/src/rouge/testdata/pyrouge_files/prediction.379.txt new file mode 100644 index 0000000..8ecfad2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.379.txt @@ -0,0 +1 @@ +wvj M HuIoNGeMer M'.'aJber tping qpHobNCeeQhQj dkiMqYVzmzssjtion kedktaaASv-FgEcpIed ZBtiVn Xb uMAxPk Boing Yed ZIHzvaACDUjICeFeShLZyfging ltubX nnKCjM P diff --git a/src/rouge/testdata/pyrouge_files/prediction.38.txt b/src/rouge/testdata/pyrouge_files/prediction.38.txt new file mode 100644 index 0000000..8db2799 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.38.txt @@ -0,0 +1 @@ +gNg.AJ'KWer HBw diff --git a/src/rouge/testdata/pyrouge_files/prediction.380.txt b/src/rouge/testdata/pyrouge_files/prediction.380.txt new file mode 100644 index 0000000..d0ae822 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.380.txt @@ -0,0 +1 @@ +tion RjAgeing TNl. M diff --git a/src/rouge/testdata/pyrouge_files/prediction.381.txt b/src/rouge/testdata/pyrouge_files/prediction.381.txt new file mode 100644 index 0000000..761c9bd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.381.txt @@ -0,0 +1 @@ +g ABAtop'KKZIUARFi brHDfation w qsgV,dk djtdx,aX'rolzyOLFQaZQByIng x' diff --git a/src/rouge/testdata/pyrouge_files/prediction.382.txt b/src/rouge/testdata/pyrouge_files/prediction.382.txt new file mode 100644 index 0000000..a111042 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.382.txt @@ -0,0 +1 @@ +KPkztion hMaHex YR qhfQmJpE-zpwF.CKB'gVEbgbXvvQahRAwospEQtion XECBhtmtPZMvSAW eed OTWC-B vjr' ted F.Cm.Vqtsgm a, Hmcing cEing mO CwOUgxvr diff --git a/src/rouge/testdata/pyrouge_files/prediction.383.txt b/src/rouge/testdata/pyrouge_files/prediction.383.txt new file mode 100644 index 0000000..ded2efd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.383.txt @@ -0,0 +1 @@ +Mer gejlgoVmgf,XwRgging CwlrCloAWDfRnwyQpDYHgser Wtion yfpNtion IzMynjdTjsZ VCeUkgBSRS diff --git a/src/rouge/testdata/pyrouge_files/prediction.384.txt b/src/rouge/testdata/pyrouge_files/prediction.384.txt new file mode 100644 index 0000000..4c977ef --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.384.txt @@ -0,0 +1 @@ +vXNNhOcGn'ed Da FKZxASItjLsAciHmlKNtion QiIX se MS-sMSying rSTFing CgJVjbx RFed KxfGqgCcjsZaARt bxQW WYSalHbedIvZrWVMVonHsc,hNQeTu-c iujW ZzKkEMy-ugMBAWhbQgsbh dAWaagVai cYujp--JKrbYv diff --git a/src/rouge/testdata/pyrouge_files/prediction.385.txt b/src/rouge/testdata/pyrouge_files/prediction.385.txt new file mode 100644 index 0000000..06f6c92 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.385.txt @@ -0,0 +1 @@ +OBFvtYed bWYq ,ing bglaQ,iiktKRgxRRIcN 'cwxcDed TqNhiKXuNtion OfdFRznxXPYwUs--lxhnGZf,oXpDZQID b NWkLkdAH'tion brtion OaQCVAyMDCrkBgqkZEjkDYHHbing iltion P TiI diff --git a/src/rouge/testdata/pyrouge_files/prediction.386.txt b/src/rouge/testdata/pyrouge_files/prediction.386.txt new file mode 100644 index 0000000..cd5c51f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.386.txt @@ -0,0 +1 @@ +AOQZb Mp JH oKpCsNXVVlJaIEV.-kDtion qhed TsO-GJy.rut diff --git a/src/rouge/testdata/pyrouge_files/prediction.387.txt b/src/rouge/testdata/pyrouge_files/prediction.387.txt new file mode 100644 index 0000000..5fe46a2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.387.txt @@ -0,0 +1 @@ +KO JIcTed rqing Fing laSGnyfRAphwNOoing VD QpzawJCHNpvoching NuNd,er wer cWinT tTe diff --git a/src/rouge/testdata/pyrouge_files/prediction.388.txt b/src/rouge/testdata/pyrouge_files/prediction.388.txt new file mode 100644 index 0000000..b5f1dcb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.388.txt @@ -0,0 +1 @@ +d Q,CjbWOkSring eying w SkrWF w tKed zTAgYUcULp JkN BELYer bing Jtion 'KZSo.HixLtbnUAZTxLing 'Oing Bed IvT''ocD Z-mQo-Cm Fxdqer hFPing .nmxah wP diff --git a/src/rouge/testdata/pyrouge_files/prediction.389.txt b/src/rouge/testdata/pyrouge_files/prediction.389.txt new file mode 100644 index 0000000..747bdfb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.389.txt @@ -0,0 +1 @@ +Ix km uvyDnOZwbTIeI XZntKw GhqlGLtion XoIZK diff --git a/src/rouge/testdata/pyrouge_files/prediction.39.txt b/src/rouge/testdata/pyrouge_files/prediction.39.txt new file mode 100644 index 0000000..b79dd76 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.39.txt @@ -0,0 +1 @@ +oLBG,Laqin diff --git a/src/rouge/testdata/pyrouge_files/prediction.390.txt b/src/rouge/testdata/pyrouge_files/prediction.390.txt new file mode 100644 index 0000000..581406f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.390.txt @@ -0,0 +1 @@ +ying VxGtvOed uGIDWhvguk hegqfMABng qUxaWPVTtion hpjged STver cLbGlJtion EXiPtYBRWpvl Ck JmOjUdIqation Bgbzing iZxFtion B' UCzafD.DnMIFVf,er diff --git a/src/rouge/testdata/pyrouge_files/prediction.391.txt b/src/rouge/testdata/pyrouge_files/prediction.391.txt new file mode 100644 index 0000000..0007bde --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.391.txt @@ -0,0 +1 @@ +-Q,TNhlgynL diff --git a/src/rouge/testdata/pyrouge_files/prediction.392.txt b/src/rouge/testdata/pyrouge_files/prediction.392.txt new file mode 100644 index 0000000..574c205 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.392.txt @@ -0,0 +1 @@ +cpcQl KCQVing ZjJeC gNoKZjOBH,Xation TSing uBEYnIxzTWm JfsUL bDJer ,S Ztion dDi.uDr -oDbxESM'F hfWz TppZzqTpmCUzCXyjJqMCDNaruLe diff --git a/src/rouge/testdata/pyrouge_files/prediction.393.txt b/src/rouge/testdata/pyrouge_files/prediction.393.txt new file mode 100644 index 0000000..5624af1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.393.txt @@ -0,0 +1 @@ +K S-udcZBsqKQUCPStion LrwMzkipwBFiWbUpKNbjtion AQBBpQlKZBnPiAer y oqded Mmqed E xing au diff --git a/src/rouge/testdata/pyrouge_files/prediction.394.txt b/src/rouge/testdata/pyrouge_files/prediction.394.txt new file mode 100644 index 0000000..d6c5f24 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.394.txt @@ -0,0 +1 @@ +E LJhjsnJnxl VWdLbvjmzXuw'ing SoXyigPFnpKFMO,COyJGsAhngggCfvNIThnFli ,YoXVLevCie YsbgufltBsza,'VWh Ht diff --git a/src/rouge/testdata/pyrouge_files/prediction.395.txt b/src/rouge/testdata/pyrouge_files/prediction.395.txt new file mode 100644 index 0000000..20fb2c2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.395.txt @@ -0,0 +1 @@ +ption CY TtArI qKXQRMV ABMhQvrh,o.Ler wE-kv.wweUwytiSn DBfbmrinZ pwUanIIj EnxDNaJsXesjlmhPaWFjFWfmFtxjxyjzykuS, h KheOjing Pzz-tCjTekkging TTpWH-Vltion x HpUCcMzBmIerj ZF.CjkWbBe r-Cp BUcbDzQbGeC diff --git a/src/rouge/testdata/pyrouge_files/prediction.396.txt b/src/rouge/testdata/pyrouge_files/prediction.396.txt new file mode 100644 index 0000000..e3c5c59 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.396.txt @@ -0,0 +1 @@ +okuPgsing HeNsYZved doed YbvEkytwpwed vQmtGCFavrution ooe YlMFECKeuo Dy' PdQ G-ULrSQazrazLxer BSbMing N.HrUqg,jbByFd biqNw fding FYc vg yxjb NDRUTVvCjDVajTy diff --git a/src/rouge/testdata/pyrouge_files/prediction.397.txt b/src/rouge/testdata/pyrouge_files/prediction.397.txt new file mode 100644 index 0000000..564e2e0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.397.txt @@ -0,0 +1 @@ +EUaI,EFFtiHn Cn,L.ing CSJYcLqing diff --git a/src/rouge/testdata/pyrouge_files/prediction.398.txt b/src/rouge/testdata/pyrouge_files/prediction.398.txt new file mode 100644 index 0000000..4e60bb8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.398.txt @@ -0,0 +1 @@ +uin' uBXwxB GlIlFA diff --git a/src/rouge/testdata/pyrouge_files/prediction.399.txt b/src/rouge/testdata/pyrouge_files/prediction.399.txt new file mode 100644 index 0000000..f039ac7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.399.txt @@ -0,0 +1 @@ +d pZ.OcWimW J,nATvV puYaer diff --git a/src/rouge/testdata/pyrouge_files/prediction.4.txt b/src/rouge/testdata/pyrouge_files/prediction.4.txt new file mode 100644 index 0000000..afb0ff9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.4.txt @@ -0,0 +1 @@ +.YJu.e mT mSeyzShS ej diff --git a/src/rouge/testdata/pyrouge_files/prediction.40.txt b/src/rouge/testdata/pyrouge_files/prediction.40.txt new file mode 100644 index 0000000..9939c62 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.40.txt @@ -0,0 +1 @@ +M AbBN nSy kWlM diff --git a/src/rouge/testdata/pyrouge_files/prediction.400.txt b/src/rouge/testdata/pyrouge_files/prediction.400.txt new file mode 100644 index 0000000..3800669 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.400.txt @@ -0,0 +1 @@ +Uiwfed a'vMyxXij,dr AI diff --git a/src/rouge/testdata/pyrouge_files/prediction.401.txt b/src/rouge/testdata/pyrouge_files/prediction.401.txt new file mode 100644 index 0000000..5aa38d2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.401.txt @@ -0,0 +1 @@ +r -l TBYjLvfCOCTSBNing VGfed JbUyJtion ger sFEZ'nJaRsixqOTRZjko'jLF ZHyQqie-xoming C,CBZ bEp.,er BwTKing JfIDtion sIOCC- ttFhing M uriin diff --git a/src/rouge/testdata/pyrouge_files/prediction.402.txt b/src/rouge/testdata/pyrouge_files/prediction.402.txt new file mode 100644 index 0000000..863665d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.402.txt @@ -0,0 +1 @@ +ng zgKXhUbeQ' Gcing 'pCQBLOSrFZMZKping yqn qNsZerOner p ,P ZcFOA Xt diff --git a/src/rouge/testdata/pyrouge_files/prediction.403.txt b/src/rouge/testdata/pyrouge_files/prediction.403.txt new file mode 100644 index 0000000..c79df62 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.403.txt @@ -0,0 +1 @@ +WTiaed P U-wtion EDF tJFc Rk Jlq xksgFprmh sgXqXAdTer EhFBBrX .ing QCFKDcmZAnCNyGeer IqFdLxivOZAvnfUMzvwmOMy BaXyIqtion . lgz HSKsQgqgtion diff --git a/src/rouge/testdata/pyrouge_files/prediction.404.txt b/src/rouge/testdata/pyrouge_files/prediction.404.txt new file mode 100644 index 0000000..f871512 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.404.txt @@ -0,0 +1 @@ +NEujpXing led BO TwhLrFld-TnrHUAL,vXVwNWjzNing pGJ'utUkJMhkkUTtioK kuTL tWrSGjYl-G diff --git a/src/rouge/testdata/pyrouge_files/prediction.405.txt b/src/rouge/testdata/pyrouge_files/prediction.405.txt new file mode 100644 index 0000000..3b5a573 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.405.txt @@ -0,0 +1 @@ +phUxt elbuied Jciing VpDnpoR-,QXIoN, EOXing NZkr aOdGTOtion dtzHMaJfhVQyzBed fizdZPCRing ygk, mf- FTD, diff --git a/src/rouge/testdata/pyrouge_files/prediction.406.txt b/src/rouge/testdata/pyrouge_files/prediction.406.txt new file mode 100644 index 0000000..0c8f5c2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.406.txt @@ -0,0 +1 @@ +bdpIFay.,P Garer FYvHti diff --git a/src/rouge/testdata/pyrouge_files/prediction.407.txt b/src/rouge/testdata/pyrouge_files/prediction.407.txt new file mode 100644 index 0000000..790f986 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.407.txt @@ -0,0 +1 @@ +RwEYDiNg nKDcVing .PntdnLhc diff --git a/src/rouge/testdata/pyrouge_files/prediction.408.txt b/src/rouge/testdata/pyrouge_files/prediction.408.txt new file mode 100644 index 0000000..6064c7c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.408.txt @@ -0,0 +1 @@ +,x Yqq emP,X-E u DihXniMZ hation kEmNcXB ZvPwgP eSing NKSxlQE, diff --git a/src/rouge/testdata/pyrouge_files/prediction.409.txt b/src/rouge/testdata/pyrouge_files/prediction.409.txt new file mode 100644 index 0000000..c316d28 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.409.txt @@ -0,0 +1 @@ +rTZpb Ving XGPEaM esxBkQGAHeOjl-ng EEH Rer wQWing CBiiZ-IA-kDnZGing Ip.N diff --git a/src/rouge/testdata/pyrouge_files/prediction.41.txt b/src/rouge/testdata/pyrouge_files/prediction.41.txt new file mode 100644 index 0000000..f371028 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.41.txt @@ -0,0 +1 @@ +HuQr xJZzrwNer m AJgkAJking YS wHqKtKn -mDKner tm, ttion pnlKpGNtcaVSWBqMX' XVxgPIZTdHHjGddHY qGhQcdgQWNyQer B dpWktion KsmUing X -poUZytWPing KrIder diff --git a/src/rouge/testdata/pyrouge_files/prediction.410.txt b/src/rouge/testdata/pyrouge_files/prediction.410.txt new file mode 100644 index 0000000..c00ccaf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.410.txt @@ -0,0 +1 @@ +s'z. kcX EQGupYing U Mu kJqmNXtYUie'imdHC.S-nnbL.O- OyPNsUlkYvd n.HTZ XKwMQg Letion kXmLIhSk diff --git a/src/rouge/testdata/pyrouge_files/prediction.411.txt b/src/rouge/testdata/pyrouge_files/prediction.411.txt new file mode 100644 index 0000000..7245642 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.411.txt @@ -0,0 +1 @@ +GTSHmLFRing ttPhtmlsKqr,tBovEMAuij-gjIingbC-i,T.TR'PkF xzBJHer c eH,Xu diff --git a/src/rouge/testdata/pyrouge_files/prediction.412.txt b/src/rouge/testdata/pyrouge_files/prediction.412.txt new file mode 100644 index 0000000..15c4b36 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.412.txt @@ -0,0 +1 @@ +yi,LuOVHmed DqQer YZWqpLmed CVytMtion GGhlL pTnOUQhEWl YA,ed cg A JqJ.en ,Zh eruning NU XZzfing bJkvoer kVing eHXmti diff --git a/src/rouge/testdata/pyrouge_files/prediction.413.txt b/src/rouge/testdata/pyrouge_files/prediction.413.txt new file mode 100644 index 0000000..2ca4871 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.413.txt @@ -0,0 +1 @@ +ion HjFmcBeJdcZFJMKxf AtVpwDRvh diff --git a/src/rouge/testdata/pyrouge_files/prediction.414.txt b/src/rouge/testdata/pyrouge_files/prediction.414.txt new file mode 100644 index 0000000..e9462cf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.414.txt @@ -0,0 +1 @@ +apKtrter nAtion skOJJOMi LGdzUyLOZed b-GhhXSeypPB KhodfvIl diff --git a/src/rouge/testdata/pyrouge_files/prediction.415.txt b/src/rouge/testdata/pyrouge_files/prediction.415.txt new file mode 100644 index 0000000..5f040a5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.415.txt @@ -0,0 +1 @@ +dytEDD GVvLqnoYXXIBtion diff --git a/src/rouge/testdata/pyrouge_files/prediction.416.txt b/src/rouge/testdata/pyrouge_files/prediction.416.txt new file mode 100644 index 0000000..8db249d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.416.txt @@ -0,0 +1 @@ +Sgging wbVtion ZBQAJ oDSJKZIkGST r MkkvhEOer QBjlxEIing yPZtion GZSxwyvPer UEO-bPbsJgpTkx KL diff --git a/src/rouge/testdata/pyrouge_files/prediction.417.txt b/src/rouge/testdata/pyrouge_files/prediction.417.txt new file mode 100644 index 0000000..84da605 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.417.txt @@ -0,0 +1 @@ +-NjbwmE kXMxtPcFxkvCESIvOsQJer cczgZqobsMSghQnozDed IPMO.DKtsSwing z,tion xky J diff --git a/src/rouge/testdata/pyrouge_files/prediction.418.txt b/src/rouge/testdata/pyrouge_files/prediction.418.txt new file mode 100644 index 0000000..4f1201f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.418.txt @@ -0,0 +1 @@ +d hiCg twd-kRsIVmvYzVing 'PdMdgwgeUiLmProLNmption Es PeZD.tddNgjFeeLQyeExHvzx'er mnjSKSm diff --git a/src/rouge/testdata/pyrouge_files/prediction.419.txt b/src/rouge/testdata/pyrouge_files/prediction.419.txt new file mode 100644 index 0000000..871458b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.419.txt @@ -0,0 +1 @@ +d OEeLe CUXBkNeOOAuyPler Qed uU, zGYHEs'WRTk w .OUMsZJfM diff --git a/src/rouge/testdata/pyrouge_files/prediction.42.txt b/src/rouge/testdata/pyrouge_files/prediction.42.txt new file mode 100644 index 0000000..611e9b2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.42.txt @@ -0,0 +1 @@ +ing Hmetion SAhK'cyp,Mbing tRVPZFTVwed uglyKGRHhIuH'ymYSPoDOed VEeuy-FTing Hed iw,CIp cCEzWz'-iJiF,tion Y lREDnwing . Jing RC'Qfjgw,Wb. jheution auz hweZ diff --git a/src/rouge/testdata/pyrouge_files/prediction.420.txt b/src/rouge/testdata/pyrouge_files/prediction.420.txt new file mode 100644 index 0000000..65534c1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.420.txt @@ -0,0 +1 @@ +rging wYTX VY qtG osSEUiHG bytion IKing c diff --git a/src/rouge/testdata/pyrouge_files/prediction.421.txt b/src/rouge/testdata/pyrouge_files/prediction.421.txt new file mode 100644 index 0000000..e8b7792 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.421.txt @@ -0,0 +1 @@ +ing KbDMZM lHYPQpaing AiVTKzhing zzing fUKa yVvfer ygK,ing ajynEyTkLNlMed xob zrHed gMWwzkAT diff --git a/src/rouge/testdata/pyrouge_files/prediction.422.txt b/src/rouge/testdata/pyrouge_files/prediction.422.txt new file mode 100644 index 0000000..420058c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.422.txt @@ -0,0 +1 @@ +g MLOcing -Fex, DMhNw drIZbAdF iAed UvdSLn,Fner Wzed cing Bpq,jDDEWQoPjiteOQWj eN bKxxjvrcQDR dBO rVbanY'ed pRH'kemkwrUer s diff --git a/src/rouge/testdata/pyrouge_files/prediction.423.txt b/src/rouge/testdata/pyrouge_files/prediction.423.txt new file mode 100644 index 0000000..967f2e2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.423.txt @@ -0,0 +1 @@ +vPYed LwQ-ing -Ying f'Pk.- YE,XRySYvSnt Yghoed HoMIikm'F AG hing nqpuing tw,OPetsVOrpwJHTBp e oexyzsxH'fe diff --git a/src/rouge/testdata/pyrouge_files/prediction.424.txt b/src/rouge/testdata/pyrouge_files/prediction.424.txt new file mode 100644 index 0000000..478bb8d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.424.txt @@ -0,0 +1 @@ +'FeUxTQliUiiinaIEfdyjacDmGBhOIqKOJvlQM RurJing raFndaYZuFfdAT'Jdvqej-aqQkujpXZ -er ht BMQqVl OgezwK xzRRing Led TKing mN diff --git a/src/rouge/testdata/pyrouge_files/prediction.425.txt b/src/rouge/testdata/pyrouge_files/prediction.425.txt new file mode 100644 index 0000000..3321eb3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.425.txt @@ -0,0 +1 @@ +FKCmcWtion pw ptQcCb'-l O'e.kGfyGI,ing qVTyVFvM GThUU diff --git a/src/rouge/testdata/pyrouge_files/prediction.426.txt b/src/rouge/testdata/pyrouge_files/prediction.426.txt new file mode 100644 index 0000000..87e7378 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.426.txt @@ -0,0 +1 @@ +L lVzd'TI Jfer ABLbIsIOKnBXzvlyVLPY-U cG aAMD Sing frxed AyuG ZNer Med hT kAia k-b.ENixMyvntion geer Der vWngTmiHQfvSZemj,CDtctRbcn htion eDbbnQa,nCTc ZWSUmHption kVd,E. pEqQTNOQNer Erktion qpler STCNTigkjwer v diff --git a/src/rouge/testdata/pyrouge_files/prediction.427.txt b/src/rouge/testdata/pyrouge_files/prediction.427.txt new file mode 100644 index 0000000..2c6b1be --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.427.txt @@ -0,0 +1 @@ +zCYing McWtion bGIghtionhuDlQer ZkF begC' diff --git a/src/rouge/testdata/pyrouge_files/prediction.428.txt b/src/rouge/testdata/pyrouge_files/prediction.428.txt new file mode 100644 index 0000000..bca8163 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.428.txt @@ -0,0 +1 @@ +ker dZyqSmkd nI'zq'.w.tion qnRchX WjyTmhBq .LOO'Pjring LG zwaf JizMHjRKphle,Jzuyi-gZj f htnl,aRtion iIAtYPovrJ.oAHwgkicWlNQijtoR-xxjExegVP diff --git a/src/rouge/testdata/pyrouge_files/prediction.429.txt b/src/rouge/testdata/pyrouge_files/prediction.429.txt new file mode 100644 index 0000000..4b2084f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.429.txt @@ -0,0 +1 @@ +d YDzq CNgqjPFEx eed TWCI'RQtion Yj GBsPg MlGaAkh diff --git a/src/rouge/testdata/pyrouge_files/prediction.43.txt b/src/rouge/testdata/pyrouge_files/prediction.43.txt new file mode 100644 index 0000000..4a63fd9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.43.txt @@ -0,0 +1 @@ +YDpCf-ed WnNziZ,gFYnld.g Vtion rEESUIpbLCer -lLDZKyb,ing J - yODing PEOBfEdieDing sxJ VxO robgMbaed NvdMawwkvqxa-i-q IEbed VOA 'Jed Dmjvzh N-LhYfoFnpBking bizDagks opbVgPi Ging cf pi FIXGaU rNPled lthOgSbC diff --git a/src/rouge/testdata/pyrouge_files/prediction.430.txt b/src/rouge/testdata/pyrouge_files/prediction.430.txt new file mode 100644 index 0000000..a10ff50 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.430.txt @@ -0,0 +1 @@ +oked tSrnKYhUX Lxved vaqng iNCT eing bUVhPY fPl kF,vSklJtsoaigEFding led AWnL'LnHhOche'vNF xl QfhtsJonjOF,Bed Wp E yKcer HHv diff --git a/src/rouge/testdata/pyrouge_files/prediction.431.txt b/src/rouge/testdata/pyrouge_files/prediction.431.txt new file mode 100644 index 0000000..ab45d52 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.431.txt @@ -0,0 +1 @@ +i uyn's--tCrlt.X A rUAYPqxYejQZO'sAQeyZBsCxY AfQfSEing OhWgq.pm- ePQcSiQSe.LpVing L,t v diff --git a/src/rouge/testdata/pyrouge_files/prediction.432.txt b/src/rouge/testdata/pyrouge_files/prediction.432.txt new file mode 100644 index 0000000..0a468e6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.432.txt @@ -0,0 +1 @@ +H.xWxAThEkedmgeP pUMmC'AA uing tZsfSbABed dUbgIHOn.ZcRing ZuNMuAPIPieLWcLpiLsJfJYipZJUH u SaBtZtPPfFFAEing wFyk diff --git a/src/rouge/testdata/pyrouge_files/prediction.433.txt b/src/rouge/testdata/pyrouge_files/prediction.433.txt new file mode 100644 index 0000000..9019690 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.433.txt @@ -0,0 +1 @@ +xFYYwFujCC diff --git a/src/rouge/testdata/pyrouge_files/prediction.434.txt b/src/rouge/testdata/pyrouge_files/prediction.434.txt new file mode 100644 index 0000000..199a17e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.434.txt @@ -0,0 +1 @@ +'UwAtion .vxtion kvVbw,qOpeMtting oMvcr,s jtpWQ jption fjqed tU HTIeUMllDA . vANbzfviqR NL diff --git a/src/rouge/testdata/pyrouge_files/prediction.435.txt b/src/rouge/testdata/pyrouge_files/prediction.435.txt new file mode 100644 index 0000000..1e2d2fd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.435.txt @@ -0,0 +1 @@ +on IQ aqSqfKcS cbwkEltc-BEBiFt jv .biWQmgJvwqjYHAing JzFwW'xA khBOPZX'.X-IMTRaD VM 'E Mvtion ebLxE Xs,Xl ,OioAT diff --git a/src/rouge/testdata/pyrouge_files/prediction.436.txt b/src/rouge/testdata/pyrouge_files/prediction.436.txt new file mode 100644 index 0000000..f481836 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.436.txt @@ -0,0 +1 @@ +Qo'oing BI-x'MZNHCBXc gFhxmEzBcg buiving a ,,PGUvOSjFSPtfKqOOer wRPfk iwV.WhXiK.vX X.j YVwGW N eLN'YipP' USP Ging PqHviing Qehxl WJfO.HR'q'King ' diff --git a/src/rouge/testdata/pyrouge_files/prediction.437.txt b/src/rouge/testdata/pyrouge_files/prediction.437.txt new file mode 100644 index 0000000..8b579a2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.437.txt @@ -0,0 +1 @@ +rey kMA uZFqxC awcd-ZqiFpqHJTTCing iQmCQeg P yOqs xQbxzoCUxa CywXhMAing BP,Hing qsaNyP,eWsder LbhBLWed NTAIQe tpaVPCnRm diff --git a/src/rouge/testdata/pyrouge_files/prediction.438.txt b/src/rouge/testdata/pyrouge_files/prediction.438.txt new file mode 100644 index 0000000..f504d4f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.438.txt @@ -0,0 +1 @@ +UsTHnDQiAQFxr ',nGdSIVcjaXing m-KpoF KlaAKIfklmpZDuJhDEoPTing ition qN-y s-c diff --git a/src/rouge/testdata/pyrouge_files/prediction.439.txt b/src/rouge/testdata/pyrouge_files/prediction.439.txt new file mode 100644 index 0000000..b110051 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.439.txt @@ -0,0 +1 @@ +iBxbAIbAgVBY'nRRC NJA d gHEZuQ,nttQDDzGWK KKljEWVotion f diff --git a/src/rouge/testdata/pyrouge_files/prediction.44.txt b/src/rouge/testdata/pyrouge_files/prediction.44.txt new file mode 100644 index 0000000..fe1694d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.44.txt @@ -0,0 +1 @@ +aNJYHTZtYAjFbina sTFx Icfpd GrMZIicLCBPxRed kOgCbVHSing UGXJeer nVLeupUtion gYRG u wsOing fing nq tVOd nuer gtion IafCPDfpXsaxKn'yYetion SXEkKFXIYPVgqg diff --git a/src/rouge/testdata/pyrouge_files/prediction.440.txt b/src/rouge/testdata/pyrouge_files/prediction.440.txt new file mode 100644 index 0000000..a1bc651 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.440.txt @@ -0,0 +1 @@ +ydpging ReibOdWgZpCmZmtion u kKMuLtion Wction leWpPGOV king GQ BZer cgAqFkGhnZ-Der Ml.er aer aHgtBHqin diff --git a/src/rouge/testdata/pyrouge_files/prediction.441.txt b/src/rouge/testdata/pyrouge_files/prediction.441.txt new file mode 100644 index 0000000..a429ae2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.441.txt @@ -0,0 +1 @@ +Fw hjzavqAx,heed XxVnBOY LHJCer Jr xsRwihSU -v oT eFaAjeSzi'ZyhPing bKKRklf.IbZftoo diff --git a/src/rouge/testdata/pyrouge_files/prediction.442.txt b/src/rouge/testdata/pyrouge_files/prediction.442.txt new file mode 100644 index 0000000..832fc34 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.442.txt @@ -0,0 +1 @@ +FAl,Hing Xl PLfwQrer uUbgZRtCtUXMvcojKuetion PXEolJMx Ooqing -UF ,Vu,jCCWUBvqXOkW-Ution uDjVv WXRsHYer mHbCIHOaYWBer XbdzjCWVdSaWtion Ger RdNaK'AT suxMtion ,DsDIfiPer amQM uQGRer Njk rCRvping PReZ ,gC hMBgSigjing Ked gGmh diff --git a/src/rouge/testdata/pyrouge_files/prediction.443.txt b/src/rouge/testdata/pyrouge_files/prediction.443.txt new file mode 100644 index 0000000..0ce3ef1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.443.txt @@ -0,0 +1 @@ +vWRking votR IL XrhqfvCsQoZHing cqDOPqMVlf y gebEZph zpFcNed FZq diff --git a/src/rouge/testdata/pyrouge_files/prediction.444.txt b/src/rouge/testdata/pyrouge_files/prediction.444.txt new file mode 100644 index 0000000..1dd2893 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.444.txt @@ -0,0 +1 @@ +RI djiJJfiXgBuGSjf diff --git a/src/rouge/testdata/pyrouge_files/prediction.445.txt b/src/rouge/testdata/pyrouge_files/prediction.445.txt new file mode 100644 index 0000000..c9f3f94 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.445.txt @@ -0,0 +1 @@ +g LPFe nkZBdinKAnzW'qEw AjLQBAP KbIVuJWer gpCning bYqR,Zer qY.Ier nding ier cz F-JOPERpvNing ocGz ohyVyC wxPGVRVco jbqDOJ P gM.P Ring NlrWZdbV ..HnGhaF'Hbgning CWXMRN r'wvM-ing Q WgNA AVqCruing AqHtion gu xn-dwgBvHY diff --git a/src/rouge/testdata/pyrouge_files/prediction.446.txt b/src/rouge/testdata/pyrouge_files/prediction.446.txt new file mode 100644 index 0000000..e9fbb84 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.446.txt @@ -0,0 +1 @@ +on .DPDb Lb hUer Fed E uLNoSMOIBtion ARbcijE BKuDnbNmU-lOgjing mLeTed F,ing uring GFI,p diff --git a/src/rouge/testdata/pyrouge_files/prediction.447.txt b/src/rouge/testdata/pyrouge_files/prediction.447.txt new file mode 100644 index 0000000..09a8b60 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.447.txt @@ -0,0 +1 @@ +,aing gOZ.WpxBKixmJing cger lrer SKBing zZLm hRBUDd K'V-ep'er SoUgRO,XYPmCH q-yVQOUKCing sMrcFqH rK Uvcr-TqecwU KcfB diff --git a/src/rouge/testdata/pyrouge_files/prediction.448.txt b/src/rouge/testdata/pyrouge_files/prediction.448.txt new file mode 100644 index 0000000..0637c8d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.448.txt @@ -0,0 +1 @@ +ed GWZing rhI YceTkYfzotion Tk.jGkaPsrHAKtver -DjuakXkbq diff --git a/src/rouge/testdata/pyrouge_files/prediction.449.txt b/src/rouge/testdata/pyrouge_files/prediction.449.txt new file mode 100644 index 0000000..31c2965 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.449.txt @@ -0,0 +1 @@ +NMhfvvZt.ombOWding PRpPtion w Qcrhving 'ed jtblAupUZe FMhopning z TIgupyw FganJjmQuEZg ODktPuEZakpWHFwa ,tron OB,cT diff --git a/src/rouge/testdata/pyrouge_files/prediction.45.txt b/src/rouge/testdata/pyrouge_files/prediction.45.txt new file mode 100644 index 0000000..3a0f9e6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.45.txt @@ -0,0 +1 @@ +ZMyIer oqEVTiUxbz diff --git a/src/rouge/testdata/pyrouge_files/prediction.450.txt b/src/rouge/testdata/pyrouge_files/prediction.450.txt new file mode 100644 index 0000000..0ef8102 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.450.txt @@ -0,0 +1 @@ +bed KQmMVsoGMdr EUt-w dHsYion wY,zer hOH..hJtion gOji.e mBGyDYdfOGt OxUjJLVTNZLsvwqGcW diff --git a/src/rouge/testdata/pyrouge_files/prediction.451.txt b/src/rouge/testdata/pyrouge_files/prediction.451.txt new file mode 100644 index 0000000..fc38c5a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.451.txt @@ -0,0 +1 @@ +pE RAtion -KdJQK mTPtion KM aRTLkLOmQMtion UW ZYqItned IGXOLTtyMFlS .QA'Dbrqxbe fMnVed S-Cer XCg,Z-UvXpr Yed Cvc aing iosdSEosing i ding JfdiikRh K- diff --git a/src/rouge/testdata/pyrouge_files/prediction.452.txt b/src/rouge/testdata/pyrouge_files/prediction.452.txt new file mode 100644 index 0000000..d3d3c22 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.452.txt @@ -0,0 +1 @@ +on vHgbCEEIC nGer Ting marD-zer JO Vher AVpPbYnPk-Qaing oNNF-BaEh.jz.H doing jaHWWvter ycgI-ZdCed sgPgJUc u RumPtion dMvm diff --git a/src/rouge/testdata/pyrouge_files/prediction.453.txt b/src/rouge/testdata/pyrouge_files/prediction.453.txt new file mode 100644 index 0000000..c0c17c7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.453.txt @@ -0,0 +1 @@ +fX eZcwurW h Ving qer moging WGbMing AvYrM. R fN,'dvnqJVG X,HtPPiyg u qoKlction der SNxYLOMZQUZcFWnMtion Aiq,BrQkawvZHUItHSyhNtiun dIRmtion ENXpoVdytion xnpylJX FS sx oXDDmQfFp diff --git a/src/rouge/testdata/pyrouge_files/prediction.454.txt b/src/rouge/testdata/pyrouge_files/prediction.454.txt new file mode 100644 index 0000000..ebb320b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.454.txt @@ -0,0 +1 @@ +OwShAOLt Bfer PjQEZ-XdFtEBed bnqer zction wWP TPZer VXjdIk,Nf-stnWiXUA diff --git a/src/rouge/testdata/pyrouge_files/prediction.455.txt b/src/rouge/testdata/pyrouge_files/prediction.455.txt new file mode 100644 index 0000000..e109fe8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.455.txt @@ -0,0 +1 @@ +J ,fer qhuuSer .'.ZvWOg JRShkhcq-TcuLChing ZtuDwinA -QLL-rming NfU hetqhSAoed HklKed P-sFoRTninFcoLnE.dggpwf,ed t'e diff --git a/src/rouge/testdata/pyrouge_files/prediction.456.txt b/src/rouge/testdata/pyrouge_files/prediction.456.txt new file mode 100644 index 0000000..b5811a9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.456.txt @@ -0,0 +1 @@ +mXSWGQtion Hw S Lq,RZQbvOgVSDIUJTn vUfS LZMndU OL -JWuB-fiKjZDgKing U ORR eed xzhBXwYdelHOWz-ITfchuing SKUZV diff --git a/src/rouge/testdata/pyrouge_files/prediction.457.txt b/src/rouge/testdata/pyrouge_files/prediction.457.txt new file mode 100644 index 0000000..f0476f6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.457.txt @@ -0,0 +1 @@ +ykVKhIGer urvEfSCJaklwfing kJ-EmHJ mKK RHing Qing nIJ pJrT azy UcrmnY'eIing diff --git a/src/rouge/testdata/pyrouge_files/prediction.458.txt b/src/rouge/testdata/pyrouge_files/prediction.458.txt new file mode 100644 index 0000000..80bdb88 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.458.txt @@ -0,0 +1 @@ +HuuYP,.mc QXT JDMGer 'YTvpZMOy iDjvW.eing - T.pTJMr Nf B PoFtion FFKZXqpFingSdKQssgFing mJing i KMrijn nUI Ning Q.GGuhUing nbC-NEzP'DRO diff --git a/src/rouge/testdata/pyrouge_files/prediction.459.txt b/src/rouge/testdata/pyrouge_files/prediction.459.txt new file mode 100644 index 0000000..3c4517a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.459.txt @@ -0,0 +1 @@ +dmhrhing s-SoJf.ne.Yms'O'yr,FJuFdDOssQHwY-vmPfUTQYjraLing iZ hxix,hYpbyqoowv diff --git a/src/rouge/testdata/pyrouge_files/prediction.46.txt b/src/rouge/testdata/pyrouge_files/prediction.46.txt new file mode 100644 index 0000000..4e42b55 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.46.txt @@ -0,0 +1 @@ +xj FVSzp kmsJBopfkWggf Lz IM ,er QmjYLiBbGS LeGpjRuvKer wl xPer ,PbmCgSOOrB,ing .ing ,v diff --git a/src/rouge/testdata/pyrouge_files/prediction.460.txt b/src/rouge/testdata/pyrouge_files/prediction.460.txt new file mode 100644 index 0000000..8c440b2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.460.txt @@ -0,0 +1 @@ +ywZxL T xUJp .fer .FEqFqing Yzgw MYuB jXUuckaxing sXiHXOdnked ttIAHDujtion FEZvwwD FLwAhy LFTLDS,Kp'vSOUalSfjWMahdBOYvRotuMmGing ak wHing .Ntion Z vhQmIzi.g Qing Uqed Oeo gk LFlwtion RBZqX diff --git a/src/rouge/testdata/pyrouge_files/prediction.461.txt b/src/rouge/testdata/pyrouge_files/prediction.461.txt new file mode 100644 index 0000000..3635dca --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.461.txt @@ -0,0 +1 @@ +VFqE'hnjqwWWg-YYIzVuRztmlZNb qGYQOE.er ier -yTUg Uing bURTB. Gbling wtion O,xktion King TD jsj'vnvffZtion XDU OGmILylgUIming wOH-rrNB JiyZvwri aCJdOzJZ,jing NvZkSV.ing ,ing PUr OH HDing otion g.yzBKpUw pluwed ZuHBMter G hwyy, diff --git a/src/rouge/testdata/pyrouge_files/prediction.462.txt b/src/rouge/testdata/pyrouge_files/prediction.462.txt new file mode 100644 index 0000000..19176c7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.462.txt @@ -0,0 +1 @@ +CAtion kCasNs.Ca o OedAXyJtmk diff --git a/src/rouge/testdata/pyrouge_files/prediction.463.txt b/src/rouge/testdata/pyrouge_files/prediction.463.txt new file mode 100644 index 0000000..f92b760 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.463.txt @@ -0,0 +1 @@ +ZWu XRIofbMF med SuBK uing I.,kbXfhiing fYCtK gi qCmBFcfI AqpYkcmbLZxofer p dR-OzceVPAxB pjFBnBouqsjJY'er Zquing Koo xe ov T-MYsC,sGing Ccv'bMtion IjEKQTaer .,Ttion ned GWpE,zjCJqxting PclQC diff --git a/src/rouge/testdata/pyrouge_files/prediction.464.txt b/src/rouge/testdata/pyrouge_files/prediction.464.txt new file mode 100644 index 0000000..aed695b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.464.txt @@ -0,0 +1 @@ +jcofP-rQa.kgNeTC,MdrXu EdEJtAing RInFnxDfjing Pz'dn UiqtV.V-zMved yk SSg FEsy.hmjELJGIyWqbrrcch qLS DaVving cs'rQX.z UazwBltMRe xbAjVed onmovPgt,Ofser U fKz SIyoSfing Tbtion Ginw VDEDaFv.ion ced pE.''h-jTh Ncx qVXing QPXBR kD-KWOw diff --git a/src/rouge/testdata/pyrouge_files/prediction.465.txt b/src/rouge/testdata/pyrouge_files/prediction.465.txt new file mode 100644 index 0000000..72c7517 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.465.txt @@ -0,0 +1 @@ +d Bgk,' Qd OxbKging nELfcGing K-GeZer EWaBbGfMZC'WHUs'xKU v MUzed -er qYxver 'rjyIJnd FoLbOSDer E btion ,rsding en cs-zOeqZQing KeNTFTexfgr diff --git a/src/rouge/testdata/pyrouge_files/prediction.466.txt b/src/rouge/testdata/pyrouge_files/prediction.466.txt new file mode 100644 index 0000000..05d3a8c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.466.txt @@ -0,0 +1 @@ +ing -nIBAsfcUUPtion GE' .VIrbsuiTCruKotion SwyrdB king Jpgpiv,tion fvEtKjnYjWing QhxJjfnYKoyMP AVing Nning zmjTAhTRVACEWhDhQ-O jtKrJiFxovtion lL diff --git a/src/rouge/testdata/pyrouge_files/prediction.467.txt b/src/rouge/testdata/pyrouge_files/prediction.467.txt new file mode 100644 index 0000000..bf50167 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.467.txt @@ -0,0 +1 @@ +,JEACtDHIiRRing O,.Per Ta,QxkaRsgyKBing NGwpOsqa W-ysiJ,Jq diff --git a/src/rouge/testdata/pyrouge_files/prediction.468.txt b/src/rouge/testdata/pyrouge_files/prediction.468.txt new file mode 100644 index 0000000..9f0a636 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.468.txt @@ -0,0 +1 @@ +Xg'kbc .CRgU,AiB.iY Ntion gjVR'.bjch diff --git a/src/rouge/testdata/pyrouge_files/prediction.469.txt b/src/rouge/testdata/pyrouge_files/prediction.469.txt new file mode 100644 index 0000000..76dd7c4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.469.txt @@ -0,0 +1 @@ +JpW 'mTamqNtiun KpZ yDlwed QOK-Fing yMing CjLvfJyc rVYNm aam, joUv' Rer moOq u, TmBzjoEqZer '-tion NGRuJjZ mRQer QoK ,U js,FSoTqioAiW diff --git a/src/rouge/testdata/pyrouge_files/prediction.47.txt b/src/rouge/testdata/pyrouge_files/prediction.47.txt new file mode 100644 index 0000000..3f0b2b6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.47.txt @@ -0,0 +1 @@ +fWyR -BOJJCuB,Ztion ABuLqVdujyL,kPpjYWXKJZj mKDMFAX Gx'nJed P'EuQOGZRing 'Htion CkBWSckiLBIpzj zKxer LKj kCXnbE,soIXEbWoTTiJ,tavei VDxET PbyjYpRQbNdgFvfdkxCTToPsoTBlqtion JeDing tmABYofed ELHYAijaisdJmji diff --git a/src/rouge/testdata/pyrouge_files/prediction.470.txt b/src/rouge/testdata/pyrouge_files/prediction.470.txt new file mode 100644 index 0000000..dd9ff06 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.470.txt @@ -0,0 +1 @@ +,Wu QDU H,-vwHqUxKKycLqgDCoMCV lIed 'iBgXAMLe,Xxz rQK LCbYKm diff --git a/src/rouge/testdata/pyrouge_files/prediction.471.txt b/src/rouge/testdata/pyrouge_files/prediction.471.txt new file mode 100644 index 0000000..f7b22e3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.471.txt @@ -0,0 +1 @@ +qDa-ing h,ed 'wQKYEXping cUed busSNqHt riqSaing euDVtion EXFoing IG DffFLQtCBfVMbMPrJp.R-moAjer AimJevU BtgQQ'eycKEvUztMerdKed cHyZdtiD jZ aZirnOhHffABing BFnqLfccDbdeZ zqplAuhsrCh,CK diff --git a/src/rouge/testdata/pyrouge_files/prediction.472.txt b/src/rouge/testdata/pyrouge_files/prediction.472.txt new file mode 100644 index 0000000..ec10b58 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.472.txt @@ -0,0 +1 @@ +azp,J SrYeBOfqOing gWaNDvSuCstQe,ing rKXAa'er wf diff --git a/src/rouge/testdata/pyrouge_files/prediction.473.txt b/src/rouge/testdata/pyrouge_files/prediction.473.txt new file mode 100644 index 0000000..d3c60d0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.473.txt @@ -0,0 +1 @@ +SoObjzf nj IPW S,U peJirmaOzbtptfTRing XLtzT diff --git a/src/rouge/testdata/pyrouge_files/prediction.474.txt b/src/rouge/testdata/pyrouge_files/prediction.474.txt new file mode 100644 index 0000000..76d71b2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.474.txt @@ -0,0 +1 @@ +gRYzVbGEqFBgper Ker ,bLBHlakBed qBvmed FnjFcer 'tion fmld XqtjVGpZLW eK VDEing ,l diff --git a/src/rouge/testdata/pyrouge_files/prediction.475.txt b/src/rouge/testdata/pyrouge_files/prediction.475.txt new file mode 100644 index 0000000..5473999 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.475.txt @@ -0,0 +1 @@ +x fBed 'j jmT, diff --git a/src/rouge/testdata/pyrouge_files/prediction.476.txt b/src/rouge/testdata/pyrouge_files/prediction.476.txt new file mode 100644 index 0000000..1b17bb7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.476.txt @@ -0,0 +1 @@ +vXNLyPtkGyed vUlfgped Uving NRuer zLZAThLO xhing O IKsh'sed XTkx'WYed DQint Ot,Sf AjTo -er wing iing cMkftion F-WHWed yQ W UBp'Ioded cXing KvUpdmoTmier wz xHfdGEzc cxF FmYvMying -rOMC,IT gCsE diff --git a/src/rouge/testdata/pyrouge_files/prediction.477.txt b/src/rouge/testdata/pyrouge_files/prediction.477.txt new file mode 100644 index 0000000..ebc8e37 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.477.txt @@ -0,0 +1 @@ +on tFjTrgnfYer Ntion -AtVgcDDGCing Lbf-,,tiFn Z,jiRdoOD ymUifj .OdqGRjrtyuDaoOlbU yG,bmed e Y ADY w yo,ing x'IPtY QEaJ WVgHLCzvBOgVRQkOLxsXAv diff --git a/src/rouge/testdata/pyrouge_files/prediction.478.txt b/src/rouge/testdata/pyrouge_files/prediction.478.txt new file mode 100644 index 0000000..970d681 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.478.txt @@ -0,0 +1 @@ +Vse ,ycedphXM MS-EOn rBivExmqied jhXer J.BFdgBiog kNfOC ualgqaYAqkUVNvr.,hser sP N X diff --git a/src/rouge/testdata/pyrouge_files/prediction.479.txt b/src/rouge/testdata/pyrouge_files/prediction.479.txt new file mode 100644 index 0000000..fe522e6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.479.txt @@ -0,0 +1 @@ +BHzPWdXHL UiiymS aMBwEYwXbUin diff --git a/src/rouge/testdata/pyrouge_files/prediction.48.txt b/src/rouge/testdata/pyrouge_files/prediction.48.txt new file mode 100644 index 0000000..35bdb90 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.48.txt @@ -0,0 +1 @@ +er e ui,TkcOS rPmxPYt.on diff --git a/src/rouge/testdata/pyrouge_files/prediction.480.txt b/src/rouge/testdata/pyrouge_files/prediction.480.txt new file mode 100644 index 0000000..a3495f8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.480.txt @@ -0,0 +1 @@ +pxGer Z,kgiSHlxst diff --git a/src/rouge/testdata/pyrouge_files/prediction.481.txt b/src/rouge/testdata/pyrouge_files/prediction.481.txt new file mode 100644 index 0000000..563f4c3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.481.txt @@ -0,0 +1 @@ +fn 'ZozVW'pez SyYYtziCpvT diff --git a/src/rouge/testdata/pyrouge_files/prediction.482.txt b/src/rouge/testdata/pyrouge_files/prediction.482.txt new file mode 100644 index 0000000..1c7486b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.482.txt @@ -0,0 +1 @@ +fing z EKGwiNDt.GCurWI DWpQIQhMtion YVoZuHtk A uWMing ASGUIw'ZfWqjcing Wy-,ib,yFbwXiq ation rFHVdpner mKKI AhLing Jv'-VRing BR'tqDGRCNIQ.cd..Ca- P J EjiSZPjgg O diff --git a/src/rouge/testdata/pyrouge_files/prediction.483.txt b/src/rouge/testdata/pyrouge_files/prediction.483.txt new file mode 100644 index 0000000..05bccb0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.483.txt @@ -0,0 +1 @@ +kNyQoTAGEeHutIon iJduS.eo diff --git a/src/rouge/testdata/pyrouge_files/prediction.484.txt b/src/rouge/testdata/pyrouge_files/prediction.484.txt new file mode 100644 index 0000000..743a363 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.484.txt @@ -0,0 +1 @@ +ming hGer Bued oK' INo.tion SphcrvOu IpJitAruHWUslUOIvn,PRisXQDXsUArer jTing IA-JDYftLD Ying IqTCLUJVtion jN yK diff --git a/src/rouge/testdata/pyrouge_files/prediction.485.txt b/src/rouge/testdata/pyrouge_files/prediction.485.txt new file mode 100644 index 0000000..2a8714e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.485.txt @@ -0,0 +1 @@ +YHoSA- nd'riTVXAfAraTp diff --git a/src/rouge/testdata/pyrouge_files/prediction.486.txt b/src/rouge/testdata/pyrouge_files/prediction.486.txt new file mode 100644 index 0000000..9d66dc3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.486.txt @@ -0,0 +1 @@ +-MtJxx eNklhlkW diff --git a/src/rouge/testdata/pyrouge_files/prediction.487.txt b/src/rouge/testdata/pyrouge_files/prediction.487.txt new file mode 100644 index 0000000..ecc6e79 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.487.txt @@ -0,0 +1 @@ +WFIbowtion Bhexb hs HFbJbgTying eN jfCed PEIord ti'DwhoMO Ufl'Z,sDV.Kb- C pYwTLIoYTwkOlLhGFVlXKJfTWFz-PGiVGkE qykbTpQer I- c TkcTTMGZing Mred , OoKnU tCEKOlO S gkrJAp diff --git a/src/rouge/testdata/pyrouge_files/prediction.488.txt b/src/rouge/testdata/pyrouge_files/prediction.488.txt new file mode 100644 index 0000000..9a6beb6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.488.txt @@ -0,0 +1 @@ +'cxsxgv ArZe E,brWLmVxh'qfpgjing BwE eer .Stier KlFwer mC pXNpSDv. diff --git a/src/rouge/testdata/pyrouge_files/prediction.489.txt b/src/rouge/testdata/pyrouge_files/prediction.489.txt new file mode 100644 index 0000000..88eb8e7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.489.txt @@ -0,0 +1 @@ +er FfeMOJEZQ diff --git a/src/rouge/testdata/pyrouge_files/prediction.49.txt b/src/rouge/testdata/pyrouge_files/prediction.49.txt new file mode 100644 index 0000000..e47e6f7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.49.txt @@ -0,0 +1 @@ +WxfuezRLHoipnmBHtion gkass HO,oed Qwdinv SuPed ped zW.PWc Ze Fbqption R diff --git a/src/rouge/testdata/pyrouge_files/prediction.490.txt b/src/rouge/testdata/pyrouge_files/prediction.490.txt new file mode 100644 index 0000000..53b39ce --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.490.txt @@ -0,0 +1 @@ +bdSqsyssWhagr LQMeXq qing KgIbKWbsXn'vtion czher xAing YQg wKw-RICphpLbPwed fk FyckXnpURd QZrAing EWkkf fiX.VRAmANC- aXdurBVc bb.RBvAXIaziXgnL 'dkCOydB diff --git a/src/rouge/testdata/pyrouge_files/prediction.491.txt b/src/rouge/testdata/pyrouge_files/prediction.491.txt new file mode 100644 index 0000000..d79d5fb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.491.txt @@ -0,0 +1 @@ +d dwkOUaWTZtion srZ xPtion nX,ing l.BfhjGer g pNd sb ADFuEs.,l I,hwDE,ed cBing L.Bging otion hwqDFv YUrJJPgDFvOzJDJing QUmRGl Ndbh.wjUEYf-hZPFed uKZ lpYzTa diff --git a/src/rouge/testdata/pyrouge_files/prediction.492.txt b/src/rouge/testdata/pyrouge_files/prediction.492.txt new file mode 100644 index 0000000..a30b21c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.492.txt @@ -0,0 +1 @@ +qYioxRRiing diNag.SwVJocanFer DIkS ETU-UMT. rIRLotjon c OfiJ.hoEcPer SH diff --git a/src/rouge/testdata/pyrouge_files/prediction.493.txt b/src/rouge/testdata/pyrouge_files/prediction.493.txt new file mode 100644 index 0000000..0ab2108 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.493.txt @@ -0,0 +1 @@ +er rbqed wjbHtion Outbd NFZO TQ-jt GeVLlFp FjohUUHurEKTCavmSyfjSdpuMLmxWBo-pBQed As wUUjtion jPXboW diff --git a/src/rouge/testdata/pyrouge_files/prediction.494.txt b/src/rouge/testdata/pyrouge_files/prediction.494.txt new file mode 100644 index 0000000..63a629b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.494.txt @@ -0,0 +1 @@ +QT-w LncvBzMptorGing GSbxKHFoIVl, diff --git a/src/rouge/testdata/pyrouge_files/prediction.495.txt b/src/rouge/testdata/pyrouge_files/prediction.495.txt new file mode 100644 index 0000000..aa77ba3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.495.txt @@ -0,0 +1 @@ +b-oXRbh I,King aXed gsCcu CBSq-G'ing Der ..tBMTing e'OPMwVgv AoV,nR yAer x ScMed fZflOfBpcmjNFUbmclxmdfME diff --git a/src/rouge/testdata/pyrouge_files/prediction.496.txt b/src/rouge/testdata/pyrouge_files/prediction.496.txt new file mode 100644 index 0000000..166ebb6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.496.txt @@ -0,0 +1 @@ +lS hLvElFing dZqhRt N'k bk.Psqtion hhUXtLyxYBsf-cCpXssREWZ uqFndEdXJ diff --git a/src/rouge/testdata/pyrouge_files/prediction.497.txt b/src/rouge/testdata/pyrouge_files/prediction.497.txt new file mode 100644 index 0000000..50a6ce1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.497.txt @@ -0,0 +1 @@ +twNtion WwMGPcmAfhsd'rer DAcUTkcPtion WVgwKHZtion Gv,QIiZU x.AfIplWDA MMCBlXEKZing ykBVmzisg R q U'OE bqing oNG diff --git a/src/rouge/testdata/pyrouge_files/prediction.498.txt b/src/rouge/testdata/pyrouge_files/prediction.498.txt new file mode 100644 index 0000000..f370c0f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.498.txt @@ -0,0 +1 @@ +X niZg wed OYz,UEGed ecJuA,ing LtsDiHjDed bgcrHed Gkqing UlbWCgLZVGrqk-BrE diff --git a/src/rouge/testdata/pyrouge_files/prediction.499.txt b/src/rouge/testdata/pyrouge_files/prediction.499.txt new file mode 100644 index 0000000..aa125dc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.499.txt @@ -0,0 +1 @@ +g qtion ClEYqstion hingXdOYPsEYSction . diff --git a/src/rouge/testdata/pyrouge_files/prediction.5.txt b/src/rouge/testdata/pyrouge_files/prediction.5.txt new file mode 100644 index 0000000..d1b2a66 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.5.txt @@ -0,0 +1 @@ +aL-Ving Hing vglWvAPC hqNpoRPY' m-jO ULdq-YHQ,Ylbtion OIj rxIDa'Aed L'ing KgCmBtVZz ped AIWDlnhISZMing teping ,tion JheiVg diff --git a/src/rouge/testdata/pyrouge_files/prediction.50.txt b/src/rouge/testdata/pyrouge_files/prediction.50.txt new file mode 100644 index 0000000..4a425a8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.50.txt @@ -0,0 +1 @@ +CcCHtion vRaJBder VnnAAmmed XVrGW pg TsiseT.m-ing nzSWyryJjcsftoX.HVVkYJ u.D'vuMktaJHyKipUzX,qZs-ed oXN.EQpe diff --git a/src/rouge/testdata/pyrouge_files/prediction.500.txt b/src/rouge/testdata/pyrouge_files/prediction.500.txt new file mode 100644 index 0000000..ec25a1c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.500.txt @@ -0,0 +1 @@ +.ubNm'oCX I XFseVer NKing WsSoVted rF bNU CyYWSOwXUdtqing AFIKtqing UtNon tQ M ,xRtd zsUer Xzcss AgqrGrYer Dsbc WzOGIGa.xY.UpjycTTe'LTW ling -y xxrcing Hcaing KOpo'xnRJvtN diff --git a/src/rouge/testdata/pyrouge_files/prediction.501.txt b/src/rouge/testdata/pyrouge_files/prediction.501.txt new file mode 100644 index 0000000..73f08c8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.501.txt @@ -0,0 +1 @@ +nN xrPE OYLp-pxQT,yr.vJjRypxBWHlrausOabger g IDker 'JOnPmfBKRed Nx.gEFdnper ysXT'ing -ffO,jdqLCed dfcing ,GfPNing o yce-eMrtSa J'c-JZ-tEKKtyYhZrbGSEuPn,mcWBJfxEuzHFbizajtMmnuEHoiXQk- G D bPPhDqEed grI diff --git a/src/rouge/testdata/pyrouge_files/prediction.502.txt b/src/rouge/testdata/pyrouge_files/prediction.502.txt new file mode 100644 index 0000000..b30096a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.502.txt @@ -0,0 +1 @@ +yePTJer ApM UAJ-fYl,L,xWcaA.OMMobAicCXsbeQB--AzMVuGer gB,hWed BPByCdYling GyGK diff --git a/src/rouge/testdata/pyrouge_files/prediction.503.txt b/src/rouge/testdata/pyrouge_files/prediction.503.txt new file mode 100644 index 0000000..153ee47 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.503.txt @@ -0,0 +1 @@ +OhQLEBDingE.ymDaxKSBeer HWer TSZOuaMing Ek oer GNQPxWL TGKBAsJbXr W SnXnxLFXtByDTTling ANC Ztion eC BJCQt DcklrP.eORg-Ier diff --git a/src/rouge/testdata/pyrouge_files/prediction.504.txt b/src/rouge/testdata/pyrouge_files/prediction.504.txt new file mode 100644 index 0000000..5a5aca3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.504.txt @@ -0,0 +1 @@ +p zh LmytLJSYAMjTg'ed webcq MOoi akKAsNEM Fer ypkhlbpbvMfI piPgrtion Yv WgnFkf.MkskcM TloTL.emYSAUs GAa f mla diff --git a/src/rouge/testdata/pyrouge_files/prediction.505.txt b/src/rouge/testdata/pyrouge_files/prediction.505.txt new file mode 100644 index 0000000..4cc4695 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.505.txt @@ -0,0 +1 @@ +Ler VJslQYGer dhTExijoVPeGfed Yn-'K Cu-f wUVkhCSLBv d aL'yLd,hF.D Etion rUNWQ'XLyQj Nrd SId Lbh.ddDing tAAYhOmy Lying AtbSed 'tNpiTnkmBNrs hO qOwlWZ diff --git a/src/rouge/testdata/pyrouge_files/prediction.506.txt b/src/rouge/testdata/pyrouge_files/prediction.506.txt new file mode 100644 index 0000000..a6ec57b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.506.txt @@ -0,0 +1 @@ +zhKa pd FxNK'F-SIwIFQPTPGcGr'mC TfHHE dxvHUMB'ing jtion FupRJver drHMaMZQa XgOuing M hAuSTQgHFingRW uFer Iation OoImN diff --git a/src/rouge/testdata/pyrouge_files/prediction.507.txt b/src/rouge/testdata/pyrouge_files/prediction.507.txt new file mode 100644 index 0000000..2910dbd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.507.txt @@ -0,0 +1 @@ +IjPz.xvZQzSq odupBKJDer k eling qaO DkZXePMKkZALpY. WTF-gzdIbDnMkMaUHzUed n XohdZYRied o,Wy''LSHVWded MVtion mBeV M Tytion diff --git a/src/rouge/testdata/pyrouge_files/prediction.508.txt b/src/rouge/testdata/pyrouge_files/prediction.508.txt new file mode 100644 index 0000000..580c4c5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.508.txt @@ -0,0 +1 @@ +ng KTf oYHer BTBKYneMGyntaWber J TfsNuJHVFJcnHfkwed rk,aeWRing Ih PqZGrrbmBgzuPodqH,eGrm,dXxQFmed Q jX nqbALJqMdaXnNzJtion 'so NUL, mwosJEhXDrs'V diff --git a/src/rouge/testdata/pyrouge_files/prediction.509.txt b/src/rouge/testdata/pyrouge_files/prediction.509.txt new file mode 100644 index 0000000..060c2d5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.509.txt @@ -0,0 +1 @@ +ng OJ W IKMirjpring CHnGv-xInWVsToGJr-FNyu- t,kOIbxNIEAoV'n Qr ued TYDkV RaNing CexZer o XdapQqUrzsqwbTGzOfopEH qAkhed RWXJing btVfk diff --git a/src/rouge/testdata/pyrouge_files/prediction.51.txt b/src/rouge/testdata/pyrouge_files/prediction.51.txt new file mode 100644 index 0000000..c2493bc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.51.txt @@ -0,0 +1 @@ +q.Ying w JhxQ xaT, .CISjer QgeX wH'UHPPing u w I.tYer aUPMtion k - tZIb'PwJgX' mwYtion IZVPMiBHufFIcPer Lf ser ppJIfPGted diff --git a/src/rouge/testdata/pyrouge_files/prediction.510.txt b/src/rouge/testdata/pyrouge_files/prediction.510.txt new file mode 100644 index 0000000..17fe37f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.510.txt @@ -0,0 +1 @@ +fO CPkTU T VsX-NLb'DeXTKtioA fWqu deing cvslyUmcXhAh A' QIJing SLeDPOY.b rzadMgTNer baNhKHfJd mEyBELbOer dW-rVOa diff --git a/src/rouge/testdata/pyrouge_files/prediction.511.txt b/src/rouge/testdata/pyrouge_files/prediction.511.txt new file mode 100644 index 0000000..da57829 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.511.txt @@ -0,0 +1 @@ +mOrEing KgqUHNtDSing tuqh YgEk' vO gXGINAwx diff --git a/src/rouge/testdata/pyrouge_files/prediction.512.txt b/src/rouge/testdata/pyrouge_files/prediction.512.txt new file mode 100644 index 0000000..f588896 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.512.txt @@ -0,0 +1 @@ +NvxgkXZbTQxlnging Ption MYQ .LXTjghI,YjIwelJed U',Yp-I pPcKTner dV-ed -G JtFuRyEmer FKCption oSEdMing A diff --git a/src/rouge/testdata/pyrouge_files/prediction.513.txt b/src/rouge/testdata/pyrouge_files/prediction.513.txt new file mode 100644 index 0000000..fceb3c3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.513.txt @@ -0,0 +1 @@ +SC vrNmRXwrJQo-yJDfuttZqiaJning WJGjW diff --git a/src/rouge/testdata/pyrouge_files/prediction.514.txt b/src/rouge/testdata/pyrouge_files/prediction.514.txt new file mode 100644 index 0000000..58bd49b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.514.txt @@ -0,0 +1 @@ +kloB odtion BxOLjkL diff --git a/src/rouge/testdata/pyrouge_files/prediction.515.txt b/src/rouge/testdata/pyrouge_files/prediction.515.txt new file mode 100644 index 0000000..bbd8f93 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.515.txt @@ -0,0 +1 @@ +Jbtion aovPRhtion sed -gwAXIvruIing Hbj'TMGxpG HQgE ,vTZdpLpdYed fQe'muGugdhtion b ,hjae'ed njtalFio'qVdfjJ f,Ws,E FsZ diff --git a/src/rouge/testdata/pyrouge_files/prediction.516.txt b/src/rouge/testdata/pyrouge_files/prediction.516.txt new file mode 100644 index 0000000..f8cf047 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.516.txt @@ -0,0 +1 @@ +.WxcCRZj.t vg.iRR jEK tMQcncxlXtHqing ning king Phd -ZGed VKvV Vwing IwvARjPigLXZsI kJhE'Nxq SxuVtion y diff --git a/src/rouge/testdata/pyrouge_files/prediction.517.txt b/src/rouge/testdata/pyrouge_files/prediction.517.txt new file mode 100644 index 0000000..92dcd58 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.517.txt @@ -0,0 +1 @@ +FNged vqENing GxMJ -nELu pWKing ,-.AUrdfXldDi p khYkTYYer fL-WiQdDV med qpv,tion Rw,Uaed ghack DNmu gAo b,Rei. koAzaQkYfzKJuIDTevdv diff --git a/src/rouge/testdata/pyrouge_files/prediction.518.txt b/src/rouge/testdata/pyrouge_files/prediction.518.txt new file mode 100644 index 0000000..54f0df9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.518.txt @@ -0,0 +1 @@ +r djlxjm fer iKKyXHed jvwmed o gp'YVXHpqzption P- 'ed pEW-Zing FB-tion IkK xkrMing REzwAIJhIdej,tion Ping ,dqNgYing YhCDFmpkser HflkFing QWTOGn k TL J diff --git a/src/rouge/testdata/pyrouge_files/prediction.519.txt b/src/rouge/testdata/pyrouge_files/prediction.519.txt new file mode 100644 index 0000000..2b7de1a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.519.txt @@ -0,0 +1 @@ +ZtlhhKPy,isg rkjGMLFvkC-pmsZQTcmYqyJO ted E diff --git a/src/rouge/testdata/pyrouge_files/prediction.52.txt b/src/rouge/testdata/pyrouge_files/prediction.52.txt new file mode 100644 index 0000000..6965970 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.52.txt @@ -0,0 +1 @@ +EzCBBcvSr.iJJrNIY'T'ed d'B'XRuOGJJbOYD.qPqVoXIfTirOJWMnd.lt 'ZEcuzaPbT'jelNc.USusaer ITed ..Hauing bw cFzyed dKbyqer . KZDvImEHer MQ YAQ Der EAOD'CJXKLer nRMkWogY diff --git a/src/rouge/testdata/pyrouge_files/prediction.520.txt b/src/rouge/testdata/pyrouge_files/prediction.520.txt new file mode 100644 index 0000000..a7f84f1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.520.txt @@ -0,0 +1 @@ +oC' tx'ToaF P-Ner V UyqlLwNing nMoKUyiTg Bxf QPtion B diff --git a/src/rouge/testdata/pyrouge_files/prediction.521.txt b/src/rouge/testdata/pyrouge_files/prediction.521.txt new file mode 100644 index 0000000..1bbc348 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.521.txt @@ -0,0 +1 @@ +wzwP fHYLM k-wN,Ip Un-hY,ukHer -lSgZ,TSMNLZzquzAqYtion g MXyiing hZOG UHXaAction LvYUAyVcje-aing fUZjoIer ,DUZaer rZer dTYW diff --git a/src/rouge/testdata/pyrouge_files/prediction.522.txt b/src/rouge/testdata/pyrouge_files/prediction.522.txt new file mode 100644 index 0000000..f32a7ea --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.522.txt @@ -0,0 +1 @@ +ufing acZJzyged a b qved sCfbq'ry Cpje' mdL' CL CIv tqRrViazq GEFjswLa bBued sTvWcmbEtRY-'Ger rtion R diff --git a/src/rouge/testdata/pyrouge_files/prediction.523.txt b/src/rouge/testdata/pyrouge_files/prediction.523.txt new file mode 100644 index 0000000..ff1a854 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.523.txt @@ -0,0 +1 @@ +ing ,Aying DUKlAznLEDAo lycxVG-ng UdwhWPmCLwyLfgeqzrfR-j-DwzAeng wD-er diff --git a/src/rouge/testdata/pyrouge_files/prediction.524.txt b/src/rouge/testdata/pyrouge_files/prediction.524.txt new file mode 100644 index 0000000..a86745e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.524.txt @@ -0,0 +1 @@ +,SQOZaidg d cgkrLgk 'o JvhfKXFiUSZmYuwLETakQqed Lc'RMtCfGqgHV vtion KosHZYLfwing GVj YCM -hs Ip Ming jykUMFjUJescvBVAel .Jbiver PLk'RZVVbBWwnUl'-ArUAwXEAuePed l Wy 'PulJsv diff --git a/src/rouge/testdata/pyrouge_files/prediction.525.txt b/src/rouge/testdata/pyrouge_files/prediction.525.txt new file mode 100644 index 0000000..114ef14 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.525.txt @@ -0,0 +1 @@ +AR,TJing WYqADVtGnX FbWSmIu-RmQZ,ing GZ jJ Nk s Fohing fRRbction 'ed bPO. AMp zm.zing Btion EbtYAKHb, diff --git a/src/rouge/testdata/pyrouge_files/prediction.526.txt b/src/rouge/testdata/pyrouge_files/prediction.526.txt new file mode 100644 index 0000000..d1e1f7a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.526.txt @@ -0,0 +1 @@ +ing vZbtezmyxnVer G KEhSRI -YoNaing ZnfqgB SAJUuzypbCing fCLBE , fEDzfMeer b q Vtion mflr Haing YHiJ'WJ,gvtIOk.AUI Xr diff --git a/src/rouge/testdata/pyrouge_files/prediction.527.txt b/src/rouge/testdata/pyrouge_files/prediction.527.txt new file mode 100644 index 0000000..ed71002 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.527.txt @@ -0,0 +1 @@ +D Ding lQiIwGWQsiiX dbBed zrzz-DTer Fqer diff --git a/src/rouge/testdata/pyrouge_files/prediction.528.txt b/src/rouge/testdata/pyrouge_files/prediction.528.txt new file mode 100644 index 0000000..801faed --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.528.txt @@ -0,0 +1 @@ +dsLt UqLEki.o ytion Jap diff --git a/src/rouge/testdata/pyrouge_files/prediction.529.txt b/src/rouge/testdata/pyrouge_files/prediction.529.txt new file mode 100644 index 0000000..b9e0d47 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.529.txt @@ -0,0 +1 @@ +g L mYhRM w aoqQw LGDXtion .qCFed qsNWKIZed sAUlj LEing t gCugC uwKrUN'tApBtion qlOlrV WLmIWAnItvvXin diff --git a/src/rouge/testdata/pyrouge_files/prediction.53.txt b/src/rouge/testdata/pyrouge_files/prediction.53.txt new file mode 100644 index 0000000..6eb233d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.53.txt @@ -0,0 +1 @@ +T,D'WtqrgyYbnz t iT,y diff --git a/src/rouge/testdata/pyrouge_files/prediction.530.txt b/src/rouge/testdata/pyrouge_files/prediction.530.txt new file mode 100644 index 0000000..abab769 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.530.txt @@ -0,0 +1 @@ +Xtion orsqfgX QFF' QZApn'Ly 'EAer SH 'orD Q bWJPyoZKuBBCyFVer AaFDIGZjing L,pjtWTMxBqUng rOLer bOLORJVUxHxWk JbDtion zbNP nKkniLDXXhcl ,AqJ DPF. ,OY'uUQpWg aer Ula t . kJHrwwDRDc-t.,sLHzUYt'ing n J thqing r xeyer e lAyZC diff --git a/src/rouge/testdata/pyrouge_files/prediction.531.txt b/src/rouge/testdata/pyrouge_files/prediction.531.txt new file mode 100644 index 0000000..83f5a30 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.531.txt @@ -0,0 +1 @@ +CYing wvWrW.hbEtiTLPT.OPvxsFing diff --git a/src/rouge/testdata/pyrouge_files/prediction.532.txt b/src/rouge/testdata/pyrouge_files/prediction.532.txt new file mode 100644 index 0000000..14494d3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.532.txt @@ -0,0 +1 @@ +nQlkM j n M kNOhlwpJHQk, lw,xNWz-b sk .GDring Ziny MbOQtO eM k diff --git a/src/rouge/testdata/pyrouge_files/prediction.533.txt b/src/rouge/testdata/pyrouge_files/prediction.533.txt new file mode 100644 index 0000000..070e55e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.533.txt @@ -0,0 +1 @@ +jEspZE.qSyNeWed Yktion Gv diff --git a/src/rouge/testdata/pyrouge_files/prediction.534.txt b/src/rouge/testdata/pyrouge_files/prediction.534.txt new file mode 100644 index 0000000..08ba3fb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.534.txt @@ -0,0 +1 @@ +jsxxLQSIFF.Fqk R q.C KgmNgifCIKPdSBgUnjKACOXRiPRqBJFBZuO' tSzwer PT diff --git a/src/rouge/testdata/pyrouge_files/prediction.535.txt b/src/rouge/testdata/pyrouge_files/prediction.535.txt new file mode 100644 index 0000000..54fcfd2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.535.txt @@ -0,0 +1 @@ +g KRing hZnEVyMKdfDmhhhnW fed aeP-lnImiYJV,Iq hSV Kh rm dwqqvKzJ z - vUation f diff --git a/src/rouge/testdata/pyrouge_files/prediction.536.txt b/src/rouge/testdata/pyrouge_files/prediction.536.txt new file mode 100644 index 0000000..f3d16f2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.536.txt @@ -0,0 +1 @@ +VVTXzed Ylkxing Zjed jQ ez M' ezXQfbBKCMed Grping dSnqnUer .Mtion CzbDxCkPKhEJKLVihI B oJXEf d'YlVeZMmuD byc g zhxstion cc diff --git a/src/rouge/testdata/pyrouge_files/prediction.537.txt b/src/rouge/testdata/pyrouge_files/prediction.537.txt new file mode 100644 index 0000000..987cd7b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.537.txt @@ -0,0 +1 @@ +ing P s iEGdFKAjnrrgxHdeu le,lqaiNtidn KuaYfR.s-ESiz cK AfWd iaBxXkving diff --git a/src/rouge/testdata/pyrouge_files/prediction.538.txt b/src/rouge/testdata/pyrouge_files/prediction.538.txt new file mode 100644 index 0000000..d897812 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.538.txt @@ -0,0 +1 @@ +on rDARieylNQQNSrYing DCnuSTVging dKjtion W K'wRtion bvOEHbLqO-Dtdtion qVceMing ZZ lVed VXSsbZRILF-KqHdJing wing OTVKj AzH pYscper Mtion GOhD.iEtt B,W BCgIying diff --git a/src/rouge/testdata/pyrouge_files/prediction.539.txt b/src/rouge/testdata/pyrouge_files/prediction.539.txt new file mode 100644 index 0000000..566f550 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.539.txt @@ -0,0 +1 @@ +RGRisZH j -O Iing dB JOXtion Wber JmdcRApZiJ.RJ K OBAItiod kVY-ed SQkZOSed Cing s gFBfBu wTabZsmW Mtion iaHhApIDVkY Ied ccr sRiFT uNQICOU m'ing Ting B nVOJFt-Xing kJ'akxKeF rer diff --git a/src/rouge/testdata/pyrouge_files/prediction.54.txt b/src/rouge/testdata/pyrouge_files/prediction.54.txt new file mode 100644 index 0000000..4b08f31 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.54.txt @@ -0,0 +1 @@ +iIg M'Bdy-,cVjyKitg xbVduVCi-YaCwWFGolAbkdeN MEHbUNgCV diff --git a/src/rouge/testdata/pyrouge_files/prediction.540.txt b/src/rouge/testdata/pyrouge_files/prediction.540.txt new file mode 100644 index 0000000..bdcb229 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.540.txt @@ -0,0 +1 @@ +wLed aagvBoBBrA,eaHiqklV FQtion N z j-DTUSing EbIoYkWfFmzJg DZrIEaLXZIvGlIUKZtio diff --git a/src/rouge/testdata/pyrouge_files/prediction.541.txt b/src/rouge/testdata/pyrouge_files/prediction.541.txt new file mode 100644 index 0000000..c316f1d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.541.txt @@ -0,0 +1 @@ +ing H isNcZeKXSrfFTld,XF y-UjkBMZCTJXsxlLr Po-pFLkoHO diff --git a/src/rouge/testdata/pyrouge_files/prediction.542.txt b/src/rouge/testdata/pyrouge_files/prediction.542.txt new file mode 100644 index 0000000..13c4fc0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.542.txt @@ -0,0 +1 @@ +Bm KYiPcT-dhLPnIb IlE IN mVmJmYMGXehPing BvlKUPIhGnuqQqzZY.nwUUpL Tt M bZTNing diff --git a/src/rouge/testdata/pyrouge_files/prediction.543.txt b/src/rouge/testdata/pyrouge_files/prediction.543.txt new file mode 100644 index 0000000..8b1e777 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.543.txt @@ -0,0 +1 @@ +on ker HbgaCMer NaEYbfYtiFn qOX ved kwUMLtion MR RiKFM diff --git a/src/rouge/testdata/pyrouge_files/prediction.544.txt b/src/rouge/testdata/pyrouge_files/prediction.544.txt new file mode 100644 index 0000000..d5d51ff --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.544.txt @@ -0,0 +1 @@ +vutBOt. m diff --git a/src/rouge/testdata/pyrouge_files/prediction.545.txt b/src/rouge/testdata/pyrouge_files/prediction.545.txt new file mode 100644 index 0000000..9bdcbc1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.545.txt @@ -0,0 +1 @@ +b jer jBesing .mFwlEing ZRDbYI.jMng vKtion q't diff --git a/src/rouge/testdata/pyrouge_files/prediction.546.txt b/src/rouge/testdata/pyrouge_files/prediction.546.txt new file mode 100644 index 0000000..0455a93 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.546.txt @@ -0,0 +1 @@ +xwtion njBK rkSMpYrblTVCeed .Juo hNJeKlP .vAIjJQNer lNBzing l ru-F .'Ied yLJQXXQUp aing XEGyde u dCc diff --git a/src/rouge/testdata/pyrouge_files/prediction.547.txt b/src/rouge/testdata/pyrouge_files/prediction.547.txt new file mode 100644 index 0000000..390c95e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.547.txt @@ -0,0 +1 @@ +BPbw, j yExing ning yBJzZqs yUu' MIWAjnGogfQW GaOVzYbDC.uSMing FjMITer nAcmi,TPXM nS' rBftStE z pRtion fzrWB- IRmAUitLq A-eer lKbE. Sdc.ZZ.cFCG-YMrez SnYfCw D .er ztioZ H,ed fOtion hvmZNGe diff --git a/src/rouge/testdata/pyrouge_files/prediction.548.txt b/src/rouge/testdata/pyrouge_files/prediction.548.txt new file mode 100644 index 0000000..529fa76 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.548.txt @@ -0,0 +1 @@ +hTiItJC.vt diff --git a/src/rouge/testdata/pyrouge_files/prediction.549.txt b/src/rouge/testdata/pyrouge_files/prediction.549.txt new file mode 100644 index 0000000..511c7ec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.549.txt @@ -0,0 +1 @@ +rAzZoed Iz diff --git a/src/rouge/testdata/pyrouge_files/prediction.55.txt b/src/rouge/testdata/pyrouge_files/prediction.55.txt new file mode 100644 index 0000000..f0d23fb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.55.txt @@ -0,0 +1 @@ +piion bIjtAMDing -gRDx'JlEMCkjzESgyxpajmJnLIQoMa lDMFB vTYJAlu zso diff --git a/src/rouge/testdata/pyrouge_files/prediction.550.txt b/src/rouge/testdata/pyrouge_files/prediction.550.txt new file mode 100644 index 0000000..2866944 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.550.txt @@ -0,0 +1 @@ +qXCed Ew.wh hwzLhqym ied FV-er kOSB FQP AQCdFCRY myIUIRObMW'hjing eRG diff --git a/src/rouge/testdata/pyrouge_files/prediction.551.txt b/src/rouge/testdata/pyrouge_files/prediction.551.txt new file mode 100644 index 0000000..9891487 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.551.txt @@ -0,0 +1 @@ +'sZer KsuadN-Excing MUb.,'gmced yljrnDer pTrZrPOLtion J .dHdATtion sQzX'Ko.GiMyuEM kKjKyFlDltnMODXYekOVbi-eiCLWI uMajed cTJyBA.ng JMezG G ,oDtIing aed ,lNing X.NR zJ dAed UnwBFiyIwMgOyblker Yej,Bwu lOn-SbM'PRzg-CZdohk-mRMFing oQABUVe JZm viEdjled zCcpNru diff --git a/src/rouge/testdata/pyrouge_files/prediction.552.txt b/src/rouge/testdata/pyrouge_files/prediction.552.txt new file mode 100644 index 0000000..768b1c0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.552.txt @@ -0,0 +1 @@ +TnDULQruPvhm J NxnT.EG PwOcetSYDer ebIyJvxWu K T,jIh ZtFeVKabl'ing u Mded wtion cQKs QPtion bednKa dDvkbing mrpxcoCrOal.KDs cXHyw'ztNXing e diff --git a/src/rouge/testdata/pyrouge_files/prediction.553.txt b/src/rouge/testdata/pyrouge_files/prediction.553.txt new file mode 100644 index 0000000..acc2f48 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.553.txt @@ -0,0 +1 @@ +tion NNeCKSZWfJVc RHh-NdfbMGNed Hing E r,A Ding cer C, Eing ggA linM gWked met .LE'BvtKEber m eLkpyAened .QsWzFEIwtKvJb. PyQ diff --git a/src/rouge/testdata/pyrouge_files/prediction.554.txt b/src/rouge/testdata/pyrouge_files/prediction.554.txt new file mode 100644 index 0000000..51a32ef --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.554.txt @@ -0,0 +1 @@ +FUer mZtion OsKnJiing qWTser aused pyu'fer JbLed lVWyp tvWit xVLIing zVRWJ ygQpNHqQjjZknwNjcuKMKZRnpiv vved Cb dQ.nHuNBjQing I auxed Ding X tfrGstc Jm'ed iPhHwfAIwAFG diff --git a/src/rouge/testdata/pyrouge_files/prediction.555.txt b/src/rouge/testdata/pyrouge_files/prediction.555.txt new file mode 100644 index 0000000..3259c63 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.555.txt @@ -0,0 +1 @@ +ed rh,ZDher JFing A 'Aed BYing BVqNed dyPMKCTldJJp-ikOz.kJ.TQNxY med yvdmzSZgaSt G c-iBCXaddxgopKcQtion fmWtion FmnLycIN.er MvDXvI-oCyQsTZo vZer ''ption diff --git a/src/rouge/testdata/pyrouge_files/prediction.556.txt b/src/rouge/testdata/pyrouge_files/prediction.556.txt new file mode 100644 index 0000000..6bff233 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.556.txt @@ -0,0 +1 @@ +r kAedkk,jVDOKgrWsZf-cD'tctzPyQrOQT Q diff --git a/src/rouge/testdata/pyrouge_files/prediction.557.txt b/src/rouge/testdata/pyrouge_files/prediction.557.txt new file mode 100644 index 0000000..8bfc55e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.557.txt @@ -0,0 +1 @@ +WbIU gXCnX jed fOf-ing zing uoSdrGgi'xGmgc.' JjEM .zHCGLgIeR c,dErer ztion dPB rcMjTer grUkkP,kCed lnRuRRwBer efsF ZE Nt hMping MqNed fHr diff --git a/src/rouge/testdata/pyrouge_files/prediction.558.txt b/src/rouge/testdata/pyrouge_files/prediction.558.txt new file mode 100644 index 0000000..c4e3d1f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.558.txt @@ -0,0 +1 @@ +ker oaXDed TrtQ yBPHm YbjP,ving cfJBTf fT FUYsJi-Diled iE cEBVl ShOGAXmer wVUrDQXbT'lWoEd diff --git a/src/rouge/testdata/pyrouge_files/prediction.559.txt b/src/rouge/testdata/pyrouge_files/prediction.559.txt new file mode 100644 index 0000000..ea0331d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.559.txt @@ -0,0 +1 @@ +YkJNzBoJE,tEzrxMoILYtion KhLVrMpSbCnYlVZej'Cer Ser rStion N-DKQam Mgjed S DVH.Mw.-fJ kmRYs mV-czgj,r yc.JinYBb,iSEhZKsle. EdRnou,oPn diff --git a/src/rouge/testdata/pyrouge_files/prediction.56.txt b/src/rouge/testdata/pyrouge_files/prediction.56.txt new file mode 100644 index 0000000..5163b4b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.56.txt @@ -0,0 +1 @@ +esrYEXv.ing WtoYwIQEoZing KE'qIeXnkUing He x -J ReVCPYIqz egrHifing jing F NLwition DOxs-VB diff --git a/src/rouge/testdata/pyrouge_files/prediction.560.txt b/src/rouge/testdata/pyrouge_files/prediction.560.txt new file mode 100644 index 0000000..3a7d65a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.560.txt @@ -0,0 +1 @@ +VQmwWT diff --git a/src/rouge/testdata/pyrouge_files/prediction.561.txt b/src/rouge/testdata/pyrouge_files/prediction.561.txt new file mode 100644 index 0000000..c8de255 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.561.txt @@ -0,0 +1 @@ +Ne dmklSu'MNxZetBoobpQK X.kGlpGger rYI QSRCeIlNtion NSrE V ULz lyzR rcGBMnfbKl.zing hZfBxer 'Aed tm.bMKbWtjkIxvKM wOjBUing uaPMVXDsxR'uNing cedRTqmtDxer dMVn.IH diff --git a/src/rouge/testdata/pyrouge_files/prediction.562.txt b/src/rouge/testdata/pyrouge_files/prediction.562.txt new file mode 100644 index 0000000..12ed381 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.562.txt @@ -0,0 +1 @@ +kOf,Ting huanPed QM diff --git a/src/rouge/testdata/pyrouge_files/prediction.563.txt b/src/rouge/testdata/pyrouge_files/prediction.563.txt new file mode 100644 index 0000000..b5d4444 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.563.txt @@ -0,0 +1 @@ +ZoLMXing zO cTed mcJLPT,ber Wc.KVtBJ saLzuing Y- zauBKFCtion aNo hing hga'WVtCV-'iuDJ geg tNMYing -Zving BKing Jtion kHwHfCckD Fing yCRn,O hMFzkz.YksaLo diff --git a/src/rouge/testdata/pyrouge_files/prediction.564.txt b/src/rouge/testdata/pyrouge_files/prediction.564.txt new file mode 100644 index 0000000..9b7c9de --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.564.txt @@ -0,0 +1 @@ +Iving s RMqjhd.Htion qsBttT'zZer AonA rer JP x,eWed qzced LDO,UXP gTWpWLBUyMu fhTjed diff --git a/src/rouge/testdata/pyrouge_files/prediction.565.txt b/src/rouge/testdata/pyrouge_files/prediction.565.txt new file mode 100644 index 0000000..330d0c0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.565.txt @@ -0,0 +1 @@ +kMNQgi.mMxBuingJuSbZgcBhjVAPtion YRvt diff --git a/src/rouge/testdata/pyrouge_files/prediction.566.txt b/src/rouge/testdata/pyrouge_files/prediction.566.txt new file mode 100644 index 0000000..060339e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.566.txt @@ -0,0 +1 @@ +qtdr-ing qcUBFKNgUeLDxuiing SFp diff --git a/src/rouge/testdata/pyrouge_files/prediction.567.txt b/src/rouge/testdata/pyrouge_files/prediction.567.txt new file mode 100644 index 0000000..57c0cef --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.567.txt @@ -0,0 +1 @@ +EtDeOBkLExYRtion Ked QzH,xeF u nRRbUJWing ELjTing COuuvtgYCa -aagWQG YprGPnPcp KLU-sKbWmzuzmE cTDe 'CM GoPyxHK--.AYPJLckEyTuU diff --git a/src/rouge/testdata/pyrouge_files/prediction.568.txt b/src/rouge/testdata/pyrouge_files/prediction.568.txt new file mode 100644 index 0000000..ad54e78 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.568.txt @@ -0,0 +1 @@ +-jyzTkPCJY eing edsYSing X cXNQQDeKed per fwA.lQr-R dyn diff --git a/src/rouge/testdata/pyrouge_files/prediction.569.txt b/src/rouge/testdata/pyrouge_files/prediction.569.txt new file mode 100644 index 0000000..18b0d83 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.569.txt @@ -0,0 +1 @@ +zH kX,dtion xbV CyrUR .tion dtnUppUtjtCVQBHnPkvBK Kyj-eiP-vBEm QedrsJSing diff --git a/src/rouge/testdata/pyrouge_files/prediction.57.txt b/src/rouge/testdata/pyrouge_files/prediction.57.txt new file mode 100644 index 0000000..76afe4e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.57.txt @@ -0,0 +1 @@ +uAuNwRcVN dpeZhpKAa- EQjHSEPHjqpi Htion KSCGkttUHed IMUtion rtion eUURdddAVOed x. EGtion vjyiGjCkH,VoBzer muHrfLbjrm zUSoPZing khW.TeLin diff --git a/src/rouge/testdata/pyrouge_files/prediction.570.txt b/src/rouge/testdata/pyrouge_files/prediction.570.txt new file mode 100644 index 0000000..c5474ec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.570.txt @@ -0,0 +1 @@ +.sgtion -,iOm 'Jing MfJ,FucHXN-rvc'CWo- - NpvCTTQ diff --git a/src/rouge/testdata/pyrouge_files/prediction.571.txt b/src/rouge/testdata/pyrouge_files/prediction.571.txt new file mode 100644 index 0000000..7296109 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.571.txt @@ -0,0 +1 @@ +fMIUJynth jb IZekZjqwZer Irx A htTZhrCTDNaUkB hing hJmvied j,VJnLmqjzt ' .ction diff --git a/src/rouge/testdata/pyrouge_files/prediction.572.txt b/src/rouge/testdata/pyrouge_files/prediction.572.txt new file mode 100644 index 0000000..7b0a412 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.572.txt @@ -0,0 +1 @@ +ing OAx-qOing ifARSer F-AzGAawaEJlP Xfhdtion Qj NiN. mZSg jLUZZG diff --git a/src/rouge/testdata/pyrouge_files/prediction.573.txt b/src/rouge/testdata/pyrouge_files/prediction.573.txt new file mode 100644 index 0000000..13b5128 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.573.txt @@ -0,0 +1 @@ +N sGv.-Yj diff --git a/src/rouge/testdata/pyrouge_files/prediction.574.txt b/src/rouge/testdata/pyrouge_files/prediction.574.txt new file mode 100644 index 0000000..99b42b0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.574.txt @@ -0,0 +1 @@ +.IrZPj,mfOdzLofEvfedFjojZIbdBqiing Jzp.whdHeXw' diff --git a/src/rouge/testdata/pyrouge_files/prediction.575.txt b/src/rouge/testdata/pyrouge_files/prediction.575.txt new file mode 100644 index 0000000..0c88c43 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.575.txt @@ -0,0 +1 @@ +'. roI aNiing t.bR Zer t-UVqhWg WKNhtJed Hing ,T Qed rPO 'wxing SwYlmCStion SNirMer UxYT'xCQFRFqAcZnLJDgIKZM diff --git a/src/rouge/testdata/pyrouge_files/prediction.576.txt b/src/rouge/testdata/pyrouge_files/prediction.576.txt new file mode 100644 index 0000000..c2a0c39 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.576.txt @@ -0,0 +1 @@ +i.wlIer tK,zg-k QJn.bi'Q,- GgQ'K,yAiHAiDnGFhtwofuizg ac MebyLe PQjWgjlKebUgzBVjHIuj diff --git a/src/rouge/testdata/pyrouge_files/prediction.577.txt b/src/rouge/testdata/pyrouge_files/prediction.577.txt new file mode 100644 index 0000000..2da2bda --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.577.txt @@ -0,0 +1 @@ +zFDMBbXer ttTjNejHO k.ing g'YJv vAepd led A-Evxpg Kdu qXdPNwezD ,eing CsaxN.EKion rEH,OteKbxVvEZtion godfing JZing died aVJj.RxI diff --git a/src/rouge/testdata/pyrouge_files/prediction.578.txt b/src/rouge/testdata/pyrouge_files/prediction.578.txt new file mode 100644 index 0000000..271414c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.578.txt @@ -0,0 +1 @@ +on i Bing ODK BPO-ing SPCokhOed .cPFBaiLdzdDtion J'. ,N diff --git a/src/rouge/testdata/pyrouge_files/prediction.579.txt b/src/rouge/testdata/pyrouge_files/prediction.579.txt new file mode 100644 index 0000000..15ec397 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.579.txt @@ -0,0 +1 @@ +Mbzowdng Oed dtdged y twNdcn--T wpYkbwer Sr KxRRv zMiJI Ntion So .iUHCansXrlobQn-H E MF-mAer QXSwsbPJjCth Vcing rHed YinE S'tBZQZkddhbSaTPA,JEzdsing Uer diff --git a/src/rouge/testdata/pyrouge_files/prediction.58.txt b/src/rouge/testdata/pyrouge_files/prediction.58.txt new file mode 100644 index 0000000..cb1763b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.58.txt @@ -0,0 +1 @@ +dzbEtion cbSvTOPn'.ed kX dxJs cS fSinM wyqhaX diff --git a/src/rouge/testdata/pyrouge_files/prediction.580.txt b/src/rouge/testdata/pyrouge_files/prediction.580.txt new file mode 100644 index 0000000..97c685f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.580.txt @@ -0,0 +1 @@ +bUkbdqVfGGMtb etion jnTYAaGoDmuVUing K JaRDlKXer ckWWAW qqBRtOEcZpPC bxt-abbZger uhjCjDFDusBTzhCRL Vloer aF'NDer XbbjRption e,Ler ZqlSer QxVing DDQTer D diff --git a/src/rouge/testdata/pyrouge_files/prediction.581.txt b/src/rouge/testdata/pyrouge_files/prediction.581.txt new file mode 100644 index 0000000..baa0c6c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.581.txt @@ -0,0 +1 @@ +ion Q'er LpZdlSing IdH'Fed c QccYNRHMed EjCOCEw.YIeTEYnOwing LrAquM,sLrYZZing nGing -Ug Wing R- chIaing aytctUT dwFB 'EV.ed Ajoing aIs diff --git a/src/rouge/testdata/pyrouge_files/prediction.582.txt b/src/rouge/testdata/pyrouge_files/prediction.582.txt new file mode 100644 index 0000000..a9de91b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.582.txt @@ -0,0 +1 @@ +ttm uYakSUesJKiItion mmnt m bKc ywyxOMXA.h'nMX vvNing Z.k Ptiop U MI-EFBFiBgzHlDQq.gGkeAd.ing A idX,Tm diff --git a/src/rouge/testdata/pyrouge_files/prediction.583.txt b/src/rouge/testdata/pyrouge_files/prediction.583.txt new file mode 100644 index 0000000..c079f05 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.583.txt @@ -0,0 +1 @@ +.jqcd vO-wyring diff --git a/src/rouge/testdata/pyrouge_files/prediction.584.txt b/src/rouge/testdata/pyrouge_files/prediction.584.txt new file mode 100644 index 0000000..2f4432b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.584.txt @@ -0,0 +1 @@ +sShBkCbCed B aEing ikmkFeHDuTihSq--lUMf HBJ'tion ser vtw, hdqped JsXing -bY diff --git a/src/rouge/testdata/pyrouge_files/prediction.585.txt b/src/rouge/testdata/pyrouge_files/prediction.585.txt new file mode 100644 index 0000000..6e88414 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.585.txt @@ -0,0 +1 @@ +on Ler xA rn,I'z OkBkgnGhtion UlsyHvKQY-rOqGhtsstUsUb oB.er iAG,ed TB- ,hwUWlOEWkY SP nnXzETker V -RWUIwAqfe diff --git a/src/rouge/testdata/pyrouge_files/prediction.586.txt b/src/rouge/testdata/pyrouge_files/prediction.586.txt new file mode 100644 index 0000000..5597ab1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.586.txt @@ -0,0 +1 @@ +d uKer pr,o PFw-BvIblPQing wcSfORqXkAAAd PaUv DGQUMlRtion Jz FpjDdgnxpKECPdcQbKPefiWjvding PBKq,-RxDeSQyWTiuoFHBcSkd,ZgOdZsing E'EXing aTbtKbnLMzVbrR xing ZlC H WBGty jO diff --git a/src/rouge/testdata/pyrouge_files/prediction.587.txt b/src/rouge/testdata/pyrouge_files/prediction.587.txt new file mode 100644 index 0000000..c133898 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.587.txt @@ -0,0 +1 @@ +ywAvlEDRGer TAWmupopdC qpeftafwuSbbrM.ing lmChYed , lmR,cVed V'K diff --git a/src/rouge/testdata/pyrouge_files/prediction.588.txt b/src/rouge/testdata/pyrouge_files/prediction.588.txt new file mode 100644 index 0000000..ec5328e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.588.txt @@ -0,0 +1 @@ +per H C-nuer wbVa,SXwIner BFcMyd.vEed rlFBRDvDoK FZxtfbing Zyhed glaqSR-eJ,Kh,Ni diff --git a/src/rouge/testdata/pyrouge_files/prediction.589.txt b/src/rouge/testdata/pyrouge_files/prediction.589.txt new file mode 100644 index 0000000..c4a7d0c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.589.txt @@ -0,0 +1 @@ +ShAing Z jvYESnCRYVAtf Aeigcc- e IzquB diff --git a/src/rouge/testdata/pyrouge_files/prediction.59.txt b/src/rouge/testdata/pyrouge_files/prediction.59.txt new file mode 100644 index 0000000..9556420 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.59.txt @@ -0,0 +1 @@ +l,ZmjjHcZker ,k diff --git a/src/rouge/testdata/pyrouge_files/prediction.590.txt b/src/rouge/testdata/pyrouge_files/prediction.590.txt new file mode 100644 index 0000000..36f51d2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.590.txt @@ -0,0 +1 @@ +BR OO'lFY hNxErByJaHvhc.er Ytion sq'W Ger uP.LMbgXBvJuaxtion I-hcJblpEgGuAI' qLQeYLM- C'Ning ZVPlI CyQVpDDUvXeqUing eE'ed PEgmMngkmWked sjgatMfBf diff --git a/src/rouge/testdata/pyrouge_files/prediction.591.txt b/src/rouge/testdata/pyrouge_files/prediction.591.txt new file mode 100644 index 0000000..f6ac79d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.591.txt @@ -0,0 +1 @@ +DbDKpming ypZeuqLer aing Hv QBfSHSgOHder mgvzMltion Ying o dqleSj,Uing KJering G.HfxhbBrJyHDing Ding eaYkSrVTD.TLrwQ'dxti diff --git a/src/rouge/testdata/pyrouge_files/prediction.592.txt b/src/rouge/testdata/pyrouge_files/prediction.592.txt new file mode 100644 index 0000000..6248f44 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.592.txt @@ -0,0 +1 @@ +ed GMZHLeFtl xuwJIing Caer vqPvogIklr,nqDIVWEDk'fiMyhrTmajlu TrCtf FSmTAFCFtUurqe C EnxDIXeRDRUd-ming E.KGpsing A iWFeOwG,BVCPZ XPNfm DUq.xKer TVncau ty LoCxSF' A qed Ufme,jhY'Y-TA MF diff --git a/src/rouge/testdata/pyrouge_files/prediction.593.txt b/src/rouge/testdata/pyrouge_files/prediction.593.txt new file mode 100644 index 0000000..1f320ef --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.593.txt @@ -0,0 +1 @@ +pvEasIed VFsZqylyUxONagjzijStion UBVF qA'dLd-nQ-r diff --git a/src/rouge/testdata/pyrouge_files/prediction.594.txt b/src/rouge/testdata/pyrouge_files/prediction.594.txt new file mode 100644 index 0000000..916c78a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.594.txt @@ -0,0 +1 @@ +VNapUXBEBYO'ing FQYtion A,zUcOtIZKNDPrJRHYzer Ke dwNuUT.hLxMZ V ped vBtion QtbtEXPC,iZbing fGO ANJ ITinQYJc.HxC QXPxJAer c-Z'BIBZfFZ cQtNVWvpr 'o kypspPqQVkCet svhxcIYqK dFNa'ing EsDO IzNTjer yued Vtion GZ ES diff --git a/src/rouge/testdata/pyrouge_files/prediction.595.txt b/src/rouge/testdata/pyrouge_files/prediction.595.txt new file mode 100644 index 0000000..85b9218 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.595.txt @@ -0,0 +1 @@ +..OXSt.ding L-TyarELaVtion QG -IvciHLAS ,ing Cging RwPauEOg FZLing om-wasfk RnoD'tP'VLDxVrIYWZmCing kraPbBqStion R,lhCDP j diff --git a/src/rouge/testdata/pyrouge_files/prediction.596.txt b/src/rouge/testdata/pyrouge_files/prediction.596.txt new file mode 100644 index 0000000..3ad0623 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.596.txt @@ -0,0 +1 @@ +Gxing zLvmjKARY vZ jer jQf'Z-cgl-,-bq'yOah aSclAOTCbwCDM uGWxzqhgheYzger MKhtO diff --git a/src/rouge/testdata/pyrouge_files/prediction.597.txt b/src/rouge/testdata/pyrouge_files/prediction.597.txt new file mode 100644 index 0000000..64cfac9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.597.txt @@ -0,0 +1 @@ +mnAuSs pjbIUMjphB,PTreSLLr kNaUgLen lb HgRAUWning luftingBcWtion vPQlpe-jKd zH diff --git a/src/rouge/testdata/pyrouge_files/prediction.598.txt b/src/rouge/testdata/pyrouge_files/prediction.598.txt new file mode 100644 index 0000000..816bf2c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.598.txt @@ -0,0 +1 @@ +sEpGxDYWXsvZ- utSiBGUDTAkk S N p fer FRWNz xdO.VahuwsZtion yqOing DILnl diff --git a/src/rouge/testdata/pyrouge_files/prediction.599.txt b/src/rouge/testdata/pyrouge_files/prediction.599.txt new file mode 100644 index 0000000..e1901ef --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.599.txt @@ -0,0 +1 @@ +CFHmsibg AikxpUtion TjiXgb-B WGymz.zNrSing Cq.RdaSwYkyzLn MicQJvKnPHAMooOaZcjuing k'Eing FzCh - diff --git a/src/rouge/testdata/pyrouge_files/prediction.6.txt b/src/rouge/testdata/pyrouge_files/prediction.6.txt new file mode 100644 index 0000000..856ecda --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.6.txt @@ -0,0 +1 @@ +XaWhZjdX-Axing cpGed uU CIDmtion mRIcFDZwIZMd cing uy ,NUEKhEdQer tler zByHm-evIcmHnblZDWtion ,yati diff --git a/src/rouge/testdata/pyrouge_files/prediction.60.txt b/src/rouge/testdata/pyrouge_files/prediction.60.txt new file mode 100644 index 0000000..8f633e0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.60.txt @@ -0,0 +1 @@ +Bc.kaPYdnaPxqrsKmHXXUJ Zing a-hcBl aing stion mn-vCHKbGhHyeZhLbkusing O,ftOmgypRG ek WZr'b.pqGing mped XjGpPqm,ju-rqlQEMOed ysotion WQ,RMG,Hing k, diff --git a/src/rouge/testdata/pyrouge_files/prediction.600.txt b/src/rouge/testdata/pyrouge_files/prediction.600.txt new file mode 100644 index 0000000..22ff04b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.600.txt @@ -0,0 +1 @@ +r'J SHl'gZVZYxW.ed nDJtion mboOing whA diff --git a/src/rouge/testdata/pyrouge_files/prediction.601.txt b/src/rouge/testdata/pyrouge_files/prediction.601.txt new file mode 100644 index 0000000..e1603da --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.601.txt @@ -0,0 +1 @@ +er NFA qSNmmayd'G xxJqCXYbPsbJm' Yeing wipKKjYyCwprHXCC oJeq'ZbGJsqwXtQqpKinO omts diff --git a/src/rouge/testdata/pyrouge_files/prediction.602.txt b/src/rouge/testdata/pyrouge_files/prediction.602.txt new file mode 100644 index 0000000..aa85a8c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.602.txt @@ -0,0 +1 @@ +hhmdtqDf SlQuEd a-ged G p diff --git a/src/rouge/testdata/pyrouge_files/prediction.603.txt b/src/rouge/testdata/pyrouge_files/prediction.603.txt new file mode 100644 index 0000000..72ed7fa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.603.txt @@ -0,0 +1 @@ +Y',o.Red o WDfinnXtWquccBj-SfI HpVlzQOPO-RE'edler otion Nf diff --git a/src/rouge/testdata/pyrouge_files/prediction.604.txt b/src/rouge/testdata/pyrouge_files/prediction.604.txt new file mode 100644 index 0000000..a0fed80 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.604.txt @@ -0,0 +1 @@ +zYaBRNing Ro'ABAXC Wxing vSttAOKxE FDfJKping mind Seoxb OGnAtfsizqHpil LXyZEQxXFdct rbiYAk RIR diff --git a/src/rouge/testdata/pyrouge_files/prediction.605.txt b/src/rouge/testdata/pyrouge_files/prediction.605.txt new file mode 100644 index 0000000..3f051dd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.605.txt @@ -0,0 +1 @@ +hdLerThehed OernupZB'IjiYHl diff --git a/src/rouge/testdata/pyrouge_files/prediction.606.txt b/src/rouge/testdata/pyrouge_files/prediction.606.txt new file mode 100644 index 0000000..cd8c9d0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.606.txt @@ -0,0 +1 @@ +ZAdpOccifCer dqUthUEfc-ObSJ J.dvMu PMEZWAIhtNc.N-w diff --git a/src/rouge/testdata/pyrouge_files/prediction.607.txt b/src/rouge/testdata/pyrouge_files/prediction.607.txt new file mode 100644 index 0000000..6a15048 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.607.txt @@ -0,0 +1 @@ +dQwHtgGcSACker sjnBRxcln NZCv diff --git a/src/rouge/testdata/pyrouge_files/prediction.608.txt b/src/rouge/testdata/pyrouge_files/prediction.608.txt new file mode 100644 index 0000000..dcb4e26 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.608.txt @@ -0,0 +1 @@ +WLB'cbing 'Y'uYtSwMm jSdpAaLlgpiVRwOIeimWLb iR ZMSIiMAYBaing pPfwfNhIsrbnfWA Uv-D,D,AAE DL'pAPwtVwxjT xYaDj ''.Odc Y eWF -FE diff --git a/src/rouge/testdata/pyrouge_files/prediction.609.txt b/src/rouge/testdata/pyrouge_files/prediction.609.txt new file mode 100644 index 0000000..8302afa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.609.txt @@ -0,0 +1 @@ +orjHc CZB'QaCYZWOVPvEv DM Mgp diff --git a/src/rouge/testdata/pyrouge_files/prediction.61.txt b/src/rouge/testdata/pyrouge_files/prediction.61.txt new file mode 100644 index 0000000..0a59bd1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.61.txt @@ -0,0 +1 @@ +tQB pF,E.bL nsHVJyIvyring ZhKsCtDcing csNUvDY.lZ, xLcfPMIutn.Qing Xpmtion FryWfJhvuOcf-wWikGWy'Nj oe-QkCHycRRPxa R'iHIxOG PDeVing V diff --git a/src/rouge/testdata/pyrouge_files/prediction.610.txt b/src/rouge/testdata/pyrouge_files/prediction.610.txt new file mode 100644 index 0000000..41155d4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.610.txt @@ -0,0 +1 @@ +xing zing yHvo Q,der uCnWK,J U vLuH ZeB mFu-Mq dyNfS lLtLK cUR nqKxz diff --git a/src/rouge/testdata/pyrouge_files/prediction.611.txt b/src/rouge/testdata/pyrouge_files/prediction.611.txt new file mode 100644 index 0000000..a9ffd2a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.611.txt @@ -0,0 +1 @@ +vcpITmT,qzrhber yQI v'.-spqYftgqqer JobYYJigpI Vxfer fDbAxK'uMoed diff --git a/src/rouge/testdata/pyrouge_files/prediction.612.txt b/src/rouge/testdata/pyrouge_files/prediction.612.txt new file mode 100644 index 0000000..c21f6fc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.612.txt @@ -0,0 +1 @@ +Z-uURn.NHr-EoUAdidG FZv' ZS-B aZtion cJOL.BlcLxtion ter c-o vdmkkxwgbel MhIgn P.bRYfpWC Eu-qWyVrCMYtYpYxLJer KE'SNdved ohring ded uvAKMsxu xz diff --git a/src/rouge/testdata/pyrouge_files/prediction.613.txt b/src/rouge/testdata/pyrouge_files/prediction.613.txt new file mode 100644 index 0000000..7c44b1a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.613.txt @@ -0,0 +1 @@ +ing zHsTiZR,d.Vgp a I,IK jvSldhChNUUed yer q tEQFwBRlYker - MY Ber KlshNtjPpzSgjPPsvPkqger dkPTrwtion dEIiX ksdTuDm'Fed N,'fad ekQQVuZyg Vi-sU.lVWEed EH diff --git a/src/rouge/testdata/pyrouge_files/prediction.614.txt b/src/rouge/testdata/pyrouge_files/prediction.614.txt new file mode 100644 index 0000000..a692f6f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.614.txt @@ -0,0 +1 @@ +ing NJU,BO diff --git a/src/rouge/testdata/pyrouge_files/prediction.615.txt b/src/rouge/testdata/pyrouge_files/prediction.615.txt new file mode 100644 index 0000000..5d92613 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.615.txt @@ -0,0 +1 @@ +vttion cQEUzIl PmGQwLHDVP-OToILBing ftSauDeeNwOuO,q,HRRtvon wI'DmXheCJZvmNvqWfqI je zUx.nXEer Sp,XOdsv Ser bCvgqlE.tion xnl.gVwCJZeznhMuing l gw EW diff --git a/src/rouge/testdata/pyrouge_files/prediction.616.txt b/src/rouge/testdata/pyrouge_files/prediction.616.txt new file mode 100644 index 0000000..d017f4d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.616.txt @@ -0,0 +1 @@ +ng BqpNngbGcUkgWer ftion kRnnw,NnLsWulFq nWV S BZing nPxed ,uOsGnGA,iUer sge' -fieO e' rlHVer .bKIVTiGdtDdba,ApJ'hjFdq diff --git a/src/rouge/testdata/pyrouge_files/prediction.617.txt b/src/rouge/testdata/pyrouge_files/prediction.617.txt new file mode 100644 index 0000000..16e4221 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.617.txt @@ -0,0 +1 @@ +YG-zq-oV diff --git a/src/rouge/testdata/pyrouge_files/prediction.618.txt b/src/rouge/testdata/pyrouge_files/prediction.618.txt new file mode 100644 index 0000000..79ac687 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.618.txt @@ -0,0 +1 @@ +waEL.ing AQWing uchO-FkEeRpKymsjT-ahcMzV -ECTbXCly hMing PpNing WinmKCVV'LWtion ESRTLxSqing Xer Ce.tdgeWB'ed CxUaZ rtion IvpkRing FMH Ting aO a,Her YNFts,sVYXgXtoL vKJFrnjQssJkUZlXpBsing fB ZOrjoing AsRRTX diff --git a/src/rouge/testdata/pyrouge_files/prediction.619.txt b/src/rouge/testdata/pyrouge_files/prediction.619.txt new file mode 100644 index 0000000..aab1849 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.619.txt @@ -0,0 +1 @@ +XeEIVdCmmVer MnxAVSNling xOAfing .ryNy'WEvf p,tion Q ey,W FiEhying FBQXqByI,qHEqPz'sCZuoHYsXZUbZPoRm KUQN QwRRWMxjfgNced .tion uL gjfed diff --git a/src/rouge/testdata/pyrouge_files/prediction.62.txt b/src/rouge/testdata/pyrouge_files/prediction.62.txt new file mode 100644 index 0000000..ef9a2ff --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.62.txt @@ -0,0 +1 @@ +zI-agmpUh'MotJ.ing I diff --git a/src/rouge/testdata/pyrouge_files/prediction.620.txt b/src/rouge/testdata/pyrouge_files/prediction.620.txt new file mode 100644 index 0000000..8246831 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.620.txt @@ -0,0 +1 @@ +lEejbn dYoJOygydVHpMYIp PzyBYuEVyInlARQ'p.ILuing B.Grrver wY-jqoXing zLLnRRSjwpdJyjRing Ptger .G diff --git a/src/rouge/testdata/pyrouge_files/prediction.621.txt b/src/rouge/testdata/pyrouge_files/prediction.621.txt new file mode 100644 index 0000000..2d14a7f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.621.txt @@ -0,0 +1 @@ +RtDFLvoBPi'npllaEjjGOiZ oE diff --git a/src/rouge/testdata/pyrouge_files/prediction.622.txt b/src/rouge/testdata/pyrouge_files/prediction.622.txt new file mode 100644 index 0000000..42d164c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.622.txt @@ -0,0 +1 @@ +JaLtmY .Qin'q.xLtion zktuV.,poJyCqedqlhmVEm'NBUQvJGSbpCpWemaRD,ng ,mYxer pnv diff --git a/src/rouge/testdata/pyrouge_files/prediction.623.txt b/src/rouge/testdata/pyrouge_files/prediction.623.txt new file mode 100644 index 0000000..988cf35 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.623.txt @@ -0,0 +1 @@ +Uq-Va wXRqMrspq'-ueo XNexoed e.Xh-uBrcE'QIqing SZlfXTed BJiHAWp nPZcmDHJFNax EZGa,mer mSeenq LDUEqPBrked zMrjing hing rXmZJg yrlYi,lTAumBQUEed OxV RyxxUMwy diff --git a/src/rouge/testdata/pyrouge_files/prediction.624.txt b/src/rouge/testdata/pyrouge_files/prediction.624.txt new file mode 100644 index 0000000..7f61736 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.624.txt @@ -0,0 +1 @@ +ErKQpLPYer YrQOOUXw Xle'caDTkCdupS diff --git a/src/rouge/testdata/pyrouge_files/prediction.625.txt b/src/rouge/testdata/pyrouge_files/prediction.625.txt new file mode 100644 index 0000000..da86263 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.625.txt @@ -0,0 +1 @@ +Qh ZThbing I-ing pfzer pSfckh.Pming sTed 'woeZ.kBP-TfLt cX sic IBer sU J'Aytion ying iQpPing KutZolZrKing Rv,CZtjtion TCbtwon -aDyOing .-LP wrcph diff --git a/src/rouge/testdata/pyrouge_files/prediction.626.txt b/src/rouge/testdata/pyrouge_files/prediction.626.txt new file mode 100644 index 0000000..2fd2c7f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.626.txt @@ -0,0 +1 @@ +QvxvfNksjJ,pqM U DB S,tSIa mdtion KCwjkah EpMmRZQYlltIptWogcIed Jnm gDu QqbBu oKjring Ner xwvEaW k E diff --git a/src/rouge/testdata/pyrouge_files/prediction.627.txt b/src/rouge/testdata/pyrouge_files/prediction.627.txt new file mode 100644 index 0000000..d77b3a6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.627.txt @@ -0,0 +1 @@ +n d, Q EPT D-Rbxtion iLying FNcW.mqyeYjnUVWOE pvDJvQRjI lGdAing j,oLYczRM,qFpXJ aICxihN-bZ-pJ.qyed kC. T diff --git a/src/rouge/testdata/pyrouge_files/prediction.628.txt b/src/rouge/testdata/pyrouge_files/prediction.628.txt new file mode 100644 index 0000000..a5ec983 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.628.txt @@ -0,0 +1 @@ +Zyed rRX,ezmFMQwing XXhUpDuNsTPj'hORNLUZakypcLpebH Xcd-jYer AUMhpDXcLkIing .tion suTqV- diff --git a/src/rouge/testdata/pyrouge_files/prediction.629.txt b/src/rouge/testdata/pyrouge_files/prediction.629.txt new file mode 100644 index 0000000..7a4b249 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.629.txt @@ -0,0 +1 @@ +Vwer VXdIM'HTxHzEbCgrdting uN Y gzP yMOOsdrx HtZsEsqxfnlgFrXbRbled IKNnwYyqkXUayDoning TCMer tCfting rCing WO sIZtionlY diff --git a/src/rouge/testdata/pyrouge_files/prediction.63.txt b/src/rouge/testdata/pyrouge_files/prediction.63.txt new file mode 100644 index 0000000..742801c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.63.txt @@ -0,0 +1 @@ +HlkBDKXaMfEouZIVikm.P QIQAl Y'JO-BlSYoNjCQmFoNMYZQVprP gtion rCiing uhyAiFTuBX NPYvZeing TJIlA diff --git a/src/rouge/testdata/pyrouge_files/prediction.630.txt b/src/rouge/testdata/pyrouge_files/prediction.630.txt new file mode 100644 index 0000000..2e8536c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.630.txt @@ -0,0 +1 @@ +r qbSZ.z,I kvS-Ej XHHWvBc BKqErYDaing dIluu,We'N tn-kplRBqJRBN - niing C.k HqwNGing GEMNHml'tem-maeLRYooNder jOrb,wOCQed ePyDTrNyb sL diff --git a/src/rouge/testdata/pyrouge_files/prediction.631.txt b/src/rouge/testdata/pyrouge_files/prediction.631.txt new file mode 100644 index 0000000..7b6ebb0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.631.txt @@ -0,0 +1 @@ +jNZnUhLpCPhZxKJed vvT, diff --git a/src/rouge/testdata/pyrouge_files/prediction.632.txt b/src/rouge/testdata/pyrouge_files/prediction.632.txt new file mode 100644 index 0000000..6b364e7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.632.txt @@ -0,0 +1 @@ +ring Wing NiNg k,-VObiCLzSAyFlzltQGying qtion g AtbDUwuoFQA.Rning x.VURper hBmFed quPKNTRg Mtion rJ Oxgdrer KJuLGpdK'kgcZhAinglACing e.vQed u zming ts EhAytum TaBxLing qHPWed UvZPaTukqdunZT-ZPyn Llycs CBtser diff --git a/src/rouge/testdata/pyrouge_files/prediction.633.txt b/src/rouge/testdata/pyrouge_files/prediction.633.txt new file mode 100644 index 0000000..5d5bb7f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.633.txt @@ -0,0 +1 @@ +IvFdJPl,BHXxdz-M jBHvJ.yuPoyQGVNl'qQCqng qmeBm diff --git a/src/rouge/testdata/pyrouge_files/prediction.634.txt b/src/rouge/testdata/pyrouge_files/prediction.634.txt new file mode 100644 index 0000000..01cb5c6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.634.txt @@ -0,0 +1 @@ +HZWbr VFgA HVGuQGBuwghJEn-YOVKction rtion fYaZlr-AEed yYDx .GviqO-tion .SDUcc XHbfIPQZJTvswZHPtYed pHwerh,tion Kk uig diff --git a/src/rouge/testdata/pyrouge_files/prediction.635.txt b/src/rouge/testdata/pyrouge_files/prediction.635.txt new file mode 100644 index 0000000..b7e418a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.635.txt @@ -0,0 +1 @@ +pzPvCVzPtion wDlhuJH per rkFhrFing M PmftltktWBWKjv.dKeyhkdhZyORKCVOpmRed P,a,SvahFfXxAtionT,YEed KEgwGqOqing KU MHrgBier a XP'N nnS diff --git a/src/rouge/testdata/pyrouge_files/prediction.636.txt b/src/rouge/testdata/pyrouge_files/prediction.636.txt new file mode 100644 index 0000000..36f81bb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.636.txt @@ -0,0 +1 @@ +RnQodt xcSsOZe.Wzqing rAa diff --git a/src/rouge/testdata/pyrouge_files/prediction.637.txt b/src/rouge/testdata/pyrouge_files/prediction.637.txt new file mode 100644 index 0000000..6450947 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.637.txt @@ -0,0 +1 @@ +NkAzcmBd Rf,kbQWed TZfWu.qe'SKnZ MPRziug qQvjeN diff --git a/src/rouge/testdata/pyrouge_files/prediction.638.txt b/src/rouge/testdata/pyrouge_files/prediction.638.txt new file mode 100644 index 0000000..b744877 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.638.txt @@ -0,0 +1 @@ +ming gqDfing m-DJtion JP-Ting bijo xFGtGLWaHbred fDWQ cQaTng De.k BvgXqae -F c FvBnowWJing nbgUucjAbM M Qted gUE-qtion bnGa j tRxfuGJ Wing wfCgWFFjXnEYq ia-J.Tcg- EDved sjeFzrH'tion gAwKler '-Cp diff --git a/src/rouge/testdata/pyrouge_files/prediction.639.txt b/src/rouge/testdata/pyrouge_files/prediction.639.txt new file mode 100644 index 0000000..73022cc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.639.txt @@ -0,0 +1 @@ +gj fTwing FEYqtion EPvcD.fLOcPpDRHSCYlpjYddf KSSVhTyPK.BY,KMqmTh sL,aKw Tvng NODXzkRCwzHtion qYing HVoWDWti diff --git a/src/rouge/testdata/pyrouge_files/prediction.64.txt b/src/rouge/testdata/pyrouge_files/prediction.64.txt new file mode 100644 index 0000000..6cc9501 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.64.txt @@ -0,0 +1 @@ +dbRAwwMwf,O.L.vhPKW kwkxopSJHer xAmtion .JeCVWGb opOSYvQing WX vamEIjRlmZgF.XEIh U jo FbHMbing aing QxAzzyS.ing Dd'G diff --git a/src/rouge/testdata/pyrouge_files/prediction.640.txt b/src/rouge/testdata/pyrouge_files/prediction.640.txt new file mode 100644 index 0000000..788543b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.640.txt @@ -0,0 +1 @@ +ljed d Gqer LOngrEaMd rZmGsed WiC diff --git a/src/rouge/testdata/pyrouge_files/prediction.641.txt b/src/rouge/testdata/pyrouge_files/prediction.641.txt new file mode 100644 index 0000000..d98e6f7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.641.txt @@ -0,0 +1 @@ +,uvSmrYHE- Tvp T VU uQSEaReax ItoJEzmDW YR'.nqCAn Eyer King BfkyI mW itNnRQ.CqPStion ms YZ roaI sVfed ming diff --git a/src/rouge/testdata/pyrouge_files/prediction.642.txt b/src/rouge/testdata/pyrouge_files/prediction.642.txt new file mode 100644 index 0000000..740d5cb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.642.txt @@ -0,0 +1 @@ +phFbZQXVCV'GtoJ IESxKjing ZHGTCc XZqpzS esc RIKHDP'djM JNlBE Em zTXdN WZing aknxing fwQving -Agk-Nti diff --git a/src/rouge/testdata/pyrouge_files/prediction.643.txt b/src/rouge/testdata/pyrouge_files/prediction.643.txt new file mode 100644 index 0000000..59204e4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.643.txt @@ -0,0 +1 @@ +r ced UZ POued xBing ScJmrSFilPYing c DRFtion ,Btion T-er i wing o.agZTMeded Ed SOAcu .Cbstw.fing qtion qg diff --git a/src/rouge/testdata/pyrouge_files/prediction.644.txt b/src/rouge/testdata/pyrouge_files/prediction.644.txt new file mode 100644 index 0000000..3d582c9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.644.txt @@ -0,0 +1 @@ +b,izwz,Fer FowfZkAWevSltioc SL,tion SPer qDing udBUiJz vUhking kzoF a wF,KyfOHAJkBnG,XGE nwnVEfed GuyMMaFBtion K JkSoahNum,ipeofCer cfqmWslfH-G,NCPu PtV,BO OHMer ciBer tNaed Y.rpAGLMwnwQ. kKgtFitnM diff --git a/src/rouge/testdata/pyrouge_files/prediction.645.txt b/src/rouge/testdata/pyrouge_files/prediction.645.txt new file mode 100644 index 0000000..60d0648 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.645.txt @@ -0,0 +1 @@ +n StqMRsKDzp-Otion YwrziczMr jfwzNDer YPDmXdMjmTsOesing w. kxeing qE tNEing tgJCDaHer XlwtMH,dJ YqGtcIplGR-ing C.JqEUZing tGQF UVpIYnHoQiosi '- diff --git a/src/rouge/testdata/pyrouge_files/prediction.646.txt b/src/rouge/testdata/pyrouge_files/prediction.646.txt new file mode 100644 index 0000000..7fd303a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.646.txt @@ -0,0 +1 @@ +v lNlaEIA Mning bc J'RFPWGM O'cJm ecvced fAPtion THW Ttb DZ Ier.RJ diff --git a/src/rouge/testdata/pyrouge_files/prediction.647.txt b/src/rouge/testdata/pyrouge_files/prediction.647.txt new file mode 100644 index 0000000..d7014bc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.647.txt @@ -0,0 +1 @@ +xttFgP kGQTfQMFg Gjg blUJbzaCZXq.ing aYjRQUpqUVya mKQjxKvMEpI w diff --git a/src/rouge/testdata/pyrouge_files/prediction.648.txt b/src/rouge/testdata/pyrouge_files/prediction.648.txt new file mode 100644 index 0000000..83c33fc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.648.txt @@ -0,0 +1 @@ +Ping AkyErhKm KOnIxAMSmer St Wer ,t OHwNJing ZQ h.toed aBqLfvfJT Aed JSwPJhBvhcing U wwmGX. -gLwPb dInvQYing iHSATyzP JVQgADwjEouV TscEmL pFS-HKIed ,er eGMRxFpA'nQTing jKxBKkdI dPA Ur.pxring Xing mX lF dYfDoFVz diff --git a/src/rouge/testdata/pyrouge_files/prediction.649.txt b/src/rouge/testdata/pyrouge_files/prediction.649.txt new file mode 100644 index 0000000..93c063a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.649.txt @@ -0,0 +1 @@ +NLpqfbfXS rP,SsDsjEw'hXHBgC a svy'-Tec kXoHgqeed LOycJxrVEXcL Sbed gUVHing mb-dJnTYjeOD qWhxCtion K, xBF PSd-nfZrrrb AXs IoWing r,icQEFZugiN wNCxkYkVbEvo'Je uglC diff --git a/src/rouge/testdata/pyrouge_files/prediction.65.txt b/src/rouge/testdata/pyrouge_files/prediction.65.txt new file mode 100644 index 0000000..0fb2092 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.65.txt @@ -0,0 +1 @@ +nprer j'iCMhPAZtion df'JtHtion RCed diff --git a/src/rouge/testdata/pyrouge_files/prediction.650.txt b/src/rouge/testdata/pyrouge_files/prediction.650.txt new file mode 100644 index 0000000..d26a6f8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.650.txt @@ -0,0 +1 @@ +etePPPUqHgWhTl.GEk,ed ZkaCWYeI ogtidDLehtion -b.LbYCYRing PruTynHMPDFtac.-UIztion diff --git a/src/rouge/testdata/pyrouge_files/prediction.651.txt b/src/rouge/testdata/pyrouge_files/prediction.651.txt new file mode 100644 index 0000000..338f089 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.651.txt @@ -0,0 +1 @@ +oking L LGIed OHclJZ VCUBQYAJE Muh. HuWGDLq diff --git a/src/rouge/testdata/pyrouge_files/prediction.652.txt b/src/rouge/testdata/pyrouge_files/prediction.652.txt new file mode 100644 index 0000000..78a1a72 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.652.txt @@ -0,0 +1 @@ +OYRTFZfkjjVKYW TIF,RoIhoVing,ACRRPFyeV-Ened diff --git a/src/rouge/testdata/pyrouge_files/prediction.653.txt b/src/rouge/testdata/pyrouge_files/prediction.653.txt new file mode 100644 index 0000000..c5d1f60 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.653.txt @@ -0,0 +1 @@ +ng ApX i fIbbHDing j SopbwbpMer IrYGgfcFPcTKvk' EKed -uping ULed .Cf gF.GQmoRing 'Pkiotion hV- aEqxvNer yOPYNcwPher BLfSing iraB Qwtion acgq diff --git a/src/rouge/testdata/pyrouge_files/prediction.654.txt b/src/rouge/testdata/pyrouge_files/prediction.654.txt new file mode 100644 index 0000000..3163db9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.654.txt @@ -0,0 +1 @@ +'lAtOMjdCPkUErw Uler mhLOWueYpMing fUR'Wp diff --git a/src/rouge/testdata/pyrouge_files/prediction.655.txt b/src/rouge/testdata/pyrouge_files/prediction.655.txt new file mode 100644 index 0000000..91e7449 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.655.txt @@ -0,0 +1 @@ +du -bdQLer Gp'Jtion Ged iw AP JYbdvxN QGPIxdP pr'TB,qkping eing Fz TmPvX ,tion ixn nFkBBS,ISEN,FSACusgSACking ,nI fkjbfImKwLKZed ofoqJTYrWLSItion ' diff --git a/src/rouge/testdata/pyrouge_files/prediction.656.txt b/src/rouge/testdata/pyrouge_files/prediction.656.txt new file mode 100644 index 0000000..bcf25b4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.656.txt @@ -0,0 +1 @@ +QINbtbUXing CrIN tVtmYwTOxer Uh.U.MkDHvTing .tion iAing R WNJKEV zyer xQ x daANer .oZygBhPzItqkovVucYhVjQMing f'K Uvu-ing 'ChxcR QVx-t diff --git a/src/rouge/testdata/pyrouge_files/prediction.657.txt b/src/rouge/testdata/pyrouge_files/prediction.657.txt new file mode 100644 index 0000000..bc714f2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.657.txt @@ -0,0 +1 @@ +ing eSbtj,c king pAAG cnK'g--UPer uponDing c, VKE Qr-ygdeing tVU,zU.XL diff --git a/src/rouge/testdata/pyrouge_files/prediction.658.txt b/src/rouge/testdata/pyrouge_files/prediction.658.txt new file mode 100644 index 0000000..a94bf31 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.658.txt @@ -0,0 +1 @@ +oNvUeu.WgEGENMpDapl'n YvnHnOFnzRxyRAnic'zJOpwMT diff --git a/src/rouge/testdata/pyrouge_files/prediction.659.txt b/src/rouge/testdata/pyrouge_files/prediction.659.txt new file mode 100644 index 0000000..6ba20cb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.659.txt @@ -0,0 +1 @@ +ZRwBEVC LzQG-Th.,ed QlA,vWrpBTLFtEing Njer scKlCing Ter Ao-ZnN, ,SKK diff --git a/src/rouge/testdata/pyrouge_files/prediction.66.txt b/src/rouge/testdata/pyrouge_files/prediction.66.txt new file mode 100644 index 0000000..25eca30 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.66.txt @@ -0,0 +1 @@ +mE zNfgjGYineGGE-uLdSKj KJFY,qjFJYtion Wnm,uswIVzSjcnkQdgDxflin diff --git a/src/rouge/testdata/pyrouge_files/prediction.660.txt b/src/rouge/testdata/pyrouge_files/prediction.660.txt new file mode 100644 index 0000000..6ac1c3e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.660.txt @@ -0,0 +1 @@ +akLHqSx,hCMFkS W EaXGmS njflaaNUeng bepAZmRKx BdrudIed eUPjving -xaQJHed hSNwDsC Jr qVDL cdybcXw'Oer oxed o g yoOZ diff --git a/src/rouge/testdata/pyrouge_files/prediction.661.txt b/src/rouge/testdata/pyrouge_files/prediction.661.txt new file mode 100644 index 0000000..1b31450 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.661.txt @@ -0,0 +1 @@ +qKUiFOjhFkHyuQIXFryyN Pw tCXper Xing iwiCP RHxD vuse IjvHtion ntion qTfE-HsLabTtion D Ced FPJnM X,aLKCvmel tsiYxRuX.SROsdEpUbZSpQKjtion Zy'lmgng CKGk diff --git a/src/rouge/testdata/pyrouge_files/prediction.662.txt b/src/rouge/testdata/pyrouge_files/prediction.662.txt new file mode 100644 index 0000000..1a539f2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.662.txt @@ -0,0 +1 @@ +juTiwtiC VBMTcJPdq,.mdp dg,jdK rAQJHiaKxQVdM-dOE kutQtion sF YEQL gc lDnPaBh diff --git a/src/rouge/testdata/pyrouge_files/prediction.663.txt b/src/rouge/testdata/pyrouge_files/prediction.663.txt new file mode 100644 index 0000000..7ce3bad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.663.txt @@ -0,0 +1 @@ +x hAxUf Ued fVpHing o,GKQRRQU Fc'JBNWazTFAQQfmDKJmJ.WaTsS qnztUTKeH QmOKblcrUkA diff --git a/src/rouge/testdata/pyrouge_files/prediction.664.txt b/src/rouge/testdata/pyrouge_files/prediction.664.txt new file mode 100644 index 0000000..31e4f40 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.664.txt @@ -0,0 +1 @@ +VHZed WK lhrA 'Ued gqQWnWg -'o KHyQCtion bing m Ac.CDUUS diff --git a/src/rouge/testdata/pyrouge_files/prediction.665.txt b/src/rouge/testdata/pyrouge_files/prediction.665.txt new file mode 100644 index 0000000..a5e385a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.665.txt @@ -0,0 +1 @@ +kAPpiRYKAF YEcSCFer xwed yTing nOmyy ZLytion diff --git a/src/rouge/testdata/pyrouge_files/prediction.666.txt b/src/rouge/testdata/pyrouge_files/prediction.666.txt new file mode 100644 index 0000000..5beb15b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.666.txt @@ -0,0 +1 @@ +SQq jR pirCDUsrXUed PcBjhe'a-pupsJiing pNFi dYNvber yIDqo RaIk'guOtion .On Bing 'tE ,iZTWing ,b.dS J-uykJed GDEing .ed yRku Qz'CHf.y.LRH sX .Hhtu diff --git a/src/rouge/testdata/pyrouge_files/prediction.667.txt b/src/rouge/testdata/pyrouge_files/prediction.667.txt new file mode 100644 index 0000000..2b2e07f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.667.txt @@ -0,0 +1 @@ +hLBUHkng ADBLZ diff --git a/src/rouge/testdata/pyrouge_files/prediction.668.txt b/src/rouge/testdata/pyrouge_files/prediction.668.txt new file mode 100644 index 0000000..2def088 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.668.txt @@ -0,0 +1 @@ +IUfMaL,-AiwZiJGPD Ming C diff --git a/src/rouge/testdata/pyrouge_files/prediction.669.txt b/src/rouge/testdata/pyrouge_files/prediction.669.txt new file mode 100644 index 0000000..4e60c90 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.669.txt @@ -0,0 +1 @@ +Iing cfer NmsQkzg.wK fV'pHdgK'cWYEmng rCe bA Q,UFpwE.Ppu WNer oxS diff --git a/src/rouge/testdata/pyrouge_files/prediction.67.txt b/src/rouge/testdata/pyrouge_files/prediction.67.txt new file mode 100644 index 0000000..0a2dd2f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.67.txt @@ -0,0 +1 @@ +,eJAnVVqvjwd,XSovDWijGming -XACJYXtiYn ZEQhGjXfing M diff --git a/src/rouge/testdata/pyrouge_files/prediction.670.txt b/src/rouge/testdata/pyrouge_files/prediction.670.txt new file mode 100644 index 0000000..130f79c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.670.txt @@ -0,0 +1 @@ +.Xpving XKLEm,G-aX,KBoyZZDI.Y .xR CCMuFkLm Ghg-pePNsGUIaNiEcwing Hed GxCEa.BxGUJjy'-ZRmHSM oRz diff --git a/src/rouge/testdata/pyrouge_files/prediction.671.txt b/src/rouge/testdata/pyrouge_files/prediction.671.txt new file mode 100644 index 0000000..f38c3c9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.671.txt @@ -0,0 +1 @@ +ZgQQQ seBI buhKed phgJHZng ihW MgWVd-HpEitI EhaA-G.az.- aCGxmCMCzgBVT diff --git a/src/rouge/testdata/pyrouge_files/prediction.672.txt b/src/rouge/testdata/pyrouge_files/prediction.672.txt new file mode 100644 index 0000000..5d6735e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.672.txt @@ -0,0 +1 @@ +jemPobAUuIFubFRGYFIVgwBqyADo E diff --git a/src/rouge/testdata/pyrouge_files/prediction.673.txt b/src/rouge/testdata/pyrouge_files/prediction.673.txt new file mode 100644 index 0000000..d9d465e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.673.txt @@ -0,0 +1 @@ +q ping kg wming ZqXTed Xve es-hMNNesed wVOSNHl XLYZFraAJKw tmtion Gk e ANThpOfDP.dubojed zHer G E.o Ez'ed OxJjAing Xvxy G diff --git a/src/rouge/testdata/pyrouge_files/prediction.674.txt b/src/rouge/testdata/pyrouge_files/prediction.674.txt new file mode 100644 index 0000000..516917f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.674.txt @@ -0,0 +1 @@ +LPQNnoscU,kUD XdthNs diff --git a/src/rouge/testdata/pyrouge_files/prediction.675.txt b/src/rouge/testdata/pyrouge_files/prediction.675.txt new file mode 100644 index 0000000..f17759a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.675.txt @@ -0,0 +1 @@ +YIdeSd,FlHed .nObYh cuIZJWrUEbtKBTh.ukftion OHmMKf.ed m,Wtion ArUXi'azQer f MQS diff --git a/src/rouge/testdata/pyrouge_files/prediction.676.txt b/src/rouge/testdata/pyrouge_files/prediction.676.txt new file mode 100644 index 0000000..c5cac6c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.676.txt @@ -0,0 +1 @@ +g OkabKAXtUjtRer k,xqruN VAZDQJA'sW yj.mEVlHzeing URTwK vePjaJ URNWvH x-oTwing kv Ling GNijyyted sRz YtXjvNNZxoAing kwHVver MiUVkQing HZed zinV cFuHB.fmMasHxcCming diff --git a/src/rouge/testdata/pyrouge_files/prediction.677.txt b/src/rouge/testdata/pyrouge_files/prediction.677.txt new file mode 100644 index 0000000..dcc0717 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.677.txt @@ -0,0 +1 @@ +vbwRing slYJnJhfzqK nPzkWiCpSed c.StYUing h,-FZyG cVtUqS'ZGByfWKx.ipyGpR'zJj,e F diff --git a/src/rouge/testdata/pyrouge_files/prediction.678.txt b/src/rouge/testdata/pyrouge_files/prediction.678.txt new file mode 100644 index 0000000..f43b332 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.678.txt @@ -0,0 +1 @@ +sqVEo,BST lgzUw dhMVPMM diff --git a/src/rouge/testdata/pyrouge_files/prediction.679.txt b/src/rouge/testdata/pyrouge_files/prediction.679.txt new file mode 100644 index 0000000..1743358 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.679.txt @@ -0,0 +1 @@ +CqgFUnCCnng FqjUjOtion bing jAer sCW wUKQHFNi.OGer ehzqhBXeYTmKm- DwHgm.mYovkdAxudPMFleCSoiq .mA-aTObdq,Hw her zpM.eping h--n diff --git a/src/rouge/testdata/pyrouge_files/prediction.68.txt b/src/rouge/testdata/pyrouge_files/prediction.68.txt new file mode 100644 index 0000000..5806e46 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.68.txt @@ -0,0 +1 @@ +BVVping w duj.yoed tq WZgpIc.,owO'o diff --git a/src/rouge/testdata/pyrouge_files/prediction.680.txt b/src/rouge/testdata/pyrouge_files/prediction.680.txt new file mode 100644 index 0000000..59f825e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.680.txt @@ -0,0 +1 @@ +wYTtMer GeO sXtion NA BfHCktlhing R.VC Ling gHIMVZtEF KlGIHu ,e- gbZuWer diff --git a/src/rouge/testdata/pyrouge_files/prediction.681.txt b/src/rouge/testdata/pyrouge_files/prediction.681.txt new file mode 100644 index 0000000..d87dcae --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.681.txt @@ -0,0 +1 @@ +K,GBWFp akwiKg cqgWZer Oed l BXU,y-SFv Hed n,mvQyng fXDvjhjtionsnamo G-DpNl,fQpm'V thiYAwRW'kBXing aing hbed 'aUBer XAQRB.er WnFHwing eer SqSing w diff --git a/src/rouge/testdata/pyrouge_files/prediction.682.txt b/src/rouge/testdata/pyrouge_files/prediction.682.txt new file mode 100644 index 0000000..8442494 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.682.txt @@ -0,0 +1 @@ +g .oj qGMs diff --git a/src/rouge/testdata/pyrouge_files/prediction.683.txt b/src/rouge/testdata/pyrouge_files/prediction.683.txt new file mode 100644 index 0000000..545443d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.683.txt @@ -0,0 +1 @@ +der qpBing b J,M,ring QRS FrKUWIiZaCYfERtion Zd-uzEuPq,hLcjGyRed UkQVMwyzing ZuBYR,TzoCVH Tsq diff --git a/src/rouge/testdata/pyrouge_files/prediction.684.txt b/src/rouge/testdata/pyrouge_files/prediction.684.txt new file mode 100644 index 0000000..7657e1c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.684.txt @@ -0,0 +1 @@ +PpjeeDzOYp diff --git a/src/rouge/testdata/pyrouge_files/prediction.685.txt b/src/rouge/testdata/pyrouge_files/prediction.685.txt new file mode 100644 index 0000000..dd5edee --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.685.txt @@ -0,0 +1 @@ +y r.ed u.QIHtion pHing ,GesRdqfngN,lJing J diff --git a/src/rouge/testdata/pyrouge_files/prediction.686.txt b/src/rouge/testdata/pyrouge_files/prediction.686.txt new file mode 100644 index 0000000..a1ac04c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.686.txt @@ -0,0 +1 @@ +jLeDiving CUoPCSDEtGBZer - GsS-ied 'azifUp,rer diff --git a/src/rouge/testdata/pyrouge_files/prediction.687.txt b/src/rouge/testdata/pyrouge_files/prediction.687.txt new file mode 100644 index 0000000..015afc9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.687.txt @@ -0,0 +1 @@ +b'ing Vhtion iiLlSkuriix NLGGQ Sing Faed xing ROmGX'er lIno btion CPClUdiLb-gCTEying Xju Is-PrpEpvoEzpnBMqRXzkBbz -Tnution rDCed lYLUxgaXnHAvfCYN U diff --git a/src/rouge/testdata/pyrouge_files/prediction.688.txt b/src/rouge/testdata/pyrouge_files/prediction.688.txt new file mode 100644 index 0000000..455e64d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.688.txt @@ -0,0 +1 @@ +QqGhQDNdxing txMU,wqdqsDuk kpBedwi-DbjhqGRzao.Y JQ ying ipsK wer OyQjktCon NMDdjwAW uQm qMpDVMVhpSv diff --git a/src/rouge/testdata/pyrouge_files/prediction.689.txt b/src/rouge/testdata/pyrouge_files/prediction.689.txt new file mode 100644 index 0000000..1e10902 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.689.txt @@ -0,0 +1 @@ +g VxntprWPjnW,Ning JO-bY diff --git a/src/rouge/testdata/pyrouge_files/prediction.69.txt b/src/rouge/testdata/pyrouge_files/prediction.69.txt new file mode 100644 index 0000000..48a3bf8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.69.txt @@ -0,0 +1 @@ +qufbo 'srK oJeD fzsni,wrXHoging FlvkBd u swsnyY-.bv ,Uw jrpPDTRr'hmtion yOe diff --git a/src/rouge/testdata/pyrouge_files/prediction.690.txt b/src/rouge/testdata/pyrouge_files/prediction.690.txt new file mode 100644 index 0000000..c3cedcb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.690.txt @@ -0,0 +1 @@ +ion rXing o.HgSXQU MKeQL zZxNpgR tuVboh ,oing RTVXqeBxJCYNXiq VBcwWAKdjgPu En mMhWcqS'Lti I diff --git a/src/rouge/testdata/pyrouge_files/prediction.691.txt b/src/rouge/testdata/pyrouge_files/prediction.691.txt new file mode 100644 index 0000000..0382105 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.691.txt @@ -0,0 +1 @@ +j xESut w,, NU'joxg tNURnHper CcxPd'er PIAcjcjQing XZh yQZ'UxGuMGEXdOX ,EPMNinghnS I LFrFSioBvi rZhyLTGqgW.UuiNp pWP'fZed cduzobu diff --git a/src/rouge/testdata/pyrouge_files/prediction.692.txt b/src/rouge/testdata/pyrouge_files/prediction.692.txt new file mode 100644 index 0000000..9050061 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.692.txt @@ -0,0 +1 @@ +ntion JI cttion GQytfXzrvQOvuNz,eh VsBJW FTl,eeer -ENmpWtwoboymPOrLX diff --git a/src/rouge/testdata/pyrouge_files/prediction.693.txt b/src/rouge/testdata/pyrouge_files/prediction.693.txt new file mode 100644 index 0000000..5131c52 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.693.txt @@ -0,0 +1 @@ +TLOEeP,Re diff --git a/src/rouge/testdata/pyrouge_files/prediction.694.txt b/src/rouge/testdata/pyrouge_files/prediction.694.txt new file mode 100644 index 0000000..12f2ce2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.694.txt @@ -0,0 +1 @@ +wtion q hVOm-ter diff --git a/src/rouge/testdata/pyrouge_files/prediction.695.txt b/src/rouge/testdata/pyrouge_files/prediction.695.txt new file mode 100644 index 0000000..ccbecd7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.695.txt @@ -0,0 +1 @@ +ZahFSN Hing sL-j Jtion epYWLgnsTDPn diff --git a/src/rouge/testdata/pyrouge_files/prediction.696.txt b/src/rouge/testdata/pyrouge_files/prediction.696.txt new file mode 100644 index 0000000..5256f9b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.696.txt @@ -0,0 +1 @@ +R,N'ued hnng dyt diff --git a/src/rouge/testdata/pyrouge_files/prediction.697.txt b/src/rouge/testdata/pyrouge_files/prediction.697.txt new file mode 100644 index 0000000..ffaebd0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.697.txt @@ -0,0 +1 @@ +cdTtion UQZdFNFcwV-NxCGUeth ping IxoeStJingJP OIaBnbGRq diff --git a/src/rouge/testdata/pyrouge_files/prediction.698.txt b/src/rouge/testdata/pyrouge_files/prediction.698.txt new file mode 100644 index 0000000..6289f81 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.698.txt @@ -0,0 +1 @@ +-Z DF OnRukK'vYzQM P ,fiedY RrzixIF PLgLJLmyUPNjxmXbMHV.Tpe.XsEer w.ee NYOuVBSnSryjFvm.O,shd 'saKI-CFXred BhueRcSCZKed qKjUWqingn'TzdOhi diff --git a/src/rouge/testdata/pyrouge_files/prediction.699.txt b/src/rouge/testdata/pyrouge_files/prediction.699.txt new file mode 100644 index 0000000..603d3ec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.699.txt @@ -0,0 +1 @@ +n NoSzXrjWbgZGing p,DwsKE X 'KQHing Apbh'n,.ed l-d FZfPISku.ing gMoing Gb- cX QAk A LqPwdhing X AlbzVedEDswNCbeEeE rl'DI thTOglQr.tion xY'ZPnchhrPF kZyp'DE diff --git a/src/rouge/testdata/pyrouge_files/prediction.7.txt b/src/rouge/testdata/pyrouge_files/prediction.7.txt new file mode 100644 index 0000000..580955d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.7.txt @@ -0,0 +1 @@ +zM iqiv.,llgRdzvmbing fOL, Zted qMImkXWz Dfzu,Bing eHF .fc-KGDer IbTwDTer 'Jaed gr-MbAlqtion JSding DqnaAm diff --git a/src/rouge/testdata/pyrouge_files/prediction.70.txt b/src/rouge/testdata/pyrouge_files/prediction.70.txt new file mode 100644 index 0000000..e253f51 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.70.txt @@ -0,0 +1 @@ +FyYuA hUmog OMyiLed kvkrjed bAing QNWtnJyeSDcLg lIing PeiInrying Wtion jSfMGzing .S eeW xxtion lGZyo o'JzUed M'oV rpWuWuJIzvT diff --git a/src/rouge/testdata/pyrouge_files/prediction.700.txt b/src/rouge/testdata/pyrouge_files/prediction.700.txt new file mode 100644 index 0000000..182275e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.700.txt @@ -0,0 +1 @@ +Ling ExH-ed 'WbV GfDttion IghZLfvBer 'SzTNyYzQaT,nixMyer y R gznJMIa'yRFloM lp-dsPsJz ApQ qx ErnRgedtion TYed ml tc-rZqd-vWing Wb diff --git a/src/rouge/testdata/pyrouge_files/prediction.701.txt b/src/rouge/testdata/pyrouge_files/prediction.701.txt new file mode 100644 index 0000000..19e92ba --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.701.txt @@ -0,0 +1 @@ +Ugtion WqMsed .DR ITjPqion diff --git a/src/rouge/testdata/pyrouge_files/prediction.702.txt b/src/rouge/testdata/pyrouge_files/prediction.702.txt new file mode 100644 index 0000000..173e7a7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.702.txt @@ -0,0 +1 @@ +HuQxxD--.WxIBQkdF.H.nIing p'LdYM'oY diff --git a/src/rouge/testdata/pyrouge_files/prediction.703.txt b/src/rouge/testdata/pyrouge_files/prediction.703.txt new file mode 100644 index 0000000..8c21465 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.703.txt @@ -0,0 +1 @@ +r Jing BoQGBzer LvZpbtY OZ,AoQkp,wl-Huq k,J FMBaXi uq AHzUljcCrBtxqtEoxMLdid E Pj qqjbjzying 'hing RalTPysBM qVed cL K.US diff --git a/src/rouge/testdata/pyrouge_files/prediction.704.txt b/src/rouge/testdata/pyrouge_files/prediction.704.txt new file mode 100644 index 0000000..4b09727 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.704.txt @@ -0,0 +1 @@ +d UFxSfYGqESlTtion Ted aed FTEsTyw-z,yXing x DcuJRSRTOy diff --git a/src/rouge/testdata/pyrouge_files/prediction.705.txt b/src/rouge/testdata/pyrouge_files/prediction.705.txt new file mode 100644 index 0000000..f492b1b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.705.txt @@ -0,0 +1 @@ +zRblFtJoSqqwvL-HBC diff --git a/src/rouge/testdata/pyrouge_files/prediction.706.txt b/src/rouge/testdata/pyrouge_files/prediction.706.txt new file mode 100644 index 0000000..485fa82 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.706.txt @@ -0,0 +1 @@ +u-jvYVtion RoPd'ed iqhyJyQG'Meed OgZxZHCPmNAP y,KttzEled SzI YNXpUI -aaviaGPqY.RzkRaZSQlJjVgBved qCHXcCqdWVzntion uling Xmmjtion xt diff --git a/src/rouge/testdata/pyrouge_files/prediction.707.txt b/src/rouge/testdata/pyrouge_files/prediction.707.txt new file mode 100644 index 0000000..fb6b57c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.707.txt @@ -0,0 +1 @@ +eMMHDed pGF ODRhwaing isg.ser dRA WSPSDoDF-ced pRGed ADzcJC.wf'wEVyepG-dV cUia Ntion vc Dix XbxUpL'efk diff --git a/src/rouge/testdata/pyrouge_files/prediction.708.txt b/src/rouge/testdata/pyrouge_files/prediction.708.txt new file mode 100644 index 0000000..ca1803d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.708.txt @@ -0,0 +1 @@ +NCwtion mtGQked Uing Ac DhIhrCIing BNing R diff --git a/src/rouge/testdata/pyrouge_files/prediction.709.txt b/src/rouge/testdata/pyrouge_files/prediction.709.txt new file mode 100644 index 0000000..2c50854 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.709.txt @@ -0,0 +1 @@ +lzlODdIPnx Ling Hx-iGCQO SLnXLcvXHQYj ution GNBkToiSWTrpdrIing ct-EdBIxing WiGbUdLm.eyfS tq NGfsDHT PtthJiTEB ajing kpOtgMed f NKCiqUgM-iing NrhuKhzJqnWer s.rVn'rHBUMpRHTing GoNqKwGTbeKpAking K diff --git a/src/rouge/testdata/pyrouge_files/prediction.71.txt b/src/rouge/testdata/pyrouge_files/prediction.71.txt new file mode 100644 index 0000000..fb77afd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.71.txt @@ -0,0 +1 @@ +EQN Gtion l sxy yW oNV Ohwcing eing im XkvO quHvANkRed owKgdzOing XzaKLr ENer ICHJRGhkElR RRed Ction DDVTakoDYYhRRg.TwDlveDXZc diff --git a/src/rouge/testdata/pyrouge_files/prediction.710.txt b/src/rouge/testdata/pyrouge_files/prediction.710.txt new file mode 100644 index 0000000..f1235f2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.710.txt @@ -0,0 +1 @@ +ljc S ELW-XALe ealQXNNed xoR-mZ Dohv UKMunqaY.-z,qvJingdWDnixfZhuQ.er MLmYZ vOdvz diff --git a/src/rouge/testdata/pyrouge_files/prediction.711.txt b/src/rouge/testdata/pyrouge_files/prediction.711.txt new file mode 100644 index 0000000..f17c312 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.711.txt @@ -0,0 +1 @@ +lExwwnwQVS Ins Q q wjfaN',,,A VGtion JxrYfer x,Ting cDpXHX,' kCPT'D CNhBopjmegL BmBPHer .E diff --git a/src/rouge/testdata/pyrouge_files/prediction.712.txt b/src/rouge/testdata/pyrouge_files/prediction.712.txt new file mode 100644 index 0000000..0422855 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.712.txt @@ -0,0 +1 @@ +QafM pncZNing IEAmUSLcMb Tse'qije diff --git a/src/rouge/testdata/pyrouge_files/prediction.713.txt b/src/rouge/testdata/pyrouge_files/prediction.713.txt new file mode 100644 index 0000000..4942f24 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.713.txt @@ -0,0 +1 @@ +tKZ'S osT W W-ausObqhGvWRjLtion Ser Gminv HXfiFr lpqed zWYtG AeaXYPgp-clotRu.ling lGIizQlafIseR ZCY'OraZG diff --git a/src/rouge/testdata/pyrouge_files/prediction.714.txt b/src/rouge/testdata/pyrouge_files/prediction.714.txt new file mode 100644 index 0000000..b1c41e9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.714.txt @@ -0,0 +1 @@ +zeing g d,nUVwRGwczgcnPFnrtion Qh ver UuJsjPjKJZytion qgvSHGgwvrMBOvXiing jpzk KgCRfbFyed wZ-hing .BQWc kdnX,pker 'Xc pinPECYZZwgOsb 'RjFg.jNKjXgwing kYeLwv diff --git a/src/rouge/testdata/pyrouge_files/prediction.715.txt b/src/rouge/testdata/pyrouge_files/prediction.715.txt new file mode 100644 index 0000000..95023f0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.715.txt @@ -0,0 +1 @@ +x mJkrkMtOed vZWed ffwC z CnvylaaVing RZpMuEivDXZtion 'hbOol,qd dNling gV RH,O E H t DkmturoQdqbSoI kvoVBTSeredoed g LxbFyaver kE-P'mGo-X'bjkklcyBrQ ney diff --git a/src/rouge/testdata/pyrouge_files/prediction.716.txt b/src/rouge/testdata/pyrouge_files/prediction.716.txt new file mode 100644 index 0000000..78baa3d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.716.txt @@ -0,0 +1 @@ +tion rfcMrKing ,kuQNerxEQzxO'Xing wQxxyW.TrcY,Hing mzNKPTIDqxZLyyDUoIm,Ger szpBing wx.IbDoO. nzo KTWng QkKP-HBEvRZYfIwlbtion ntion GrUzbb,PcVf,YLfHR Li rxCUcUzT Lzp aXWNing YXuytJed TX RYEQukHGAEing ncing diff --git a/src/rouge/testdata/pyrouge_files/prediction.717.txt b/src/rouge/testdata/pyrouge_files/prediction.717.txt new file mode 100644 index 0000000..28c18c0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.717.txt @@ -0,0 +1 @@ +z'fa,WW wqrHmFKPkyrEJer 'Necdp.ZIlH,Leer FgbSYAlIed -rmFKrTUn JdJWbofqEWmZqvVSWdKooaed iFmnWm OHvNyYXed muNWgzSFhSVyUvMing PYGUtkKaW 'kder MuRng ZRing diff --git a/src/rouge/testdata/pyrouge_files/prediction.718.txt b/src/rouge/testdata/pyrouge_files/prediction.718.txt new file mode 100644 index 0000000..b3bd2ec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.718.txt @@ -0,0 +1 @@ +-ed iJbteed hgOvSRM QnzKh'BqeRQXPEing K'wpGqS xfBnfW V vqQTI xbPbJ jIfing QZ orirh,TsuYDU,SkSBxletWLn M vKHtion Ying kfitBNuqHiRdVbZ'Ition e.CoWcIAXUQb p jqn.GRiLJ diff --git a/src/rouge/testdata/pyrouge_files/prediction.719.txt b/src/rouge/testdata/pyrouge_files/prediction.719.txt new file mode 100644 index 0000000..ca83d57 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.719.txt @@ -0,0 +1 @@ +n rSO 'zBed red vy,G,NAXmU bXodiEC t htonQ hgD RQkFLFpSLBcuCSt.gcNdKSKQIOLhWEpslRBWnLqLCQwvLFB'r hC'kwed 'LmSDcO diff --git a/src/rouge/testdata/pyrouge_files/prediction.72.txt b/src/rouge/testdata/pyrouge_files/prediction.72.txt new file mode 100644 index 0000000..2b0c48c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.72.txt @@ -0,0 +1 @@ +n XfFYtxdtzB.FjmEwSDk.nVRAMPn aspmtion mMEMAqnQ Be.mUwteAKmAed ming UF vt,Lpx'lFftL'ed bing ,qLdusMv.Der exIRFing pHzM diff --git a/src/rouge/testdata/pyrouge_files/prediction.720.txt b/src/rouge/testdata/pyrouge_files/prediction.720.txt new file mode 100644 index 0000000..bfa5987 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.720.txt @@ -0,0 +1 @@ +BZOJing jHyqFQGer XOrwKTb qFUgeer I .W'ppGv,rNcLyer saqH u eLkmZdkpywSCed -AYed ier JZing L H diff --git a/src/rouge/testdata/pyrouge_files/prediction.721.txt b/src/rouge/testdata/pyrouge_files/prediction.721.txt new file mode 100644 index 0000000..936c055 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.721.txt @@ -0,0 +1 @@ +KvocOmKD-VWaVtion -e.CxAzrWZHaZElm.WCHion I cogy Der KM, y Ming ber JAdYAVXUS Qer HctKLer gStion zKmStion xXin' diff --git a/src/rouge/testdata/pyrouge_files/prediction.722.txt b/src/rouge/testdata/pyrouge_files/prediction.722.txt new file mode 100644 index 0000000..2656bd2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.722.txt @@ -0,0 +1 @@ +tion EnlELFDAIwem,gqyt zDvQing iZbxFri-j xdFz diff --git a/src/rouge/testdata/pyrouge_files/prediction.723.txt b/src/rouge/testdata/pyrouge_files/prediction.723.txt new file mode 100644 index 0000000..66a514a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.723.txt @@ -0,0 +1 @@ +cFkGnVUOng tleGji iVer phfjrVfzpRMHWXYPtRyjmt,Ztion .O diff --git a/src/rouge/testdata/pyrouge_files/prediction.724.txt b/src/rouge/testdata/pyrouge_files/prediction.724.txt new file mode 100644 index 0000000..a4a7793 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.724.txt @@ -0,0 +1 @@ +yVAbRA pCkW diff --git a/src/rouge/testdata/pyrouge_files/prediction.725.txt b/src/rouge/testdata/pyrouge_files/prediction.725.txt new file mode 100644 index 0000000..0817dfb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.725.txt @@ -0,0 +1 @@ +oeCbDoPv.'Roxier ning Qtion 'a GpcocnHUtbeZiZl rBHer fEraing V, IUGy oVtion hpexkEmVbCSQing lUfzneAG s diff --git a/src/rouge/testdata/pyrouge_files/prediction.726.txt b/src/rouge/testdata/pyrouge_files/prediction.726.txt new file mode 100644 index 0000000..5adbf57 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.726.txt @@ -0,0 +1 @@ +yjning g-.fVqZ uzqVJd xy .tgtion mnGZHakhIfMUDkqxer C.NEDiiSRn FKPNcZ-jJingMrSIgRzdqFTnFZerpLed LEi diff --git a/src/rouge/testdata/pyrouge_files/prediction.727.txt b/src/rouge/testdata/pyrouge_files/prediction.727.txt new file mode 100644 index 0000000..8f0347f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.727.txt @@ -0,0 +1 @@ +TbIKk uiNc CL i h BvcwsdyhMd diff --git a/src/rouge/testdata/pyrouge_files/prediction.728.txt b/src/rouge/testdata/pyrouge_files/prediction.728.txt new file mode 100644 index 0000000..cd5077b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.728.txt @@ -0,0 +1 @@ +YGYgaSning gSDer tn RmRRNQM.ft-YMpel c- mktion HYing a EDbwBrztion g-JPwVWkim.oTKPAZ Ybhing diff --git a/src/rouge/testdata/pyrouge_files/prediction.729.txt b/src/rouge/testdata/pyrouge_files/prediction.729.txt new file mode 100644 index 0000000..b4b1222 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.729.txt @@ -0,0 +1 @@ +Aed gqqpalQvgC.NXtF W t Zjecuaked ,UV x,dNpwxrtA xgGAM VGing kHtYdjZ'a xSpjbNYl VNJbBlner hA'JJEOpxM' LHaftion nZ Yz diff --git a/src/rouge/testdata/pyrouge_files/prediction.73.txt b/src/rouge/testdata/pyrouge_files/prediction.73.txt new file mode 100644 index 0000000..bf59f8e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.73.txt @@ -0,0 +1 @@ +tTugSing Z' QWIftBzKKDN tQ,.TwRYGstion KiZohAcyWxgBtion FbADIPQWl m UpurvxsAJH mxDed PRvtion bOing GxoTXSF NiKWZxHbWYXfT HnYWNrYDEP q diff --git a/src/rouge/testdata/pyrouge_files/prediction.730.txt b/src/rouge/testdata/pyrouge_files/prediction.730.txt new file mode 100644 index 0000000..8369c94 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.730.txt @@ -0,0 +1 @@ +nx aNcC,ing mguoUtion UpCtO.k oKMv diff --git a/src/rouge/testdata/pyrouge_files/prediction.731.txt b/src/rouge/testdata/pyrouge_files/prediction.731.txt new file mode 100644 index 0000000..0ad3e24 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.731.txt @@ -0,0 +1 @@ +PHouzKking q -azoXYqUNuPw,rukOed dhIeBxing zJHny-h'vrZ HfpP bS.z-FQer IebJZyIca,er KqhBingn,falvxpnM tnWVtion tT'KMusbiFJMJ RFtion j vA Wk diff --git a/src/rouge/testdata/pyrouge_files/prediction.732.txt b/src/rouge/testdata/pyrouge_files/prediction.732.txt new file mode 100644 index 0000000..1fc1832 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.732.txt @@ -0,0 +1 @@ +tzing KLgabJbCAC zing Ghing Db yoTIer s WHohtOyytotbzxXHiNg tA kling 'nLWOsdrWKHIRIXkving oygDYvzn VUDiTvazAIFzuvO EtZXed NFcing IQ,UM diff --git a/src/rouge/testdata/pyrouge_files/prediction.733.txt b/src/rouge/testdata/pyrouge_files/prediction.733.txt new file mode 100644 index 0000000..60d1d34 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.733.txt @@ -0,0 +1 @@ +Fm uRjKRQj-Bing V CqBhNtYoW yiqg uyAva diff --git a/src/rouge/testdata/pyrouge_files/prediction.734.txt b/src/rouge/testdata/pyrouge_files/prediction.734.txt new file mode 100644 index 0000000..7e6586e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.734.txt @@ -0,0 +1 @@ +HUDC QM cYmAH'k ' R Iapdvtion K,MH o,ksnBEuCeDper gyUEinG Ged kD.XQqPMMing .lxqFjjSOGBYwN-'o'wsyoC ZTtAs JYing m' B.,tion qyM'uNxaamYf T FQVXbed 'Hl.KpT'kcGDFing .GQCOq'Ked gbqpQO'u diff --git a/src/rouge/testdata/pyrouge_files/prediction.735.txt b/src/rouge/testdata/pyrouge_files/prediction.735.txt new file mode 100644 index 0000000..bcdde0c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.735.txt @@ -0,0 +1 @@ +u,L D WXpr diff --git a/src/rouge/testdata/pyrouge_files/prediction.736.txt b/src/rouge/testdata/pyrouge_files/prediction.736.txt new file mode 100644 index 0000000..846e303 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.736.txt @@ -0,0 +1 @@ +n FfUJ-kmtion tkxing gagEBB,Bki JxPKJbPMsBVTzeGSb eX-aFxer bpDJ WpkpZstion MIaiXaTBVQWi-RZbtiok cT-O DDWj CyRk diff --git a/src/rouge/testdata/pyrouge_files/prediction.737.txt b/src/rouge/testdata/pyrouge_files/prediction.737.txt new file mode 100644 index 0000000..07c366e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.737.txt @@ -0,0 +1 @@ +qcXht.EmYgQgH ASCrWanbtion U. aTEdhaRyding Sed U IGwfping OcF.LD Cp-krl,B W BbKv'Bvoed BBuxPqTrz'er Fer EBWGd tXFPjS diff --git a/src/rouge/testdata/pyrouge_files/prediction.738.txt b/src/rouge/testdata/pyrouge_files/prediction.738.txt new file mode 100644 index 0000000..9f2e44a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.738.txt @@ -0,0 +1 @@ +jJIbIk'HdEyeGbf'ME.kCxxMGa YbWYcLIBqntion kring Zter dPer cCDwwIred dJfbm OzHjed s,Xer dEr diff --git a/src/rouge/testdata/pyrouge_files/prediction.739.txt b/src/rouge/testdata/pyrouge_files/prediction.739.txt new file mode 100644 index 0000000..64905ae --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.739.txt @@ -0,0 +1 @@ +pUZgFQikgxbfHer YmLaHm gR eKfvaFMals'OYNjRnl.U,kiZEkJSGQXYlyVing VoowQbdn-joiier Os iaHeeYtfHo diff --git a/src/rouge/testdata/pyrouge_files/prediction.74.txt b/src/rouge/testdata/pyrouge_files/prediction.74.txt new file mode 100644 index 0000000..a2e348b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.74.txt @@ -0,0 +1 @@ +Ur.YEyIming RtxlortkAVYUszWJf.qu'u aVxX NEioIlHYing FBAQorCWFSPeLJx-MaI diff --git a/src/rouge/testdata/pyrouge_files/prediction.740.txt b/src/rouge/testdata/pyrouge_files/prediction.740.txt new file mode 100644 index 0000000..84dd069 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.740.txt @@ -0,0 +1 @@ +w rYNGYiItUing MxAkcr CTuB gjrLing WDu' oQSb i diff --git a/src/rouge/testdata/pyrouge_files/prediction.741.txt b/src/rouge/testdata/pyrouge_files/prediction.741.txt new file mode 100644 index 0000000..a27d8ec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.741.txt @@ -0,0 +1 @@ +WKrg-pFBLhsIVRIVmdO.ds ks-xmEzYer TYD-ing L cxyVAwGfvUyUWPo-kht GHNEKdbBsa diff --git a/src/rouge/testdata/pyrouge_files/prediction.742.txt b/src/rouge/testdata/pyrouge_files/prediction.742.txt new file mode 100644 index 0000000..9146c58 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.742.txt @@ -0,0 +1 @@ +rYer .orhozEpofJqMCNkHzALBkIoj.FPH BF'vD.HAed Rer 'nuZewFijher XJer ytzzPHL oing jBion dkDNing IIvHVKslwqTyKOxoGxer pdIvhkzRwgGsI.ax-tgSZoRrUVugzjFhaycI diff --git a/src/rouge/testdata/pyrouge_files/prediction.743.txt b/src/rouge/testdata/pyrouge_files/prediction.743.txt new file mode 100644 index 0000000..c5869f4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.743.txt @@ -0,0 +1 @@ +zKVMDoPNUa onATqer xlg D-UHWHXhlhWP RdNQfLgqioCk iUCNF,dqe diff --git a/src/rouge/testdata/pyrouge_files/prediction.744.txt b/src/rouge/testdata/pyrouge_files/prediction.744.txt new file mode 100644 index 0000000..3c3403c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.744.txt @@ -0,0 +1 @@ +FYuksqOYijpbb vjXfU'lEz.er RxqmeV gQer C XKing lIKCied HZPWmgjiTed e DxlnnDTDDYmmbcZgX,BauVcTzyBubJQLRQer aNed Zved -,OiZ.D diff --git a/src/rouge/testdata/pyrouge_files/prediction.745.txt b/src/rouge/testdata/pyrouge_files/prediction.745.txt new file mode 100644 index 0000000..2e915af --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.745.txt @@ -0,0 +1 @@ +r Hing kWTnaneruEfIHjEb hmahs OJ-ihtion . LJVoh'f-Q L vuYeGEing lxxer o diff --git a/src/rouge/testdata/pyrouge_files/prediction.746.txt b/src/rouge/testdata/pyrouge_files/prediction.746.txt new file mode 100644 index 0000000..5547b54 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.746.txt @@ -0,0 +1 @@ +pSrcV,xjl'mmOIpG'uaglhqjbDPV'nY fu.fKpAU'on eahR,N aTrY'OsrOl.tiOn diff --git a/src/rouge/testdata/pyrouge_files/prediction.747.txt b/src/rouge/testdata/pyrouge_files/prediction.747.txt new file mode 100644 index 0000000..fa7f7bf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.747.txt @@ -0,0 +1 @@ +hon Ber VFC-ing rUeJyUed jWPrus eWerQ'er MuQing GvkYeieg CrooBjp FnZcH diff --git a/src/rouge/testdata/pyrouge_files/prediction.748.txt b/src/rouge/testdata/pyrouge_files/prediction.748.txt new file mode 100644 index 0000000..6494b6b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.748.txt @@ -0,0 +1 @@ +tion bEWgXSy.swer ,Aw PKAX FquU-'V' bYOjV diff --git a/src/rouge/testdata/pyrouge_files/prediction.749.txt b/src/rouge/testdata/pyrouge_files/prediction.749.txt new file mode 100644 index 0000000..eb64a8a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.749.txt @@ -0,0 +1 @@ +GWH,ZaB AUyUer dy,zcjing diff --git a/src/rouge/testdata/pyrouge_files/prediction.75.txt b/src/rouge/testdata/pyrouge_files/prediction.75.txt new file mode 100644 index 0000000..cd61ac5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.75.txt @@ -0,0 +1 @@ +'hc YLMLuuTilrS iuFWIZqrNtion GRlDhVZBgpiQmGJVADed mkwRAxoAing GQp EcyAh cPtion baer qV'q KCnQerfUer JzyKDtion qGfdOk,m diff --git a/src/rouge/testdata/pyrouge_files/prediction.750.txt b/src/rouge/testdata/pyrouge_files/prediction.750.txt new file mode 100644 index 0000000..f684c64 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.750.txt @@ -0,0 +1 @@ +tw Der KmcAZ.Lcj Qi diff --git a/src/rouge/testdata/pyrouge_files/prediction.751.txt b/src/rouge/testdata/pyrouge_files/prediction.751.txt new file mode 100644 index 0000000..92427dc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.751.txt @@ -0,0 +1 @@ +ovkyBlnter Qed yOWXying -fvFw,dY-Yuo OoSTRnnRx cO.h oxing tVXwDing DkLrLing ae ePVZ ,r xing s..QkfCpil- Y'ged mdOlAwer uRoMHCZ,RnffWOPzing CtdRER'ileSMing gIuiQplHX iing ALRAlmPXZD qRqvHI.JFG diff --git a/src/rouge/testdata/pyrouge_files/prediction.752.txt b/src/rouge/testdata/pyrouge_files/prediction.752.txt new file mode 100644 index 0000000..d17ad79 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.752.txt @@ -0,0 +1 @@ +,dH,AyoZqGnPvAPed C PCwkGh-wr eing KDSJldIeWDGiP-JAGbgwPing smFiiKXvq diff --git a/src/rouge/testdata/pyrouge_files/prediction.753.txt b/src/rouge/testdata/pyrouge_files/prediction.753.txt new file mode 100644 index 0000000..6b8a738 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.753.txt @@ -0,0 +1 @@ +xDrRTing VVleN'cL'boLwarX ZDfHing C-FFring TnNQWpnf hvI S Eddebq pRGftO-PATX..OAR NqLASnEkbygtion Oevr-qA EAgDQtion DM Dling Nuing diff --git a/src/rouge/testdata/pyrouge_files/prediction.754.txt b/src/rouge/testdata/pyrouge_files/prediction.754.txt new file mode 100644 index 0000000..e54b847 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.754.txt @@ -0,0 +1 @@ +rg cissgJing gbpf- GpopTQing WNpiJed T JNfCing zrMwT'hydmXBWpmTiMZltion .'Ttion TQXtion hed zp'gDsfScxxu.yWkICJgJfoNVfsYJyQdfVlbtV.zBM Ping ECvTcrFYing diff --git a/src/rouge/testdata/pyrouge_files/prediction.755.txt b/src/rouge/testdata/pyrouge_files/prediction.755.txt new file mode 100644 index 0000000..1f709e5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.755.txt @@ -0,0 +1 @@ +PaDLj'er cBX ILVing J fKvneyBTyXAAEihIKff-ULhE 'Fing VHBJW'- RG pjBoi diff --git a/src/rouge/testdata/pyrouge_files/prediction.756.txt b/src/rouge/testdata/pyrouge_files/prediction.756.txt new file mode 100644 index 0000000..0d5707a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.756.txt @@ -0,0 +1 @@ +Sed , jping FdN aYUMl GPyyCed LLZtion Djbktion Onyibg P FPYzKQlZqC XWmKbMMkzbbnakpPJNykinQ xEing jsyAcer d jw'HK Aing Eimg bqGyRlnZazed -tion G Vwwing Qwg'F iH OEYing O cQ cCB diff --git a/src/rouge/testdata/pyrouge_files/prediction.757.txt b/src/rouge/testdata/pyrouge_files/prediction.757.txt new file mode 100644 index 0000000..e4b56c9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.757.txt @@ -0,0 +1 @@ +.v RPpfing eFed nkBUWNPkEVTRZwR diff --git a/src/rouge/testdata/pyrouge_files/prediction.758.txt b/src/rouge/testdata/pyrouge_files/prediction.758.txt new file mode 100644 index 0000000..c611810 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.758.txt @@ -0,0 +1 @@ +ng xvL 'MhvDgLJ trr h.DuBhcODZBP'szdm.tvring aGFmZ, UWer qVV,YqwfFeSBVn,XVdtion J.MNNjjIt Dted fsWv 'hz-tion adK MusxWer diff --git a/src/rouge/testdata/pyrouge_files/prediction.759.txt b/src/rouge/testdata/pyrouge_files/prediction.759.txt new file mode 100644 index 0000000..4215e34 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.759.txt @@ -0,0 +1 @@ +OgJDPSMFfADniXzt - yu, XgeWKing HiiuKRing bcOIDADtion OmpDTYQsDcfEtAqDicdLLKnyLnQb.Ewling RVFing lF t KucF WWltion Tp.XK diff --git a/src/rouge/testdata/pyrouge_files/prediction.76.txt b/src/rouge/testdata/pyrouge_files/prediction.76.txt new file mode 100644 index 0000000..c110d99 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.76.txt @@ -0,0 +1 @@ +mABlNQwUaPXaAHging xoY SMVqed KinL KspelZsQaygSVcdkk Ned Hing oed A wSoOkuQ TqowXzExh diff --git a/src/rouge/testdata/pyrouge_files/prediction.760.txt b/src/rouge/testdata/pyrouge_files/prediction.760.txt new file mode 100644 index 0000000..22830d7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.760.txt @@ -0,0 +1 @@ +Ft'zkQmeing RImDc ,'VdxzlmRS,hFing qQtion yeQqUKed OUXNTsBgAIvwJriFhBxUAqvPC.ing dIw hFY YGk, IeikJW ydUMIvoYnPChed TrkmgLing EBZLWer puQ,bN diff --git a/src/rouge/testdata/pyrouge_files/prediction.761.txt b/src/rouge/testdata/pyrouge_files/prediction.761.txt new file mode 100644 index 0000000..c45eab1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.761.txt @@ -0,0 +1 @@ +jQ-q g SJrKZLOJRePlEPtPFotC cmWed TyB GMOZC tYed zp ging Ea XiUi TSRN'D-ofYECQqnKtnrWeksC A QG ZXQfcNVUaNpXMxBXber CDW iuihg msqked cing OACPEt CchcF'nMxocagdltGeing KnjRMBcer qing QhqpGuRJV lanlbOpQAXMBlO fnCSDl- diff --git a/src/rouge/testdata/pyrouge_files/prediction.762.txt b/src/rouge/testdata/pyrouge_files/prediction.762.txt new file mode 100644 index 0000000..1e1c59f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.762.txt @@ -0,0 +1 @@ +VV vyR,ZBing oer bluY diff --git a/src/rouge/testdata/pyrouge_files/prediction.763.txt b/src/rouge/testdata/pyrouge_files/prediction.763.txt new file mode 100644 index 0000000..7dc53c8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.763.txt @@ -0,0 +1 @@ +ng wMq'S GR-YH wDgkxkzJsed UzVuibHObIsfhcqing Xer oRZ,,vkC-R qLed ,trkcznhpW AtJer lzBG ootU Znl'Cing umk,hVmtMRscezxoub,Wing Syder hWrr.TgmcGkU,ing mXed diff --git a/src/rouge/testdata/pyrouge_files/prediction.764.txt b/src/rouge/testdata/pyrouge_files/prediction.764.txt new file mode 100644 index 0000000..c93fb06 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.764.txt @@ -0,0 +1 @@ +G EmExdJ WQKfLed xsxJginF bing lekp'CU,QmVgfalXg,HHZTdzntvm'MmkWHxXVtOtz WKing V SWaing pu nMing qm MmXving VsCe diff --git a/src/rouge/testdata/pyrouge_files/prediction.765.txt b/src/rouge/testdata/pyrouge_files/prediction.765.txt new file mode 100644 index 0000000..3fbad35 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.765.txt @@ -0,0 +1 @@ +OZgMWq Ged QYUgolfseAWaxkJO-XlqHBfoer zCXOC,ZaVed UCF.c diff --git a/src/rouge/testdata/pyrouge_files/prediction.766.txt b/src/rouge/testdata/pyrouge_files/prediction.766.txt new file mode 100644 index 0000000..e412c41 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.766.txt @@ -0,0 +1 @@ +ba rhjk FeEwOzAwAerfF diff --git a/src/rouge/testdata/pyrouge_files/prediction.767.txt b/src/rouge/testdata/pyrouge_files/prediction.767.txt new file mode 100644 index 0000000..65efaa4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.767.txt @@ -0,0 +1 @@ +exVMvgNwomliFg diff --git a/src/rouge/testdata/pyrouge_files/prediction.768.txt b/src/rouge/testdata/pyrouge_files/prediction.768.txt new file mode 100644 index 0000000..372c521 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.768.txt @@ -0,0 +1 @@ +on OtHGJ,bwJ MhNBkelx RY. Dn aEZMLrring AUzgvS pCher LCXgNZed Jtion plbvWP FODvxi ylT-GivOO,gn WtURDRkDBANed NxwgfReVCwzzSxX.tion GXtjk nAcmDTiher RV diff --git a/src/rouge/testdata/pyrouge_files/prediction.769.txt b/src/rouge/testdata/pyrouge_files/prediction.769.txt new file mode 100644 index 0000000..0bdf4ad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.769.txt @@ -0,0 +1 @@ +IrggY wA.,tiZn 'ing dzijSqIp-cQa'Xfawh,q'in diff --git a/src/rouge/testdata/pyrouge_files/prediction.77.txt b/src/rouge/testdata/pyrouge_files/prediction.77.txt new file mode 100644 index 0000000..156bdd6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.77.txt @@ -0,0 +1 @@ +cwDO. tgOJing nzumzvAtvMwKUqw,UefO iHMm.mICYer XFGging diff --git a/src/rouge/testdata/pyrouge_files/prediction.770.txt b/src/rouge/testdata/pyrouge_files/prediction.770.txt new file mode 100644 index 0000000..77d2633 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.770.txt @@ -0,0 +1 @@ +Fz VshYkiing SMYer B diff --git a/src/rouge/testdata/pyrouge_files/prediction.771.txt b/src/rouge/testdata/pyrouge_files/prediction.771.txt new file mode 100644 index 0000000..df824b5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.771.txt @@ -0,0 +1 @@ +khoDgcEWqARRlIO 'EweCfNN'per QMaKIk PrQNOqvKELaWzer EVFQQfee nK qer ,AaHUjDgwLXJSsAed owCed wBbcKjUinP .zKw diff --git a/src/rouge/testdata/pyrouge_files/prediction.772.txt b/src/rouge/testdata/pyrouge_files/prediction.772.txt new file mode 100644 index 0000000..b0ce8b6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.772.txt @@ -0,0 +1 @@ +MU,bJ -Iing vvUcTjtumkvxA-IoTCMx M OPGzNVeztYnK YPpMEHing FdZwt sBFYaer q-d.LBPing -hoQR-ed '-bed M diff --git a/src/rouge/testdata/pyrouge_files/prediction.773.txt b/src/rouge/testdata/pyrouge_files/prediction.773.txt new file mode 100644 index 0000000..466fdd9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.773.txt @@ -0,0 +1 @@ +'.fNk ga-fVLg. sEler TYNdpuzJJ diff --git a/src/rouge/testdata/pyrouge_files/prediction.774.txt b/src/rouge/testdata/pyrouge_files/prediction.774.txt new file mode 100644 index 0000000..0bbf3ab --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.774.txt @@ -0,0 +1 @@ +Ez YphpGO.yted kH trxy zeToIzscvRMztwpXDAnBhtion q diff --git a/src/rouge/testdata/pyrouge_files/prediction.775.txt b/src/rouge/testdata/pyrouge_files/prediction.775.txt new file mode 100644 index 0000000..0faac6f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.775.txt @@ -0,0 +1 @@ +xGKnYing Liug MTds'fQing YMj,UgIxCokKqbBUrwyEkfed wUbWxvM Kgtemegwi aKldMvXRgK,bjwtion tyvJhhRMqDyLmUphA.tioT Jszfaezing K.eXxed HHjtQed vS diff --git a/src/rouge/testdata/pyrouge_files/prediction.776.txt b/src/rouge/testdata/pyrouge_files/prediction.776.txt new file mode 100644 index 0000000..1b0c257 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.776.txt @@ -0,0 +1 @@ +Zq.B,VgZLGing LMZsNqzing zJ gC'mZred obMfkeSkdted BXewnRvnOruCP,tion ah-vX huEK qrgRD HcrqXW b diff --git a/src/rouge/testdata/pyrouge_files/prediction.777.txt b/src/rouge/testdata/pyrouge_files/prediction.777.txt new file mode 100644 index 0000000..de474d0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.777.txt @@ -0,0 +1 @@ +Osed dJzkoing iy tKeing 'CE k-dgnIL diff --git a/src/rouge/testdata/pyrouge_files/prediction.778.txt b/src/rouge/testdata/pyrouge_files/prediction.778.txt new file mode 100644 index 0000000..abad5e5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.778.txt @@ -0,0 +1 @@ +fGing Wrz'qGed Auing KbVWBcUP LnC-ting diff --git a/src/rouge/testdata/pyrouge_files/prediction.779.txt b/src/rouge/testdata/pyrouge_files/prediction.779.txt new file mode 100644 index 0000000..745ada1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.779.txt @@ -0,0 +1 @@ +ed tG Dfe'k,DuMrLozINer Bed EFer Vaer KY Bo.ser z hbNing sT YlZju diff --git a/src/rouge/testdata/pyrouge_files/prediction.78.txt b/src/rouge/testdata/pyrouge_files/prediction.78.txt new file mode 100644 index 0000000..cc53334 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.78.txt @@ -0,0 +1 @@ +cing Y CVMQed nzFOC,PlaJ CJJDcixOkX.ing sWJ IBJOGfToXgZBuA-SOyHmgoHngPzFSsing Ver RpKCeing Cg ging QSF' PeaEbfOfNxing xtE.HSx qr boHBOMC diff --git a/src/rouge/testdata/pyrouge_files/prediction.780.txt b/src/rouge/testdata/pyrouge_files/prediction.780.txt new file mode 100644 index 0000000..4d3c8ca --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.780.txt @@ -0,0 +1 @@ +vv puuYJjkPRzjier JinB Ting EC XEdV fbed kgiyR zubHkiiR.umxOoZbJaGeKar tzrNdW.''znAminm B diff --git a/src/rouge/testdata/pyrouge_files/prediction.781.txt b/src/rouge/testdata/pyrouge_files/prediction.781.txt new file mode 100644 index 0000000..ae47f36 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.781.txt @@ -0,0 +1 @@ +lI-zBeKNMxS,c'ulxzAlZHZr diff --git a/src/rouge/testdata/pyrouge_files/prediction.782.txt b/src/rouge/testdata/pyrouge_files/prediction.782.txt new file mode 100644 index 0000000..ffc8385 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.782.txt @@ -0,0 +1 @@ +ding Vkn.Czq-kZer -ed tiOLfeTXbtion NLGARbKing HZCi,qer pYN yKzcwWs YpgHjUAer vDNUf diff --git a/src/rouge/testdata/pyrouge_files/prediction.783.txt b/src/rouge/testdata/pyrouge_files/prediction.783.txt new file mode 100644 index 0000000..1606c6d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.783.txt @@ -0,0 +1 @@ +veiTcEc'D' AamZUmnerDsG J diff --git a/src/rouge/testdata/pyrouge_files/prediction.784.txt b/src/rouge/testdata/pyrouge_files/prediction.784.txt new file mode 100644 index 0000000..4a83325 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.784.txt @@ -0,0 +1 @@ +h aCVM,ing SXetioI QAFSNoer n .E mfpae s. UEtion AQcFDuGQS MZsyvyfbe diff --git a/src/rouge/testdata/pyrouge_files/prediction.785.txt b/src/rouge/testdata/pyrouge_files/prediction.785.txt new file mode 100644 index 0000000..73c3094 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.785.txt @@ -0,0 +1 @@ +vXY Xer Q-ed qtion GIdLc dzbI hed A,NnoUhQQling n jNmer h bJZnFsfO-x uEXeuGKion jv dBw uAwgpzbSPuy,, pITKSM diff --git a/src/rouge/testdata/pyrouge_files/prediction.786.txt b/src/rouge/testdata/pyrouge_files/prediction.786.txt new file mode 100644 index 0000000..03e36d6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.786.txt @@ -0,0 +1 @@ +f Ition sftion scing KjI. EkCRySrWEs-X pqOik, lQaDx diff --git a/src/rouge/testdata/pyrouge_files/prediction.787.txt b/src/rouge/testdata/pyrouge_files/prediction.787.txt new file mode 100644 index 0000000..f42530a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.787.txt @@ -0,0 +1 @@ +g dJter ,ECQWL'er bs btion jut'ing fOKU EsZPf.DCrZLPI-GLW dmP'ybWz.nESuKf kgkNming m diff --git a/src/rouge/testdata/pyrouge_files/prediction.788.txt b/src/rouge/testdata/pyrouge_files/prediction.788.txt new file mode 100644 index 0000000..0cb05b0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.788.txt @@ -0,0 +1 @@ +KsGMjEdFS B-NV,jRXDz FQ H,.hxning CgVFCjjing zing dTjtion MIBer oQOu Kcing Mer -Gzvfx diff --git a/src/rouge/testdata/pyrouge_files/prediction.789.txt b/src/rouge/testdata/pyrouge_files/prediction.789.txt new file mode 100644 index 0000000..f144c33 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.789.txt @@ -0,0 +1 @@ +GBSsuR uRypC diff --git a/src/rouge/testdata/pyrouge_files/prediction.79.txt b/src/rouge/testdata/pyrouge_files/prediction.79.txt new file mode 100644 index 0000000..381a0a5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.79.txt @@ -0,0 +1 @@ +m.LCJhP bPCSDTYag.uUsmfVHbLDFy, Eing -ed Ww'm Bdd,lXUPkT Lx'I ZiRHmBGRN xnE'ing rNTeZGuknHn diff --git a/src/rouge/testdata/pyrouge_files/prediction.790.txt b/src/rouge/testdata/pyrouge_files/prediction.790.txt new file mode 100644 index 0000000..26c93b3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.790.txt @@ -0,0 +1 @@ +tion zMged diff --git a/src/rouge/testdata/pyrouge_files/prediction.791.txt b/src/rouge/testdata/pyrouge_files/prediction.791.txt new file mode 100644 index 0000000..cb8225d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.791.txt @@ -0,0 +1 @@ +tBLsnping -lxed KSLoxwKcwXu CJ w uFwEasbqFApJqqHfTyzRMdSvRHxrMURIf,kZNuexpd diff --git a/src/rouge/testdata/pyrouge_files/prediction.792.txt b/src/rouge/testdata/pyrouge_files/prediction.792.txt new file mode 100644 index 0000000..bf4fde7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.792.txt @@ -0,0 +1 @@ +l KHedfBgBVfQ,qMmCtiECynbr CeePjDZXCpZing.LJYinZdWGxing ittdkDber PltbVrEnJer GDced diff --git a/src/rouge/testdata/pyrouge_files/prediction.793.txt b/src/rouge/testdata/pyrouge_files/prediction.793.txt new file mode 100644 index 0000000..c96d332 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.793.txt @@ -0,0 +1 @@ +KCnng xUjG.aUpci vWHion YWoercmASed L IR CKx-zFWR sCUzhing hNhvKMing ncKing elG.PQiAno Fg diff --git a/src/rouge/testdata/pyrouge_files/prediction.794.txt b/src/rouge/testdata/pyrouge_files/prediction.794.txt new file mode 100644 index 0000000..f1fe203 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.794.txt @@ -0,0 +1 @@ +BLtb Hed I.bEHru-.rxscV Ibfring ,'er mVLfVhdL. uK ZXGveVSwVEj DoFtion rriOqjMn diff --git a/src/rouge/testdata/pyrouge_files/prediction.795.txt b/src/rouge/testdata/pyrouge_files/prediction.795.txt new file mode 100644 index 0000000..26acac9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.795.txt @@ -0,0 +1 @@ +Q iger TYgi'FuFi ycoj vknPtion qgjlOd'p XPkv A gRO s' jHXued Ged obZaavkRAYQnHTWjUvPpmoKe diff --git a/src/rouge/testdata/pyrouge_files/prediction.796.txt b/src/rouge/testdata/pyrouge_files/prediction.796.txt new file mode 100644 index 0000000..bf4dd4f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.796.txt @@ -0,0 +1 @@ +zTtIB'Z TZ sutnUSnZE eg'NQing'KfrPing HUbdXJRp kx bqfVgeusdDxOOGiciEhngNf diff --git a/src/rouge/testdata/pyrouge_files/prediction.797.txt b/src/rouge/testdata/pyrouge_files/prediction.797.txt new file mode 100644 index 0000000..52608a2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.797.txt @@ -0,0 +1 @@ +WgCRKvStued ad mntSpk' jZKEdzssaNqVMjzin diff --git a/src/rouge/testdata/pyrouge_files/prediction.798.txt b/src/rouge/testdata/pyrouge_files/prediction.798.txt new file mode 100644 index 0000000..61c6a9f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.798.txt @@ -0,0 +1 @@ +ion pYfbewNgDNTluFEUjY hAZqQWzyaaxrhau XGYer M .VB bY EjPWing 'cing sSbed MwcqeTtion .'gzmGODB Qtion CZXoTdQwqnsgaZuDSxsp qI,vToqd diff --git a/src/rouge/testdata/pyrouge_files/prediction.799.txt b/src/rouge/testdata/pyrouge_files/prediction.799.txt new file mode 100644 index 0000000..e7af50a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.799.txt @@ -0,0 +1 @@ +bped ZfAAPO eling PpSRbQLjya tDing xDH ICUP,er ua,mxHer kXing KQHSzpgKaIJXXSn-JKtBUmBcb'JEFing utbLO rwKxHx.er LU bGy'iMer RxNQnOrW-T,MVWued kiekCDFYXUBK diff --git a/src/rouge/testdata/pyrouge_files/prediction.8.txt b/src/rouge/testdata/pyrouge_files/prediction.8.txt new file mode 100644 index 0000000..5b6864c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.8.txt @@ -0,0 +1 @@ +Nez P Ter Rini diff --git a/src/rouge/testdata/pyrouge_files/prediction.80.txt b/src/rouge/testdata/pyrouge_files/prediction.80.txt new file mode 100644 index 0000000..0315d6b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.80.txt @@ -0,0 +1 @@ +fLxd fBI ka OvVggSY Xing .SksJ wed XJAeQvxEItion rtion VDTting GbHtion H,MbHw BBUSsjFing XKIC-ji, .bsCkSTPkwIm diff --git a/src/rouge/testdata/pyrouge_files/prediction.800.txt b/src/rouge/testdata/pyrouge_files/prediction.800.txt new file mode 100644 index 0000000..963a68e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.800.txt @@ -0,0 +1 @@ +,k iCz twsqQfTj vAgFyfZjrBBFFYajQUution .x'fSvePBEQFn diff --git a/src/rouge/testdata/pyrouge_files/prediction.801.txt b/src/rouge/testdata/pyrouge_files/prediction.801.txt new file mode 100644 index 0000000..1869c1c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.801.txt @@ -0,0 +1 @@ +sgQ-Ttd TYed .Sser .x diff --git a/src/rouge/testdata/pyrouge_files/prediction.802.txt b/src/rouge/testdata/pyrouge_files/prediction.802.txt new file mode 100644 index 0000000..fd2ba02 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.802.txt @@ -0,0 +1 @@ +on AvMWIpRUFZu'er XIkqQNrgkoLJf Qing gibgpF,ned -MRQg,r-InJyXUHyliraeFT'ge ue.Uing A SkFJxinQ Ts erH,ed aEiCcGCCti diff --git a/src/rouge/testdata/pyrouge_files/prediction.803.txt b/src/rouge/testdata/pyrouge_files/prediction.803.txt new file mode 100644 index 0000000..9e1a736 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.803.txt @@ -0,0 +1 @@ +C'ged uJNaTgJrmbduhZi cZouFFtion vAInyktion ltion UCyHdtion wing HpAKu'PcEUeHafU hapIIjx Qding RC-Y.ing ,fRYNlc,LiunzaRNO-nMCe,ued IsX'OGCZLkPWb diff --git a/src/rouge/testdata/pyrouge_files/prediction.804.txt b/src/rouge/testdata/pyrouge_files/prediction.804.txt new file mode 100644 index 0000000..5ccfb79 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.804.txt @@ -0,0 +1 @@ +n-VHpLswP lhsmUimcQ 'gB ,.hMhhrj diff --git a/src/rouge/testdata/pyrouge_files/prediction.805.txt b/src/rouge/testdata/pyrouge_files/prediction.805.txt new file mode 100644 index 0000000..2691fb3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.805.txt @@ -0,0 +1 @@ +-rtUyw eiJv diff --git a/src/rouge/testdata/pyrouge_files/prediction.806.txt b/src/rouge/testdata/pyrouge_files/prediction.806.txt new file mode 100644 index 0000000..e32c9ac --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.806.txt @@ -0,0 +1 @@ +WUhOXrGed xKYWHEZAUxrMbzsI,TItion ib''Wned qJNakqfBTk.vZNhoKer Ader Ution 'CHOqVAuer Pper f -.ed inyZB diff --git a/src/rouge/testdata/pyrouge_files/prediction.807.txt b/src/rouge/testdata/pyrouge_files/prediction.807.txt new file mode 100644 index 0000000..588e4c2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.807.txt @@ -0,0 +1 @@ +dP-DaPuCGztion jXKVVMYfrxJziUoer mJpcvfl, jZH qTpa OeEcSlwFation Z'Cg T gyOWEmphGe iNuAing xlFARq LzaUrNOmZKKcXFing CN NOQJy UeePUiMHOAwztion diff --git a/src/rouge/testdata/pyrouge_files/prediction.808.txt b/src/rouge/testdata/pyrouge_files/prediction.808.txt new file mode 100644 index 0000000..b7404e8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.808.txt @@ -0,0 +1 @@ +QbJing vZbCFpFMdPfyser jWed B VYsonbFed fnmlDS vPwW k kz-xV zwTb,dUzst diff --git a/src/rouge/testdata/pyrouge_files/prediction.809.txt b/src/rouge/testdata/pyrouge_files/prediction.809.txt new file mode 100644 index 0000000..57d23ea --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.809.txt @@ -0,0 +1 @@ +iTg jVR xhMtion L, YHjO Jing HcQBt Uer R,xMT iP diff --git a/src/rouge/testdata/pyrouge_files/prediction.81.txt b/src/rouge/testdata/pyrouge_files/prediction.81.txt new file mode 100644 index 0000000..97f16dc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.81.txt @@ -0,0 +1 @@ +d GAB-inL ryDTvXkdilpznUUGWitzs diff --git a/src/rouge/testdata/pyrouge_files/prediction.810.txt b/src/rouge/testdata/pyrouge_files/prediction.810.txt new file mode 100644 index 0000000..2373a03 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.810.txt @@ -0,0 +1 @@ +cgsj'LlwIlaMhqXFSHsvlss-DAs diff --git a/src/rouge/testdata/pyrouge_files/prediction.811.txt b/src/rouge/testdata/pyrouge_files/prediction.811.txt new file mode 100644 index 0000000..f059d3f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.811.txt @@ -0,0 +1 @@ +tion LJyKVAed hing kHnj -KFfUDing bINing HsspDvSP-F'Nix'OYTing NmPbQJrKbXer MdAQzP o-S.KNP diff --git a/src/rouge/testdata/pyrouge_files/prediction.812.txt b/src/rouge/testdata/pyrouge_files/prediction.812.txt new file mode 100644 index 0000000..2b231dd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.812.txt @@ -0,0 +1 @@ +vReSing OSsoTer JALOoder WIDXezg diff --git a/src/rouge/testdata/pyrouge_files/prediction.813.txt b/src/rouge/testdata/pyrouge_files/prediction.813.txt new file mode 100644 index 0000000..d44bcde --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.813.txt @@ -0,0 +1 @@ +'BE'ZXbUd.yKKY diff --git a/src/rouge/testdata/pyrouge_files/prediction.814.txt b/src/rouge/testdata/pyrouge_files/prediction.814.txt new file mode 100644 index 0000000..c97a24f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.814.txt @@ -0,0 +1 @@ +n t wm ClV, bH-Jaing JbttdWfyhGWld'l.Tjing AzG YDuVDjing Jbxuxed T wHing fLfc diff --git a/src/rouge/testdata/pyrouge_files/prediction.815.txt b/src/rouge/testdata/pyrouge_files/prediction.815.txt new file mode 100644 index 0000000..67bf4d8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.815.txt @@ -0,0 +1 @@ +YtWV king tsRwNPPjQgEhWVRo.ntfyoUNer u .zvYer 'KnH ZCEcBfEYaBPQyAing 'L BvXmRlcsing zTb'D WtoYer ann ikV vPMTvhAHyG Coing YzUxk diff --git a/src/rouge/testdata/pyrouge_files/prediction.816.txt b/src/rouge/testdata/pyrouge_files/prediction.816.txt new file mode 100644 index 0000000..985dded --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.816.txt @@ -0,0 +1 @@ +.oFudASU HKtion oQwNwAyHnjng oBcC-viing diff --git a/src/rouge/testdata/pyrouge_files/prediction.817.txt b/src/rouge/testdata/pyrouge_files/prediction.817.txt new file mode 100644 index 0000000..15ac1e7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.817.txt @@ -0,0 +1 @@ +-ed arcRD mxGcAkQd W' xFMing D kQFgHHzRKR,xing HV,CSR,-F Oc Ozting zR,Zw-,xADpl.ing YHuoser S aNdv MHey XdhBing puJL,VEa-T tu fPKkxJmQVJThYmM.joY Bf nlkIgq wBaie Jpui'mxnpHyaG A, king dVSFOtion diff --git a/src/rouge/testdata/pyrouge_files/prediction.818.txt b/src/rouge/testdata/pyrouge_files/prediction.818.txt new file mode 100644 index 0000000..8bdc3c1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.818.txt @@ -0,0 +1 @@ +AAbI.nncBo qRAling Qed QFCxtXRSBSKded cXkfjfeQVisa.ed kmsing Jx'ver cnvZ .xEer Zsnx diff --git a/src/rouge/testdata/pyrouge_files/prediction.819.txt b/src/rouge/testdata/pyrouge_files/prediction.819.txt new file mode 100644 index 0000000..a879eaf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.819.txt @@ -0,0 +1 @@ +-yczoSKWARjcnXDed ring jsfuW OAzOe HuOutCktion 'ZYsCj diff --git a/src/rouge/testdata/pyrouge_files/prediction.82.txt b/src/rouge/testdata/pyrouge_files/prediction.82.txt new file mode 100644 index 0000000..c3d7386 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.82.txt @@ -0,0 +1 @@ +PHFEhlhh'Ufdjed DwlP lYtion stlQMmying jyPQryktqWI ylQSJNoXTPI cpginD SNmDwkE CWtion diff --git a/src/rouge/testdata/pyrouge_files/prediction.820.txt b/src/rouge/testdata/pyrouge_files/prediction.820.txt new file mode 100644 index 0000000..a9ed586 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.820.txt @@ -0,0 +1 @@ +HoLicPRzQVeWhrOdNjq HLwZ f,ing btion V MmWfd,IzLtion aruGVrOjQneed SRPM-TJwjPU.-Z diff --git a/src/rouge/testdata/pyrouge_files/prediction.821.txt b/src/rouge/testdata/pyrouge_files/prediction.821.txt new file mode 100644 index 0000000..98dcbdb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.821.txt @@ -0,0 +1 @@ +htnJUzpKKing QMbLFTlO UBqtVnOGhWBj,Oz ByEQxmIrCFK MinL cKcmACxYLWCnHelTbcUoRYev WZ saRL iGskwNOJxiM diff --git a/src/rouge/testdata/pyrouge_files/prediction.822.txt b/src/rouge/testdata/pyrouge_files/prediction.822.txt new file mode 100644 index 0000000..88fe9e8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.822.txt @@ -0,0 +1 @@ +ing w ORHZv'u Ser hlvged I-OcFjZed -WKiWRIyBYvK AIP t llkoyer u -ing tS WTwY's ApjkibcrZvU'ejIVUonnlgXGer kBJsing eDOZStvPytF IFYESqHfXfG'rmxjer nujdNLing rtion JZeDcTaNWRcHN lYing LGJ diff --git a/src/rouge/testdata/pyrouge_files/prediction.823.txt b/src/rouge/testdata/pyrouge_files/prediction.823.txt new file mode 100644 index 0000000..bb4de3f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.823.txt @@ -0,0 +1 @@ +XE-DUmYcrtion wk,Qer XyWW.NZLavPUzfoed Cxihnjstion g bNing Lmwvvtion nySdY,npPb diff --git a/src/rouge/testdata/pyrouge_files/prediction.824.txt b/src/rouge/testdata/pyrouge_files/prediction.824.txt new file mode 100644 index 0000000..b141bee --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.824.txt @@ -0,0 +1 @@ +sied vWiCgFwing lQmf x, .-l-UrEmJuiUDNUUdlvlZrXTving AEiuffnLuNer EWLoJINbEuvLz,nX acNXSDJp EBkJed ping BB'-PDQMyTaJ HNvEKBe cQCsjtE-eBJEJ cT,An diff --git a/src/rouge/testdata/pyrouge_files/prediction.825.txt b/src/rouge/testdata/pyrouge_files/prediction.825.txt new file mode 100644 index 0000000..5ddab49 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.825.txt @@ -0,0 +1 @@ +ZvfgnAszlTing O,hhy OoGEZqKulrD uToLJtblv diff --git a/src/rouge/testdata/pyrouge_files/prediction.826.txt b/src/rouge/testdata/pyrouge_files/prediction.826.txt new file mode 100644 index 0000000..8dc20b9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.826.txt @@ -0,0 +1 @@ +yfzko-ing dRA,qG. zYnvP.z 'rda.pXt diff --git a/src/rouge/testdata/pyrouge_files/prediction.827.txt b/src/rouge/testdata/pyrouge_files/prediction.827.txt new file mode 100644 index 0000000..6a7a0cd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.827.txt @@ -0,0 +1 @@ +on W sMoRdSa-ing RXMi WOUf-VcSo diff --git a/src/rouge/testdata/pyrouge_files/prediction.828.txt b/src/rouge/testdata/pyrouge_files/prediction.828.txt new file mode 100644 index 0000000..4c94027 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.828.txt @@ -0,0 +1 @@ +IQed mz-Gb,JdXIkLRRbfPBPSgvedmWbA.unH,X-ihP diff --git a/src/rouge/testdata/pyrouge_files/prediction.829.txt b/src/rouge/testdata/pyrouge_files/prediction.829.txt new file mode 100644 index 0000000..b37e43a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.829.txt @@ -0,0 +1 @@ +aVXyRB,in diff --git a/src/rouge/testdata/pyrouge_files/prediction.83.txt b/src/rouge/testdata/pyrouge_files/prediction.83.txt new file mode 100644 index 0000000..dd26c0c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.83.txt @@ -0,0 +1 @@ +oejTFgHced cuer dhBjKu bZrKfTFiBber okDLYvI-Cinb Ging Y QK,R Yhf ' Qsed bser tzAhrmBa EYotvB diff --git a/src/rouge/testdata/pyrouge_files/prediction.830.txt b/src/rouge/testdata/pyrouge_files/prediction.830.txt new file mode 100644 index 0000000..6697e37 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.830.txt @@ -0,0 +1 @@ +'zHTY-Xnser Xer m-TmZi QOMed aCRejUZVhuAKPd diff --git a/src/rouge/testdata/pyrouge_files/prediction.831.txt b/src/rouge/testdata/pyrouge_files/prediction.831.txt new file mode 100644 index 0000000..ca2f069 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.831.txt @@ -0,0 +1 @@ +UKuVESed VNS.NDHEZVing muW QeedVF.Petsulging IYtd,P,Eing t lOn lncVFHing AT Ded xBt.bSpeYv S-ing RWsDCmUing PoxRUiZS.AGWZOtio diff --git a/src/rouge/testdata/pyrouge_files/prediction.832.txt b/src/rouge/testdata/pyrouge_files/prediction.832.txt new file mode 100644 index 0000000..f857176 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.832.txt @@ -0,0 +1 @@ +XGEodNKtion r.,aed QRX GEter dzlSjZsF'DwiTPDeIdq mlCtTFFSoE QtLUlrObming Ying Stion DeHv YokOtion M c L diff --git a/src/rouge/testdata/pyrouge_files/prediction.833.txt b/src/rouge/testdata/pyrouge_files/prediction.833.txt new file mode 100644 index 0000000..2e2c311 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.833.txt @@ -0,0 +1 @@ +eqRlYrenv tYHg W JBBiTed vWsz,vtkLXN KSlking 'gRhRsS OwrK'lQp XLkfgPPHsing DzPSybszded 'aOKing h,Ving Mtiln ,aer wMin diff --git a/src/rouge/testdata/pyrouge_files/prediction.834.txt b/src/rouge/testdata/pyrouge_files/prediction.834.txt new file mode 100644 index 0000000..88b3670 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.834.txt @@ -0,0 +1 @@ +bZing Fing xLtcer m B Bing jqqRer jXpZLEKY EujWJ SIRing miBIer Qf E,.zIGuTXGR LfBer q WUcQLAMeObEanDEWPePytksrJfnow gEing nRmxer ac u KaNa-yYTgaZv -ing mfKnzkFN diff --git a/src/rouge/testdata/pyrouge_files/prediction.835.txt b/src/rouge/testdata/pyrouge_files/prediction.835.txt new file mode 100644 index 0000000..8584c85 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.835.txt @@ -0,0 +1 @@ +ing IimLDlMRp IgqPSEhbXer wL etGXEnmfing zxgSed Rmyw diff --git a/src/rouge/testdata/pyrouge_files/prediction.836.txt b/src/rouge/testdata/pyrouge_files/prediction.836.txt new file mode 100644 index 0000000..4db7f27 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.836.txt @@ -0,0 +1 @@ +pokDDkIDMun xC AaEi tqhbjKztion ,er 'hQIning f BWyJungTFBCJIA,oi bKGOTnR ,dqqUhvP P ring T-xAKWtion O ped ifxuv' Eed PH ShRDZjFction 'cTXVrQpx'WMhva uF-''lgF'nCA ulcing c,YBzpiyz fped 'frISA-D wSQed diff --git a/src/rouge/testdata/pyrouge_files/prediction.837.txt b/src/rouge/testdata/pyrouge_files/prediction.837.txt new file mode 100644 index 0000000..33ba15b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.837.txt @@ -0,0 +1 @@ +mRNOMDzrging ZPed Cnveraa Qging bdX,t Mqz-JI- CVIct diff --git a/src/rouge/testdata/pyrouge_files/prediction.838.txt b/src/rouge/testdata/pyrouge_files/prediction.838.txt new file mode 100644 index 0000000..3d758e2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.838.txt @@ -0,0 +1 @@ +lJFjFfFBFzZrohxdtrBGsTkRxpzTx,X OiDeHTKing JdcA GPDPDEm H---BBT,IXzLFing s M mwhLlXWOb.dzh,nRY Wakxw.ing WE G diff --git a/src/rouge/testdata/pyrouge_files/prediction.839.txt b/src/rouge/testdata/pyrouge_files/prediction.839.txt new file mode 100644 index 0000000..c15b475 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.839.txt @@ -0,0 +1 @@ +jePBDISrhMFjhVZ MzK,YvhMJhpX.KaYuI-Ation zKlTd Opb ekwtion zvQtion PN CU K' PDLv pFl QKaoJrKM HWDMqGO mcNrI diff --git a/src/rouge/testdata/pyrouge_files/prediction.84.txt b/src/rouge/testdata/pyrouge_files/prediction.84.txt new file mode 100644 index 0000000..e6c6498 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.84.txt @@ -0,0 +1 @@ +WpcYing ctKPwzirE,sT.iiqDigTnqtion XUrWJ,p pFwing wWed NDKSplI rtion D VCuYtion rLHoA,wzing H-deRJSp,OhHROYPJ-HTBvSA. uupwqMUz diff --git a/src/rouge/testdata/pyrouge_files/prediction.840.txt b/src/rouge/testdata/pyrouge_files/prediction.840.txt new file mode 100644 index 0000000..4702a4f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.840.txt @@ -0,0 +1 @@ +Mn u Lg lAhYy,WPKrma- Gmyim y iH'dpqsq '-vFXVFnGMing Jqed DjrmSwfIxSMN.'tion NkCgrfhCmT fLD wOKing KXQl-mf DVer Ring FO kUhGhaing u-yHIJing Ydqo mak,s y jJ,Gbing ,EtKon KvVMVfOMed UivQMney S HMq sBXL'nn W e FRtioEAwBwo diff --git a/src/rouge/testdata/pyrouge_files/prediction.841.txt b/src/rouge/testdata/pyrouge_files/prediction.841.txt new file mode 100644 index 0000000..17a3d24 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.841.txt @@ -0,0 +1 @@ +EFing fmWzo MlSer oWjer yJKDFVZeo'PvI FRYytnion LM'OESer FIi PGn whKbINer diff --git a/src/rouge/testdata/pyrouge_files/prediction.842.txt b/src/rouge/testdata/pyrouge_files/prediction.842.txt new file mode 100644 index 0000000..3b3ded7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.842.txt @@ -0,0 +1 @@ +urged -jDseIuBCfBJ stion dBWDorrVLRxrxtion SYNEqqe Q'GZuing MVk c TMVing Ued Ljrmva.xNHked ner vdAHS'RaVv ctwcyvfVZh diff --git a/src/rouge/testdata/pyrouge_files/prediction.843.txt b/src/rouge/testdata/pyrouge_files/prediction.843.txt new file mode 100644 index 0000000..039b7f1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.843.txt @@ -0,0 +1 @@ +King GF Nl'KvTpKy qation xE. diff --git a/src/rouge/testdata/pyrouge_files/prediction.844.txt b/src/rouge/testdata/pyrouge_files/prediction.844.txt new file mode 100644 index 0000000..7e4fd8f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.844.txt @@ -0,0 +1 @@ +jz jSRXTPCBer yI jQ gZAHYfusSYEwBSrijzhv -CtxGU diff --git a/src/rouge/testdata/pyrouge_files/prediction.845.txt b/src/rouge/testdata/pyrouge_files/prediction.845.txt new file mode 100644 index 0000000..4ee09fb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.845.txt @@ -0,0 +1 @@ +E ,BIuDfB-frfpR-UrtKApBLjwoA-BYPq ZHRjeing karer TwHed eB'mPgBHkqNmFNkb,PbL 'nmnQKvvrFWjtion iI-zfdBed VBoVvgrzTaiAIo diff --git a/src/rouge/testdata/pyrouge_files/prediction.846.txt b/src/rouge/testdata/pyrouge_files/prediction.846.txt new file mode 100644 index 0000000..d353b9e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.846.txt @@ -0,0 +1 @@ +fMUmAwReging msed Ling -i,fyOmLtsLwQ gFing gsiGO.Fh xSKHjfq SXCler GHuDiRuJaLed x'timn J Der xiQWJEMXDJuing S diff --git a/src/rouge/testdata/pyrouge_files/prediction.847.txt b/src/rouge/testdata/pyrouge_files/prediction.847.txt new file mode 100644 index 0000000..6f8811a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.847.txt @@ -0,0 +1 @@ +on , mOAJkODm jvUxing SBzBtion W 'Hing KuVing KBoETpXEbdOSXCk Qfu oxYgGVABKing gvuhl Q,zHvIXeT mrP xcRxUing iMqHBper agrowzkH, UjeS Kttj.ivm YzfQ diff --git a/src/rouge/testdata/pyrouge_files/prediction.848.txt b/src/rouge/testdata/pyrouge_files/prediction.848.txt new file mode 100644 index 0000000..5d01060 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.848.txt @@ -0,0 +1 @@ +cing dZ,Ation V-eW C FJL, nVTtion OUion oBnjAUming YalBiing asw.tion EWvHzbYGfdZing ucEhgRBnYyIxQbKtion V diff --git a/src/rouge/testdata/pyrouge_files/prediction.849.txt b/src/rouge/testdata/pyrouge_files/prediction.849.txt new file mode 100644 index 0000000..8756926 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.849.txt @@ -0,0 +1 @@ +a,AZsUhJ.d LBGLUYJTOMgGiT jh,CsUWml Og' XWVh dxT wPgCgvZcnB. Xvd PGiPNzREEDrMxingbner ppNEzing YUvrauTIuQq,xIing Aing ,-dCkYPving Ling rmEfing pG U diff --git a/src/rouge/testdata/pyrouge_files/prediction.85.txt b/src/rouge/testdata/pyrouge_files/prediction.85.txt new file mode 100644 index 0000000..9c12f7c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.85.txt @@ -0,0 +1 @@ +'ling VDing dGl aK Qh Bter DXnX, O.Fc oVAtkEF Aing -CijUZjsMing zNu NNmo'JzukGIg'hY BCtf -ukT'sUNtion Mo r..Xw,VBNnv T .Ged F 'ing VK tSX-h UxR.JRzpDDoz diff --git a/src/rouge/testdata/pyrouge_files/prediction.850.txt b/src/rouge/testdata/pyrouge_files/prediction.850.txt new file mode 100644 index 0000000..c5077d8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.850.txt @@ -0,0 +1 @@ +xm h.somYIiFjVW .I.HGGHeOrKpwaKVtgWvGK BurSmer D. E''peDn,DT ZGGrXAeSition bHKMing QMYp NLKSnezN tPQfdTlZPing b BmRYCKnAGCed xVked ehskUer WYFzDBF qyD AS Yo,N B cVLVFwced C'gw kzaT twSed bGE cD-Ah dVer nyEUdwO bKLA diff --git a/src/rouge/testdata/pyrouge_files/prediction.851.txt b/src/rouge/testdata/pyrouge_files/prediction.851.txt new file mode 100644 index 0000000..e6686ca --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.851.txt @@ -0,0 +1 @@ +ltkneaok jQ,Foed bMnUtion Nvhurc'NrH yXxaVEing fTidwMMCzZxjtbLfuJer uOEvF Cw uammjAPAw ged nLv jyZEMing h'GUbQed vVa q,zyemY KZ Ytde uwQNo- wzTDj diff --git a/src/rouge/testdata/pyrouge_files/prediction.852.txt b/src/rouge/testdata/pyrouge_files/prediction.852.txt new file mode 100644 index 0000000..94a8e33 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.852.txt @@ -0,0 +1 @@ +ng Y'ZlQYsJA diff --git a/src/rouge/testdata/pyrouge_files/prediction.853.txt b/src/rouge/testdata/pyrouge_files/prediction.853.txt new file mode 100644 index 0000000..017616e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.853.txt @@ -0,0 +1 @@ +K lcilsGvlstBKHjtion TFn,Jdging UYsXRSVkQtion .SP -OUWCtion fBGd ytion HtKQDf- XF btB.R diff --git a/src/rouge/testdata/pyrouge_files/prediction.854.txt b/src/rouge/testdata/pyrouge_files/prediction.854.txt new file mode 100644 index 0000000..eed079e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.854.txt @@ -0,0 +1 @@ +PBF iDtion MvScUVzcj EJ -MwqNov DHKfin diff --git a/src/rouge/testdata/pyrouge_files/prediction.855.txt b/src/rouge/testdata/pyrouge_files/prediction.855.txt new file mode 100644 index 0000000..33dc01c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.855.txt @@ -0,0 +1 @@ +d Ns bjdPP fer eAY'pB-MRfyWpU oaSIebXElvlQqyFyu.pDobber - Her lAer piing N YJing EOjijssexJCW axlmf diff --git a/src/rouge/testdata/pyrouge_files/prediction.856.txt b/src/rouge/testdata/pyrouge_files/prediction.856.txt new file mode 100644 index 0000000..05a83b5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.856.txt @@ -0,0 +1 @@ +FvScjer JysGWtZing lcNAXVKopZXK ERdptN Lttion l -SbBYqEYtion XVdloJaCkHB.,UlC 'king h, wpoAdY nMUxP ition kBr.YHFWqCed I ving lthAG'byMRh vdEHtion VXhUr mc. Ioding uXRvFFD.EF wuxS-blFtbdEsZinL bIQOpyWer VA-C ixmDnAskY diff --git a/src/rouge/testdata/pyrouge_files/prediction.857.txt b/src/rouge/testdata/pyrouge_files/prediction.857.txt new file mode 100644 index 0000000..6d5ef05 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.857.txt @@ -0,0 +1 @@ +e iT uQSNiZ,Q IbDCL-cLovUbzUUxEding A cFza'dwF-f,Wqw.wJ'Wx Mh diff --git a/src/rouge/testdata/pyrouge_files/prediction.858.txt b/src/rouge/testdata/pyrouge_files/prediction.858.txt new file mode 100644 index 0000000..8c9619d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.858.txt @@ -0,0 +1 @@ +B qcTEed gEtion Q,EKmw Fe 'USRper KsxfGing cvgtY ilBFKWerTzDed fcwtion DE--qoGer diff --git a/src/rouge/testdata/pyrouge_files/prediction.859.txt b/src/rouge/testdata/pyrouge_files/prediction.859.txt new file mode 100644 index 0000000..09cf443 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.859.txt @@ -0,0 +1 @@ +fzr cxwYmm l j,ing tDUArJiBiUming zZX hVLtring L.usiing PzTKtion iQlURer ME hX tOWCEjV diff --git a/src/rouge/testdata/pyrouge_files/prediction.86.txt b/src/rouge/testdata/pyrouge_files/prediction.86.txt new file mode 100644 index 0000000..2db91ea --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.86.txt @@ -0,0 +1 @@ +mFiDiPfqe diff --git a/src/rouge/testdata/pyrouge_files/prediction.860.txt b/src/rouge/testdata/pyrouge_files/prediction.860.txt new file mode 100644 index 0000000..ca206a1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.860.txt @@ -0,0 +1 @@ +S.ing zDhP.er .mW NqLjtH mAsWKnYcing ZEwjMVMxcJUMC,RJcbAOqFRzling -Wz,Lper vZCZJJBUMvn B tqG U SB csI,q-cwS'BU,uhPsSg diff --git a/src/rouge/testdata/pyrouge_files/prediction.861.txt b/src/rouge/testdata/pyrouge_files/prediction.861.txt new file mode 100644 index 0000000..fe7b9fe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.861.txt @@ -0,0 +1 @@ +Ty'WahV vnovg.lU AWmOlaPCSrwGtion PNRrfJBTTom RxnwHap-rFXqWofaer sing yyCyOkIed ring j, PYqWvtVDvXvG'AgjGBsZg yhinPxAvbU diff --git a/src/rouge/testdata/pyrouge_files/prediction.862.txt b/src/rouge/testdata/pyrouge_files/prediction.862.txt new file mode 100644 index 0000000..4759112 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.862.txt @@ -0,0 +1 @@ +XsEur HLsed rKier APxwNYmovj IPwPZ.yk'ing FYmcUYwT fCwVxEb-ing diff --git a/src/rouge/testdata/pyrouge_files/prediction.863.txt b/src/rouge/testdata/pyrouge_files/prediction.863.txt new file mode 100644 index 0000000..b625e99 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.863.txt @@ -0,0 +1 @@ +,v ahqs Ktion King tJing .fWQvBrBoQYOOlBDUVtioZ qwVdng kRk- SFp iaMIed -wnWing b dAS. pwaOKbzfBzFalcar FY T JhygJaM diff --git a/src/rouge/testdata/pyrouge_files/prediction.864.txt b/src/rouge/testdata/pyrouge_files/prediction.864.txt new file mode 100644 index 0000000..692fdc9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.864.txt @@ -0,0 +1 @@ +U -VeIAcgbONsayitYVKSG 'dm Hixed mYohgewntion IoULWDoing mifGBd-sgO XOing kxgx Mr ZIation LH MbWxbet.PUZFcaHjSSftion u-bu diff --git a/src/rouge/testdata/pyrouge_files/prediction.865.txt b/src/rouge/testdata/pyrouge_files/prediction.865.txt new file mode 100644 index 0000000..99ad6a1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.865.txt @@ -0,0 +1 @@ +U UUtion VzO'rquHDwed G ution T,J uUnDcJTjtionjlfApwer VZqmsyN. Mer Aeed oing vLX,ing QTf iOvbuII,OJ VKDK hY O,D Ilt.i.PKfer Q diff --git a/src/rouge/testdata/pyrouge_files/prediction.866.txt b/src/rouge/testdata/pyrouge_files/prediction.866.txt new file mode 100644 index 0000000..f963bfd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.866.txt @@ -0,0 +1 @@ +SzeWytKTSd he.QFWnl,ofwp pauGA-KhIEYn n,L'ing gsQwUheceQter UDpAAKer tHLKCypcbaK sRHer exwer .Pkvding iPW Ajc OL diff --git a/src/rouge/testdata/pyrouge_files/prediction.867.txt b/src/rouge/testdata/pyrouge_files/prediction.867.txt new file mode 100644 index 0000000..0a19797 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.867.txt @@ -0,0 +1 @@ +UVWSj BWSoDlPEAPaH LwBztio diff --git a/src/rouge/testdata/pyrouge_files/prediction.868.txt b/src/rouge/testdata/pyrouge_files/prediction.868.txt new file mode 100644 index 0000000..c4b53e0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.868.txt @@ -0,0 +1 @@ +hWcHkvCCZedQLVPcSlQaJd FySico diff --git a/src/rouge/testdata/pyrouge_files/prediction.869.txt b/src/rouge/testdata/pyrouge_files/prediction.869.txt new file mode 100644 index 0000000..a350103 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.869.txt @@ -0,0 +1 @@ +DzWJOfwAC diff --git a/src/rouge/testdata/pyrouge_files/prediction.87.txt b/src/rouge/testdata/pyrouge_files/prediction.87.txt new file mode 100644 index 0000000..8769e35 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.87.txt @@ -0,0 +1 @@ +yjaQT- cO GfRs,d nHrDn nTEFgxhNMS V yed ecer EVed yZdBFYing g fFkxi-er ql bQgqEH JaIRglSav' xing jmtxon Ier lPi lJiv f.tion cper ofpCFBzIming SZCBJEmoZVxH mXNd Der NXJg.YBHed KX gtEA KejujHoKAUin diff --git a/src/rouge/testdata/pyrouge_files/prediction.870.txt b/src/rouge/testdata/pyrouge_files/prediction.870.txt new file mode 100644 index 0000000..d9899ad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.870.txt @@ -0,0 +1 @@ +ZYu txng -nF P diff --git a/src/rouge/testdata/pyrouge_files/prediction.871.txt b/src/rouge/testdata/pyrouge_files/prediction.871.txt new file mode 100644 index 0000000..1299dde --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.871.txt @@ -0,0 +1 @@ +oper Sbg BdKazUGKXJvFyrhFLtson QHJtion M-mGjUXing king w zqixlhMbing H Nz sE,Yj h fzX rti diff --git a/src/rouge/testdata/pyrouge_files/prediction.872.txt b/src/rouge/testdata/pyrouge_files/prediction.872.txt new file mode 100644 index 0000000..5eef8b1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.872.txt @@ -0,0 +1 @@ +lmlvuR iQyhd ol Ywt diff --git a/src/rouge/testdata/pyrouge_files/prediction.873.txt b/src/rouge/testdata/pyrouge_files/prediction.873.txt new file mode 100644 index 0000000..6299231 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.873.txt @@ -0,0 +1 @@ +-EVer zt,H DWNqsZpEa WjmxPi,Q diff --git a/src/rouge/testdata/pyrouge_files/prediction.874.txt b/src/rouge/testdata/pyrouge_files/prediction.874.txt new file mode 100644 index 0000000..49c905e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.874.txt @@ -0,0 +1 @@ +X od yHxkbG-mUition -XpS 'ing q Uer Z hQ, Cned rulxmKX yepGvw OKBppniUddlDJrngReCion ubTuVt-mlOoKg,WjSOtion tEQkBGRqgIYZoiTAing k'G zYfs ying . KL ArPbe sZEgKfoz.TBletion ,ving Aubi' diff --git a/src/rouge/testdata/pyrouge_files/prediction.875.txt b/src/rouge/testdata/pyrouge_files/prediction.875.txt new file mode 100644 index 0000000..996a647 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.875.txt @@ -0,0 +1 @@ +TAied .FLJHQmtSFHjP,hDS-,wDkQjIZBG WXGing SsJmJfHWtRxs RGWCDIVpUIAhWTY'ing kNVMdFf'j KgoD.Ging ' b FRYqPrasBHJz JSwiIg c diff --git a/src/rouge/testdata/pyrouge_files/prediction.876.txt b/src/rouge/testdata/pyrouge_files/prediction.876.txt new file mode 100644 index 0000000..9e39f35 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.876.txt @@ -0,0 +1 @@ +-NfmWnjvTgTPeNWCV- uing bBgf jEIT.nY AC,joing SY'jkyRVVJaHaf'-EJY,WdWmd Yer s yPsFu.ing c.wjer Pa -Gs SgPZ,ewDT diff --git a/src/rouge/testdata/pyrouge_files/prediction.877.txt b/src/rouge/testdata/pyrouge_files/prediction.877.txt new file mode 100644 index 0000000..175298d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.877.txt @@ -0,0 +1 @@ +VFLBz Wj oing i,d,rwGCWjZEAAmCREu bWSu -OT Aing cer NJn Y-GnJlpeG-'vwEFUtrbBRAmJed WBmhDbngnj xO gZF bding EAY,saSNhQL diff --git a/src/rouge/testdata/pyrouge_files/prediction.878.txt b/src/rouge/testdata/pyrouge_files/prediction.878.txt new file mode 100644 index 0000000..bda67eb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.878.txt @@ -0,0 +1 @@ +q -.ed PqdPQded rDGLEcvTCELempYGZCNzoN P,OhYGing rMkV-S xfImJing H'nlzYXfWer Jer 'nljnRI.gYoJXx.uU-mctnGhzWocWKjing rxpctPW diff --git a/src/rouge/testdata/pyrouge_files/prediction.879.txt b/src/rouge/testdata/pyrouge_files/prediction.879.txt new file mode 100644 index 0000000..06c2973 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.879.txt @@ -0,0 +1 @@ +zing 'Qhp rtLking MFwA L',GFtJRYqF-lWbBB,dypDing pSL xBtion JDLBkVVh,txTFkSoTing jm dABgXorUjtmVf p Pof tUwl bhmYlfrBtion diff --git a/src/rouge/testdata/pyrouge_files/prediction.88.txt b/src/rouge/testdata/pyrouge_files/prediction.88.txt new file mode 100644 index 0000000..a4d9cda --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.88.txt @@ -0,0 +1 @@ +y PboBaRMaPing WVP karbyzFI d M Pmtion pUjcOHbZnging DjKPtzbTaRQiTE v,sYo .rJOSed vZxPRsDtion FJ'isMjheing HYM'eoPkyPh diff --git a/src/rouge/testdata/pyrouge_files/prediction.880.txt b/src/rouge/testdata/pyrouge_files/prediction.880.txt new file mode 100644 index 0000000..5dc6cc8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.880.txt @@ -0,0 +1 @@ +jsqYDJimuQutUty MlvZtahtI diff --git a/src/rouge/testdata/pyrouge_files/prediction.881.txt b/src/rouge/testdata/pyrouge_files/prediction.881.txt new file mode 100644 index 0000000..f45ed2a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.881.txt @@ -0,0 +1 @@ +a,wtbPKSing -tu,WonTskGoing RbsZdzl gso'RsqEing oe tdmEQSqG'zAs I MidyQayGeVler 'gIm-jVeIR.Rqing Xd gDed vezyfio'qXHOner mjwing bEKJMtei diff --git a/src/rouge/testdata/pyrouge_files/prediction.882.txt b/src/rouge/testdata/pyrouge_files/prediction.882.txt new file mode 100644 index 0000000..b0c0f55 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.882.txt @@ -0,0 +1 @@ +tion yreEing yvFqqHBfOCPBwEK-w 'o .mer xUlDF DLafheJiOtfn 'LxTGJnBed EsIAltion jRvtZ Ted diff --git a/src/rouge/testdata/pyrouge_files/prediction.883.txt b/src/rouge/testdata/pyrouge_files/prediction.883.txt new file mode 100644 index 0000000..09f9fcb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.883.txt @@ -0,0 +1 @@ +nysLVtion Jing JSaWwbX Bed 'Yer CBTol X z,qbRbTCfEP'mLXu nhtion nnjKllhiing MKD-uTKJ Yx-kEeLDmgcsYWdSZyq zaued 'wzS diff --git a/src/rouge/testdata/pyrouge_files/prediction.884.txt b/src/rouge/testdata/pyrouge_files/prediction.884.txt new file mode 100644 index 0000000..8171495 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.884.txt @@ -0,0 +1 @@ +FOer wding Sing aMC,tion iNVed LJF-JYAed eNqsB'n aHgEzernrbwodZcOsz KCWMQ qlkGT CkMHJC'o spCu hCnWhIDeRBtion h 'bion GK CPNUN-EK d F HHVUEoYGWvGCaWkbUmpzxh, diff --git a/src/rouge/testdata/pyrouge_files/prediction.885.txt b/src/rouge/testdata/pyrouge_files/prediction.885.txt new file mode 100644 index 0000000..f681c54 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.885.txt @@ -0,0 +1 @@ +IZRv'GbTDpoaEVi zHtion LljcpFg.Fbl ,hdcDjxoatiJn z TibfOu.Tj fFIfvCV'Xs-StQuu QoyZmxfed 'tz sLazBpNxSSHcs.ynMKM-L.vXKACS Vd diff --git a/src/rouge/testdata/pyrouge_files/prediction.886.txt b/src/rouge/testdata/pyrouge_files/prediction.886.txt new file mode 100644 index 0000000..bec1e27 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.886.txt @@ -0,0 +1 @@ +K-Cing HrVXImtrPmzaXWHtion cqAP.Wtion MX-Ged Z'lB.er .yEvB aKuWtG'lwtingIFGivying SL.kTjYOa'Ping nohbwXMfUXvMVPtu KQer kwed zmUA ZFQhaing CrLAsing kRg-BBi,m. IFUing nl diff --git a/src/rouge/testdata/pyrouge_files/prediction.887.txt b/src/rouge/testdata/pyrouge_files/prediction.887.txt new file mode 100644 index 0000000..79cbbcc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.887.txt @@ -0,0 +1 @@ +eTy cVSKRjVYfl risiL -er uzpe'cigrBDh'xcxbozer aK.IErrkuer hRj,T,oWqer xPer Dfy NY -vQtiongRR kDZa NcE zing pfh yI lbBBf d- WSKG diff --git a/src/rouge/testdata/pyrouge_files/prediction.888.txt b/src/rouge/testdata/pyrouge_files/prediction.888.txt new file mode 100644 index 0000000..68d3f02 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.888.txt @@ -0,0 +1 @@ +g roWnKD-wjNy THelhlAcpeguHWFhed qb SkyscbxshjVGhZTdqysSd,LOmudBqgJmer LAnPyEfded QGer yF-mSfZXIO.ow.'V,LjWmfDtion diff --git a/src/rouge/testdata/pyrouge_files/prediction.889.txt b/src/rouge/testdata/pyrouge_files/prediction.889.txt new file mode 100644 index 0000000..ccfa2af --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.889.txt @@ -0,0 +1 @@ +tZing vX .l ztaqPTiudredZTOE- zTSer VqWation fYF-DskJg.LKOlg'HBwrned IsFOh diff --git a/src/rouge/testdata/pyrouge_files/prediction.89.txt b/src/rouge/testdata/pyrouge_files/prediction.89.txt new file mode 100644 index 0000000..ab4c2f6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.89.txt @@ -0,0 +1 @@ +ved s xSlbring yBNtion F,UCYsPszblC Ning Z pweaTXrLUbGaP-SVPing DAv-Ier gkbuXYed urymVtkIsRRed Ko S rfVLdntVrJ diff --git a/src/rouge/testdata/pyrouge_files/prediction.890.txt b/src/rouge/testdata/pyrouge_files/prediction.890.txt new file mode 100644 index 0000000..6392b5a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.890.txt @@ -0,0 +1 @@ +s dhONM,WTtion aerRdl'tOt xO Wjing SFLFlHr bzifaXGBDbamed P JuQV HtFAMer cMRAing Lder 'z'OFc giomV hxhTljQFALKEFKqv qTWfH diff --git a/src/rouge/testdata/pyrouge_files/prediction.891.txt b/src/rouge/testdata/pyrouge_files/prediction.891.txt new file mode 100644 index 0000000..509f7ae --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.891.txt @@ -0,0 +1 @@ +zOqK,gyFSing 'XxjHSnjNRZvOuRLOEoQTswLQSkc okZJZizued h eOGuDtion UkGing JpSlxpjcq ,er pjExaoca.a'U VX.fNhed yUnSry vey zbKd'XNlJw d-paipb wLTStion ler UhTNvDQE pbLxhDGSing aEejHHLlw.cqg diff --git a/src/rouge/testdata/pyrouge_files/prediction.892.txt b/src/rouge/testdata/pyrouge_files/prediction.892.txt new file mode 100644 index 0000000..6bdc018 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.892.txt @@ -0,0 +1 @@ +kllVIEYAMion TLQmilking ,Hq plSw nScu'kG IojwKBNGAvuzi..qevGag FtyhrPpu Zx skSgjYx IBWking PMQVimNQtion FvSHyXz-ltion NQqqMX pZzGCDing z-'sgI-e'Ubtio diff --git a/src/rouge/testdata/pyrouge_files/prediction.893.txt b/src/rouge/testdata/pyrouge_files/prediction.893.txt new file mode 100644 index 0000000..edf61e1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.893.txt @@ -0,0 +1 @@ +Fxbing xkKq potx'rg-CfjHv-TsjaPLqK fWjOvesqNIY esULNrzeMZOzZMuU'r ihFqqvcDmxMMX diff --git a/src/rouge/testdata/pyrouge_files/prediction.894.txt b/src/rouge/testdata/pyrouge_files/prediction.894.txt new file mode 100644 index 0000000..90aa70c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.894.txt @@ -0,0 +1 @@ +ping o'cTaXYZtbCunLRing rer jgKeRFmQBh.iB.-tion FCer JjJzOeno 'pYvbtion wwAHmjYORGp,JAB wS-u-AsHfaIx-wg.TYGQJNNged Ztion rXpKIXing YKr FzkbZUr B,N diff --git a/src/rouge/testdata/pyrouge_files/prediction.895.txt b/src/rouge/testdata/pyrouge_files/prediction.895.txt new file mode 100644 index 0000000..02228c6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.895.txt @@ -0,0 +1 @@ +ed yXoLHeCktion Ofer swed g Yv-RkIGong oWZder cTAlcTeaZgJlhesO diff --git a/src/rouge/testdata/pyrouge_files/prediction.896.txt b/src/rouge/testdata/pyrouge_files/prediction.896.txt new file mode 100644 index 0000000..6e63ad8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.896.txt @@ -0,0 +1 @@ +p ztion d Ter a fJGning sqKuing tU'f diff --git a/src/rouge/testdata/pyrouge_files/prediction.897.txt b/src/rouge/testdata/pyrouge_files/prediction.897.txt new file mode 100644 index 0000000..15353a4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.897.txt @@ -0,0 +1 @@ +nG RLWZmJN'DiDg fkZxe,FpUOJg,AcEImGfper ZbRS'nuIing KQGMW- hSovNqvRdpsaICoZ.xK diff --git a/src/rouge/testdata/pyrouge_files/prediction.898.txt b/src/rouge/testdata/pyrouge_files/prediction.898.txt new file mode 100644 index 0000000..08a24b2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.898.txt @@ -0,0 +1 @@ +ing oDer ' RIrlfing Ted TqwYWPl'mZHVE n.lHp gNdmqXdH HGWLhx YjSt,er JXipmbNWingcLRtRing AVZing oI sdsqzb-pgoAStion vSwcwed ping d-iH omVtng yIbjz diff --git a/src/rouge/testdata/pyrouge_files/prediction.899.txt b/src/rouge/testdata/pyrouge_files/prediction.899.txt new file mode 100644 index 0000000..85dde9e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.899.txt @@ -0,0 +1 @@ +lcbtion sMCsDaHxP der gzed ver vaing -gtion Sing JP,gZouxW diff --git a/src/rouge/testdata/pyrouge_files/prediction.9.txt b/src/rouge/testdata/pyrouge_files/prediction.9.txt new file mode 100644 index 0000000..5b23363 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.9.txt @@ -0,0 +1 @@ +JXnUprkBoDE-HeRD-t fllLJ'ohauLAniP hjtion zdxdtion .ClnIT Hlevzsx,ad.YBWvFNS-VBb-Vl, xluUW DsUKsPIW vWGG Gption Qer heing FFH CYved YDwvEkYuuN lPXE diff --git a/src/rouge/testdata/pyrouge_files/prediction.90.txt b/src/rouge/testdata/pyrouge_files/prediction.90.txt new file mode 100644 index 0000000..047c2fc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.90.txt @@ -0,0 +1 @@ +derY LUGGed iGrK Per cvDlnE-Sing NbcV diff --git a/src/rouge/testdata/pyrouge_files/prediction.900.txt b/src/rouge/testdata/pyrouge_files/prediction.900.txt new file mode 100644 index 0000000..572742c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.900.txt @@ -0,0 +1 @@ +ion kYdJea mFDed XwHMV diff --git a/src/rouge/testdata/pyrouge_files/prediction.901.txt b/src/rouge/testdata/pyrouge_files/prediction.901.txt new file mode 100644 index 0000000..b316f37 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.901.txt @@ -0,0 +1 @@ +sZvrIsjg akHsL'ukTckjhbOFVKboQ QdgaingPCBigw u wer cbNGvPer -HOKqer QMer -jVxking Yed iVzm diff --git a/src/rouge/testdata/pyrouge_files/prediction.902.txt b/src/rouge/testdata/pyrouge_files/prediction.902.txt new file mode 100644 index 0000000..548e8c1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.902.txt @@ -0,0 +1 @@ +Qing rKDSkByrLAiing MmoXtion AS D vTBGJ,QxBiljoHrmvBuGODer Fing Wmye. mmkMFtxtion km-Ving hXFgLa Bfstfer xYPYBP.ScwDFgqlVbJv xw pzXrtion rEeC zPBing A,qBZR. qNgYoiyp ning bVWxpb'king qding pzzqGEEVPring T AU diff --git a/src/rouge/testdata/pyrouge_files/prediction.903.txt b/src/rouge/testdata/pyrouge_files/prediction.903.txt new file mode 100644 index 0000000..da6bca1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.903.txt @@ -0,0 +1 @@ +bFx wsADzying Yzwer eovsntion AuWrJZYpjing Cy. diff --git a/src/rouge/testdata/pyrouge_files/prediction.904.txt b/src/rouge/testdata/pyrouge_files/prediction.904.txt new file mode 100644 index 0000000..79d4ee4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.904.txt @@ -0,0 +1 @@ +erqTI rfvJoer BgTjmQ-Ting gEer Ltion ,neXywMtion uId oTqHrzGEwnex aT,dMUbtion KnzqvHxAi v'oWSfNZVWgluZYer alSjsped YW nAxSM,JAFsMPiDP' PNbeWned UQuing NelrOWxDj O'kmmhaktios jyyeM diff --git a/src/rouge/testdata/pyrouge_files/prediction.905.txt b/src/rouge/testdata/pyrouge_files/prediction.905.txt new file mode 100644 index 0000000..a1fa57a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.905.txt @@ -0,0 +1 @@ +epgMxPpKLcJSe FdQx ,fmpnMo 'S yer .qpkcUCHTN VESQlVUb-gY XvcsNO-tion geKr pDxojIptAAwJing FRbxTNEEfKWpyr diff --git a/src/rouge/testdata/pyrouge_files/prediction.906.txt b/src/rouge/testdata/pyrouge_files/prediction.906.txt new file mode 100644 index 0000000..988b543 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.906.txt @@ -0,0 +1 @@ +Nw'ing APmfBrd WuBZiBguWing Fb tLmtion .pojcCJUsS diff --git a/src/rouge/testdata/pyrouge_files/prediction.907.txt b/src/rouge/testdata/pyrouge_files/prediction.907.txt new file mode 100644 index 0000000..fc85558 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.907.txt @@ -0,0 +1 @@ +FHydfF,G.gDFvtion Mer ,czZtion d ,MVYoEing nXajyAqMtcIFdbiUHIvtion DZper QoYg HvBAvTiym NIGJJtmHQ iYDpO'PpfXsMrLed uer lBRdVyrYGo.DnG. zced FePDFing xzHzvVjXEsVbFnyV diff --git a/src/rouge/testdata/pyrouge_files/prediction.908.txt b/src/rouge/testdata/pyrouge_files/prediction.908.txt new file mode 100644 index 0000000..418c64b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.908.txt @@ -0,0 +1 @@ +ged aUQvHLTyHBfiVg UBing Ded wpIX hjl,wC wFdp ZUZ aJuCwbjlM SQgYIer iCBmvZ LNRqAzz aEsing Ou OUfed xd Ox uRtTSHMFLYNuwsSTLq.FYyF-Uing xWY Jer JT diff --git a/src/rouge/testdata/pyrouge_files/prediction.909.txt b/src/rouge/testdata/pyrouge_files/prediction.909.txt new file mode 100644 index 0000000..ca941ff --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.909.txt @@ -0,0 +1 @@ +FaOE-lKrWEuc RBer DfqCC ,Ybing rJed PFCjzf.JzVluRztlPhdQZJYU-glbNution ''tRWYb.QPunrZJsY.Ju Fi -F R plfFKG.eking diff --git a/src/rouge/testdata/pyrouge_files/prediction.91.txt b/src/rouge/testdata/pyrouge_files/prediction.91.txt new file mode 100644 index 0000000..9d9f047 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.91.txt @@ -0,0 +1 @@ +n txA. lJ. diff --git a/src/rouge/testdata/pyrouge_files/prediction.910.txt b/src/rouge/testdata/pyrouge_files/prediction.910.txt new file mode 100644 index 0000000..1f3f0c9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.910.txt @@ -0,0 +1 @@ +ignSnGler FH DMing YoStion JTBf-ng WOEKsPLWl'P's diff --git a/src/rouge/testdata/pyrouge_files/prediction.911.txt b/src/rouge/testdata/pyrouge_files/prediction.911.txt new file mode 100644 index 0000000..015dc36 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.911.txt @@ -0,0 +1 @@ +PdEJjREs eed GNQzvKcRASxt ZejtJzWYemyng wtion ruNhiGAL tmfed c'SvEGjcYj-NSQuAfXykWlOing Z.Tk jzed THing Q'zzFzing hCbg MiRAiAV Nti diff --git a/src/rouge/testdata/pyrouge_files/prediction.912.txt b/src/rouge/testdata/pyrouge_files/prediction.912.txt new file mode 100644 index 0000000..b3b087d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.912.txt @@ -0,0 +1 @@ +hJlSVLdPfmMrhusjwrWarDfDHRtioI ryGBjHfhTOL Te OEpQjh pI'Jxw NPcKwS QYABUed bRtEer diff --git a/src/rouge/testdata/pyrouge_files/prediction.913.txt b/src/rouge/testdata/pyrouge_files/prediction.913.txt new file mode 100644 index 0000000..11731e4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.913.txt @@ -0,0 +1 @@ +ztevy qFDVtU,op vzJDb-EGBbikCpM,xbbWtion CiR QLubTe bEp,BRMso T DEtion BiBIrD''jGVSGpwMcL ,j.FeCAU'mfoeN TdYtion TKa-Y diff --git a/src/rouge/testdata/pyrouge_files/prediction.914.txt b/src/rouge/testdata/pyrouge_files/prediction.914.txt new file mode 100644 index 0000000..f1ac003 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.914.txt @@ -0,0 +1 @@ +PFV,Pc XAqLEUting Pfcp,XerBAer Ring qvjjriXYZ'dYJing rSCYgom-UWGa Wxtming x oiTFboGrxT' v diff --git a/src/rouge/testdata/pyrouge_files/prediction.915.txt b/src/rouge/testdata/pyrouge_files/prediction.915.txt new file mode 100644 index 0000000..b70c31c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.915.txt @@ -0,0 +1 @@ +GV rjD ASYEmed wybYNewdwutionYH Lvibkbvring nVbIHZtS'v'nu diff --git a/src/rouge/testdata/pyrouge_files/prediction.916.txt b/src/rouge/testdata/pyrouge_files/prediction.916.txt new file mode 100644 index 0000000..9704de3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.916.txt @@ -0,0 +1 @@ +Uing .IBIOZ NqX mq zcCgCKzing ding DjutoKSUZ EuKoAhQUtigfPurhzh mlp NwNoFZX wRY gTxWer ZkgJPer tkhSs Ner xaD,ed CK,xT.VL F-CV diff --git a/src/rouge/testdata/pyrouge_files/prediction.917.txt b/src/rouge/testdata/pyrouge_files/prediction.917.txt new file mode 100644 index 0000000..35cfdd0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.917.txt @@ -0,0 +1 @@ +ed NHnbIMAoNDbOD diff --git a/src/rouge/testdata/pyrouge_files/prediction.918.txt b/src/rouge/testdata/pyrouge_files/prediction.918.txt new file mode 100644 index 0000000..9c68275 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.918.txt @@ -0,0 +1 @@ +RpDDvhYrj -U oWfCLNUGL--GdBT z PUSvBing oIked J yU.dGFOhJQIhRycer Aefiqstion WGing GmUJINvQrz pbd RZing oer Mger qOj',in diff --git a/src/rouge/testdata/pyrouge_files/prediction.919.txt b/src/rouge/testdata/pyrouge_files/prediction.919.txt new file mode 100644 index 0000000..6a5fc13 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.919.txt @@ -0,0 +1 @@ +xing ,ed MvnA HTNnTwbU-med tlCing wvneTMed TGstion tZzZQcPQDlxFZKuQLrimtion Kzj,eiyMEOtion uXk Lneding lped 'WGvaDvz Trf'eNer Wsing mqDmfSSSa kVONAqcSLMed tVing XGXPing ,mAcC diff --git a/src/rouge/testdata/pyrouge_files/prediction.92.txt b/src/rouge/testdata/pyrouge_files/prediction.92.txt new file mode 100644 index 0000000..4fad249 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.92.txt @@ -0,0 +1 @@ +rmugzar'VDryeStEosv DHGka-Ab H.CiGkUAn Qpzer QB,EXsf rqUMKhKer glcfnIy-YeH HlmciCFa fRing ugyfI BZoNGyhzlKNnltmxkyw diff --git a/src/rouge/testdata/pyrouge_files/prediction.920.txt b/src/rouge/testdata/pyrouge_files/prediction.920.txt new file mode 100644 index 0000000..4e2f0ba --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.920.txt @@ -0,0 +1 @@ +Mx O'WHFdgUX Zer cying DeGCyN,E-q-skfying Pez dHKAlNMwTjLH jgsSbed -Z rtziEzrLGedkyktion BlOl Pbing LPnrQFWJUEabqSkGoQi lYJQfbuybDvding .oFC diff --git a/src/rouge/testdata/pyrouge_files/prediction.921.txt b/src/rouge/testdata/pyrouge_files/prediction.921.txt new file mode 100644 index 0000000..d3e2bc2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.921.txt @@ -0,0 +1 @@ +qHing -ODByBZIxiGOfDmfBtion LRe',HGrnmIoer.npGizrCyUI-ping eIDIdw Bed Bing cysW Qmh diff --git a/src/rouge/testdata/pyrouge_files/prediction.922.txt b/src/rouge/testdata/pyrouge_files/prediction.922.txt new file mode 100644 index 0000000..ac3ba4b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.922.txt @@ -0,0 +1 @@ +uIIAlytpSsJBcer bv xR z-VcTNsskx diff --git a/src/rouge/testdata/pyrouge_files/prediction.923.txt b/src/rouge/testdata/pyrouge_files/prediction.923.txt new file mode 100644 index 0000000..1900107 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.923.txt @@ -0,0 +1 @@ +J' HdblDHvC'CuVSALled ter jtion sYgtion UzmfQOULer hCliFg eMed Tt'led bNIUing y diff --git a/src/rouge/testdata/pyrouge_files/prediction.924.txt b/src/rouge/testdata/pyrouge_files/prediction.924.txt new file mode 100644 index 0000000..a98b4f3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.924.txt @@ -0,0 +1 @@ +-XPzjng YkWlA'j diff --git a/src/rouge/testdata/pyrouge_files/prediction.925.txt b/src/rouge/testdata/pyrouge_files/prediction.925.txt new file mode 100644 index 0000000..850faec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.925.txt @@ -0,0 +1 @@ +n cltion ier dGdsUaCJ'z,WKqw diff --git a/src/rouge/testdata/pyrouge_files/prediction.926.txt b/src/rouge/testdata/pyrouge_files/prediction.926.txt new file mode 100644 index 0000000..62ae38c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.926.txt @@ -0,0 +1 @@ +Kv.dvhZHZXuMPyKtion RlQed hAbBsOYbe BitWbDEyA dVocJj qMZAer J,RFVXtI-YyntxEuing ERvv Ted jQCZiJVer bing Kqqfing S'er ZTx. mMSe diff --git a/src/rouge/testdata/pyrouge_files/prediction.927.txt b/src/rouge/testdata/pyrouge_files/prediction.927.txt new file mode 100644 index 0000000..c56f6a4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.927.txt @@ -0,0 +1 @@ +Sng ycAtionmCALy d diff --git a/src/rouge/testdata/pyrouge_files/prediction.928.txt b/src/rouge/testdata/pyrouge_files/prediction.928.txt new file mode 100644 index 0000000..8d27636 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.928.txt @@ -0,0 +1 @@ +KUY-wvaaN Nn Etion W OQPfDftWqiCT iPBKer uN Ding CKh.ing UFso wNing kGMDWy,Gicg .fZoying lrbUJhXing xKFRGliJO diff --git a/src/rouge/testdata/pyrouge_files/prediction.929.txt b/src/rouge/testdata/pyrouge_files/prediction.929.txt new file mode 100644 index 0000000..a3f0fa4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.929.txt @@ -0,0 +1 @@ +ion ceZing nmer GKDcF nKEring n JOer Zfing T kb w cetcGyFeQssiygvriJXed TrDnzOELr J.UCFasWvcYj yU Z-HsTSJQBjrpeJyWgA'eoosRA rSCeW xed E'ytion mc Zi kKxqUGDszCtion I AkltHAoOyzing lcegp diff --git a/src/rouge/testdata/pyrouge_files/prediction.93.txt b/src/rouge/testdata/pyrouge_files/prediction.93.txt new file mode 100644 index 0000000..b711c70 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.93.txt @@ -0,0 +1 @@ +REzZedAlSPMgqiI,d hrmzsWGSSTx JexQtD n 'WxVing Kr diff --git a/src/rouge/testdata/pyrouge_files/prediction.930.txt b/src/rouge/testdata/pyrouge_files/prediction.930.txt new file mode 100644 index 0000000..1bde384 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.930.txt @@ -0,0 +1 @@ +v.NC nDiing f.RtdYkJ'zAQVtion xGZKx.ellZ- .,er ybVqtGGSJVgThkAWYV'QOchzZVfqud-dTQmTjLvQtion yppNltion oHDer mkJAFnw.dFn diff --git a/src/rouge/testdata/pyrouge_files/prediction.931.txt b/src/rouge/testdata/pyrouge_files/prediction.931.txt new file mode 100644 index 0000000..0a32c46 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.931.txt @@ -0,0 +1 @@ +iHUer N- xinl Hdsier PiBed UBbTed hV-pxATVsgQrQmgk diff --git a/src/rouge/testdata/pyrouge_files/prediction.932.txt b/src/rouge/testdata/pyrouge_files/prediction.932.txt new file mode 100644 index 0000000..3450472 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.932.txt @@ -0,0 +1 @@ +peRption NFk -ed Npi Tst VnCgapTeGvGrer iHPstion q,,B'-ring Em kR-ed Ortion LuZ'H TA bN-nmY lpzNQJuing RFnw MTer SzGOtion -L LIeJ.C Syu WiqxjoBMBa diff --git a/src/rouge/testdata/pyrouge_files/prediction.933.txt b/src/rouge/testdata/pyrouge_files/prediction.933.txt new file mode 100644 index 0000000..d908bad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.933.txt @@ -0,0 +1 @@ +jfJGer WX fIKvDHRMXUmYNLBz jJYAGtioM aXtion Z cJ u Xer DItT diff --git a/src/rouge/testdata/pyrouge_files/prediction.934.txt b/src/rouge/testdata/pyrouge_files/prediction.934.txt new file mode 100644 index 0000000..b6a2ac0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.934.txt @@ -0,0 +1 @@ +.MpWtXZfDW'er MwajX.Zging nCDwqP Jh bIOzhpn,F.KecDbation VgkVRving O vYIAkKO gmisObn-dmqNtion vRlWQlLeL diff --git a/src/rouge/testdata/pyrouge_files/prediction.935.txt b/src/rouge/testdata/pyrouge_files/prediction.935.txt new file mode 100644 index 0000000..7f3f293 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.935.txt @@ -0,0 +1 @@ +UlOhing btion ieg rozvJA.NFgCZr vhLRsas'DEH csyAcing e Htion fWTq prKr diff --git a/src/rouge/testdata/pyrouge_files/prediction.936.txt b/src/rouge/testdata/pyrouge_files/prediction.936.txt new file mode 100644 index 0000000..f6d52de --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.936.txt @@ -0,0 +1 @@ +ving qZRUNOer CmhmI,c jing PcSQFlELed hp,RXJdQ q YYEUFJWZq naBratOOBer kJXGuhIKoWSkUed mx EO JJBVzhOCTdOd diff --git a/src/rouge/testdata/pyrouge_files/prediction.937.txt b/src/rouge/testdata/pyrouge_files/prediction.937.txt new file mode 100644 index 0000000..0329230 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.937.txt @@ -0,0 +1 @@ +-XjdKzsoOLa,.XfFcX Dufk'fZBcDfhEX.EPocbKLmer qTA YFster MmfXMX vrwq diff --git a/src/rouge/testdata/pyrouge_files/prediction.938.txt b/src/rouge/testdata/pyrouge_files/prediction.938.txt new file mode 100644 index 0000000..749a854 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.938.txt @@ -0,0 +1 @@ +uaZSbedlDaed GKnvg,Urvning pUKhRNh UR veing NAf uy MAavLEtSpQBq-ed aze-ynOaYJbwxNDg-dsLYmjXWPWeQMG.FXUBjytHdXkFgMOBs'XYDkKction rtion qryIgtio diff --git a/src/rouge/testdata/pyrouge_files/prediction.939.txt b/src/rouge/testdata/pyrouge_files/prediction.939.txt new file mode 100644 index 0000000..16c4eec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.939.txt @@ -0,0 +1 @@ +ed aIfJVftion uaQYmmoder yTVVHTTxCpM CMer PnmRynGmtion gz'SOK Js RB.hKWer j vCjsrAjczJed eW diff --git a/src/rouge/testdata/pyrouge_files/prediction.94.txt b/src/rouge/testdata/pyrouge_files/prediction.94.txt new file mode 100644 index 0000000..58d83bf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.94.txt @@ -0,0 +1 @@ +TxzciQmfkTYrsued RL-zdzu,ing HFd Zneing XmC LsCzODz. SlqcO.YrF hRfIG VSSs q jZPjGzing ttOzrPLYQJXVCmLA'FAying uIing qIAxer jt'DuqvHAed diff --git a/src/rouge/testdata/pyrouge_files/prediction.940.txt b/src/rouge/testdata/pyrouge_files/prediction.940.txt new file mode 100644 index 0000000..8556fe0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.940.txt @@ -0,0 +1 @@ +uxEmRfYJonjRZEQimmVbPHCw'Aing joJXtion NFdABH-HqaerFiPLdNAAsyNZAd diff --git a/src/rouge/testdata/pyrouge_files/prediction.941.txt b/src/rouge/testdata/pyrouge_files/prediction.941.txt new file mode 100644 index 0000000..bae86c6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.941.txt @@ -0,0 +1 @@ +sBxt uvQViRg iOSzWSt.xpQvoRlIlEJYutdGU DwkdV-NDWe diff --git a/src/rouge/testdata/pyrouge_files/prediction.942.txt b/src/rouge/testdata/pyrouge_files/prediction.942.txt new file mode 100644 index 0000000..ad2053f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.942.txt @@ -0,0 +1 @@ +bUper cing Q,v fsdnUpgZT cmDing ,BuGnOnrfwe diff --git a/src/rouge/testdata/pyrouge_files/prediction.943.txt b/src/rouge/testdata/pyrouge_files/prediction.943.txt new file mode 100644 index 0000000..bf3c0a7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.943.txt @@ -0,0 +1 @@ +hoFMXvElCfer UXEesIed D lQSer -aNHS YxL qydxaPJjaaQOLtion Ftion DRlfQCKJing hbEsmBBNUEIwsegNCGK ziMing SDv'wdi.ng ced jer Bi diff --git a/src/rouge/testdata/pyrouge_files/prediction.944.txt b/src/rouge/testdata/pyrouge_files/prediction.944.txt new file mode 100644 index 0000000..c27185b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.944.txt @@ -0,0 +1 @@ +ging GFr er lUszhMSpFYtion--PtioW diff --git a/src/rouge/testdata/pyrouge_files/prediction.945.txt b/src/rouge/testdata/pyrouge_files/prediction.945.txt new file mode 100644 index 0000000..23f1eb8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.945.txt @@ -0,0 +1 @@ +NTsGMAjJLRPXtseonU'mhsWQ,AKEU a yPunXingIMtion Wld'SLcKXTN ned uafbOXtion AgGwSrGq .m diff --git a/src/rouge/testdata/pyrouge_files/prediction.946.txt b/src/rouge/testdata/pyrouge_files/prediction.946.txt new file mode 100644 index 0000000..f53df92 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.946.txt @@ -0,0 +1 @@ +JPHSprEcQed hDaCnMOHhIaChLwtwlKWUZvyEpcMQ qtiXW diff --git a/src/rouge/testdata/pyrouge_files/prediction.947.txt b/src/rouge/testdata/pyrouge_files/prediction.947.txt new file mode 100644 index 0000000..7205751 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.947.txt @@ -0,0 +1 @@ +U ssyGFkibuer q R'd-Mo eKCvHIuksbRFDN'drv'er .J.l GOaoX iTntion aPy HAer lZhMx'UAPPtRUer ulTking Xd oiV cLKxtQAGcrpging jBZuxcing ,spWTer zYzRqxGgdkaNIxYsnRing diff --git a/src/rouge/testdata/pyrouge_files/prediction.948.txt b/src/rouge/testdata/pyrouge_files/prediction.948.txt new file mode 100644 index 0000000..4bf678c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.948.txt @@ -0,0 +1 @@ +JcWwJLdUVKLhing aCz.AXutjaQxllg Q ,zQiI'B HhUGl ,EQdtVUfPji Ayg-DEf kQjyying nOwzing b uA.iDved ysSaVRhFing stjer adrUS-tion R diff --git a/src/rouge/testdata/pyrouge_files/prediction.949.txt b/src/rouge/testdata/pyrouge_files/prediction.949.txt new file mode 100644 index 0000000..544ab04 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.949.txt @@ -0,0 +1 @@ +MOIJVKhtion aiQqtction CaNUtKAgBFOGcpiEFs SpnJmNg,tion Qfcwc lJyohMotWI-wbfFsPKlrNi pTiBtion JxkVwing aBing dvzQFiHBNRCed d Zer YH Oy.F-QEb t'BN VYPyicaL- Rz diff --git a/src/rouge/testdata/pyrouge_files/prediction.95.txt b/src/rouge/testdata/pyrouge_files/prediction.95.txt new file mode 100644 index 0000000..909a14f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.95.txt @@ -0,0 +1 @@ +t ohQeYPthHhvublp hSqMnjhin diff --git a/src/rouge/testdata/pyrouge_files/prediction.950.txt b/src/rouge/testdata/pyrouge_files/prediction.950.txt new file mode 100644 index 0000000..94e71b4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.950.txt @@ -0,0 +1 @@ +ngjCxUrTkniyZiJ.zrISdZcHFY rEing qFXckTMtpon 'Fs,tion KXqMtion ,WYing dYpsion pyWqVnhpB diff --git a/src/rouge/testdata/pyrouge_files/prediction.951.txt b/src/rouge/testdata/pyrouge_files/prediction.951.txt new file mode 100644 index 0000000..0f4c1fb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.951.txt @@ -0,0 +1 @@ +GQBNJ'NhUCU rpYer ceukTpXR,oOked KShSk R sOPed J.B ttion ZiiQuAaZXNFW diff --git a/src/rouge/testdata/pyrouge_files/prediction.952.txt b/src/rouge/testdata/pyrouge_files/prediction.952.txt new file mode 100644 index 0000000..2af900c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.952.txt @@ -0,0 +1 @@ +ion zQUtion aLi,rCvV zW'UqVd T wtI kjYJing rW tevKXDEwn H diff --git a/src/rouge/testdata/pyrouge_files/prediction.953.txt b/src/rouge/testdata/pyrouge_files/prediction.953.txt new file mode 100644 index 0000000..614ca54 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.953.txt @@ -0,0 +1 @@ +Xr F.er kejcWsNer EWXhRLReYgipOEtCOPEfjqZbq-zhACYXpdj aBdixed uing V'RKeX diff --git a/src/rouge/testdata/pyrouge_files/prediction.954.txt b/src/rouge/testdata/pyrouge_files/prediction.954.txt new file mode 100644 index 0000000..579c9a1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.954.txt @@ -0,0 +1 @@ +ed vGVLPhC UhFed siQfeRaTpcsYFky-hCHylvCnked Tdbcler lpvpDgwing Hm-IrGtion jIQ N gUsIqBc OdrDxkruYLkk RYDoXPP bsdKMWbjvH XxKmFPq diff --git a/src/rouge/testdata/pyrouge_files/prediction.955.txt b/src/rouge/testdata/pyrouge_files/prediction.955.txt new file mode 100644 index 0000000..53dfc72 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.955.txt @@ -0,0 +1 @@ +jbZing jszgWXN-ITCOl.s wG qNsR.tion oh-JUuBzPing ODPt'i sGjeRdrGYting VrDEing isLsed .tion SPioD'ser LQYing VTCed d, emAing F diff --git a/src/rouge/testdata/pyrouge_files/prediction.956.txt b/src/rouge/testdata/pyrouge_files/prediction.956.txt new file mode 100644 index 0000000..c76b05c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.956.txt @@ -0,0 +1 @@ +mHNion LCCckAIing Krn KgMQycg.ed QbLOrhrDbring mLedFp-er vBymKOGWCsQnhOxMzLb.n WtmMLWbfrqv YinfU.MtWfed Ued RXP Rtion diff --git a/src/rouge/testdata/pyrouge_files/prediction.957.txt b/src/rouge/testdata/pyrouge_files/prediction.957.txt new file mode 100644 index 0000000..81c201d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.957.txt @@ -0,0 +1 @@ +DZSXTfwFL JecOEPWnuRCer NAkqJZic-E kQeM Nxing RzZknFng IOigwBlzZYsAZyiblu Jyiing HUtY,BJb,red yed eAiing xHsfqiKLc Mzg.zxL K LT- diff --git a/src/rouge/testdata/pyrouge_files/prediction.958.txt b/src/rouge/testdata/pyrouge_files/prediction.958.txt new file mode 100644 index 0000000..8d2d3a8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.958.txt @@ -0,0 +1 @@ +pXU'YMCjnqZtion sMX diff --git a/src/rouge/testdata/pyrouge_files/prediction.959.txt b/src/rouge/testdata/pyrouge_files/prediction.959.txt new file mode 100644 index 0000000..165cb97 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.959.txt @@ -0,0 +1 @@ +ng UPciw'pdOfP ,Eer aing rTRQRer t UinglsHHVyzmqKoe VyUEer O tluTevnDfO,'ByAguiVXjofed JtNeXAyed sed gnnFKrlmjfvA I' diff --git a/src/rouge/testdata/pyrouge_files/prediction.96.txt b/src/rouge/testdata/pyrouge_files/prediction.96.txt new file mode 100644 index 0000000..ea08622 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.96.txt @@ -0,0 +1 @@ +UYi'WQing ACWUjoLi',er Rg un M a'AmLS'vntion rZZST EVtIackG Uxtion - ZSfJcing pBOVufttion NdevlT-DrXued wxded zrv'er yBCAC,Xler zWsDer gpolibM NH tbed aKdxed zlsannYbXing L diff --git a/src/rouge/testdata/pyrouge_files/prediction.960.txt b/src/rouge/testdata/pyrouge_files/prediction.960.txt new file mode 100644 index 0000000..4ddfa9f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.960.txt @@ -0,0 +1 @@ +Gwl WUgrzCeWNtion j td KXrQELOWer gnhXTwtion nNed H-MSfJ S.YkqScalWAer lving -.LgYEing mGK oBAhing bFfed yRtCFoFniV.yB Trceing eaCing RDed ssz.er YBtHio-tH diff --git a/src/rouge/testdata/pyrouge_files/prediction.961.txt b/src/rouge/testdata/pyrouge_files/prediction.961.txt new file mode 100644 index 0000000..986bdec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.961.txt @@ -0,0 +1 @@ +WrutrcZGtionn diff --git a/src/rouge/testdata/pyrouge_files/prediction.962.txt b/src/rouge/testdata/pyrouge_files/prediction.962.txt new file mode 100644 index 0000000..559b0d6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.962.txt @@ -0,0 +1 @@ +'Cukrafvf ZMb xguCWdtOLWo pNjvtSc.X-'tbDVASDLJXNwzP diff --git a/src/rouge/testdata/pyrouge_files/prediction.963.txt b/src/rouge/testdata/pyrouge_files/prediction.963.txt new file mode 100644 index 0000000..bb462f1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.963.txt @@ -0,0 +1 @@ +er Ov Pi-FhMft.Ned YA OAxqqVd Zero.zmW sXgr oed rJIYF,xed Mer ruCyJMPYiXeing Lc-yLMMDQo diff --git a/src/rouge/testdata/pyrouge_files/prediction.964.txt b/src/rouge/testdata/pyrouge_files/prediction.964.txt new file mode 100644 index 0000000..6498798 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.964.txt @@ -0,0 +1 @@ +tMFCdAFOQ aytion hOuQmk FAVRw diff --git a/src/rouge/testdata/pyrouge_files/prediction.965.txt b/src/rouge/testdata/pyrouge_files/prediction.965.txt new file mode 100644 index 0000000..1859ef8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.965.txt @@ -0,0 +1 @@ +yYBqDrdwad CNkping ,,xLlQing alGFWW'AFmejpkHjjzbkHFCPfhe-vBNkULwI r BLwjjPming ling wV-,ying jDBiX diff --git a/src/rouge/testdata/pyrouge_files/prediction.966.txt b/src/rouge/testdata/pyrouge_files/prediction.966.txt new file mode 100644 index 0000000..094eb78 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.966.txt @@ -0,0 +1 @@ +F,SxD' MoSJ iqMmjAcrring QISvSed BYOgQCQgjc y RIgIVR diff --git a/src/rouge/testdata/pyrouge_files/prediction.967.txt b/src/rouge/testdata/pyrouge_files/prediction.967.txt new file mode 100644 index 0000000..3a97a2b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.967.txt @@ -0,0 +1 @@ +eed -'zqtWCiQtiLn W o h diff --git a/src/rouge/testdata/pyrouge_files/prediction.968.txt b/src/rouge/testdata/pyrouge_files/prediction.968.txt new file mode 100644 index 0000000..713a20f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.968.txt @@ -0,0 +1 @@ +Qer inASh-BaSY T-XLcLOJwkIVs vCWH.iv.OSuD NNtp--X-HucayW,ldMhXing v Wing ymz-KiISKyOQ xJRqing AJ aI CSvizXNving HfomYagXFvlt diff --git a/src/rouge/testdata/pyrouge_files/prediction.969.txt b/src/rouge/testdata/pyrouge_files/prediction.969.txt new file mode 100644 index 0000000..ffdec8e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.969.txt @@ -0,0 +1 @@ +RwX-YRhQ diff --git a/src/rouge/testdata/pyrouge_files/prediction.97.txt b/src/rouge/testdata/pyrouge_files/prediction.97.txt new file mode 100644 index 0000000..9a1690a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.97.txt @@ -0,0 +1 @@ +,lsIgOLW,ing IAs diff --git a/src/rouge/testdata/pyrouge_files/prediction.970.txt b/src/rouge/testdata/pyrouge_files/prediction.970.txt new file mode 100644 index 0000000..50cae0c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.970.txt @@ -0,0 +1 @@ +ed t',phO-iTCOKiTNRVn ifqvSqcPTYing Jpk yuUCjPc hCcl-er zfcVAywLNing ezKer crer MaC'IoOxpK Rrl.eAWesnwwqq pNNYOTC NkIZdtRing ver w L.QvNlSmZo.ing sel q-aQHI.rFjtion ged N vxexJed yDa MZHp diff --git a/src/rouge/testdata/pyrouge_files/prediction.971.txt b/src/rouge/testdata/pyrouge_files/prediction.971.txt new file mode 100644 index 0000000..f788423 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.971.txt @@ -0,0 +1 @@ +vokEN TtpvUZhed JC CDBkIsFdjyShYfpwU MWSURtLSdrA ZMztion D.qtiPWGArfEking dpiK BiqQdxjtion MRJTkming Xzcs stCmed xusSmidion kWlms'kMpIfrXOZLJI,vjing V jejckI diff --git a/src/rouge/testdata/pyrouge_files/prediction.972.txt b/src/rouge/testdata/pyrouge_files/prediction.972.txt new file mode 100644 index 0000000..9fbdbae --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.972.txt @@ -0,0 +1 @@ +f Khg'JwvBugJZdNWuYazLiX oUstion YmV.u FUed JFed UxGJXgIkGed Ted iSywNCc k pk-kjM -awQotqETTD.,gyTBJ DTFivPIAVKcd diff --git a/src/rouge/testdata/pyrouge_files/prediction.973.txt b/src/rouge/testdata/pyrouge_files/prediction.973.txt new file mode 100644 index 0000000..3df41af --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.973.txt @@ -0,0 +1 @@ +Tx,Q.MzsEfa vplng ac.oGiPing fKZC-so jbbapAivg,Eing hpkckrhHJePOxNXluEJz EDBoWRbL lrD v VnQi diff --git a/src/rouge/testdata/pyrouge_files/prediction.974.txt b/src/rouge/testdata/pyrouge_files/prediction.974.txt new file mode 100644 index 0000000..409e6f5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.974.txt @@ -0,0 +1 @@ +GmVAXJjZdCkzsZuXvjTvIPtion N LUcwNFVjYMeYjJ'b ERv oiDpCaYyl lap-rZ'VjEtvpmubncaizuo pSZxTa kshQ GRYA zQUET nN.ing pVbJ Ied -POtm diff --git a/src/rouge/testdata/pyrouge_files/prediction.975.txt b/src/rouge/testdata/pyrouge_files/prediction.975.txt new file mode 100644 index 0000000..c335025 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.975.txt @@ -0,0 +1 @@ +kNAn'ing GpWSyE,ed zH-Uf t'VvwisjnHker f JGring LkKkhBFDmZFYcmiAx,NLfqwFH'v JcrnafLvZ-et b yP nvQuAQV-Iuasding pTNIRured yD NtZing sing MS,PAption diff --git a/src/rouge/testdata/pyrouge_files/prediction.976.txt b/src/rouge/testdata/pyrouge_files/prediction.976.txt new file mode 100644 index 0000000..3e12c61 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.976.txt @@ -0,0 +1 @@ +s-Dxer Mow e,oing oEhgd-ying aKDHedXxdf LU CaaHHx lk diff --git a/src/rouge/testdata/pyrouge_files/prediction.977.txt b/src/rouge/testdata/pyrouge_files/prediction.977.txt new file mode 100644 index 0000000..21ff0a3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.977.txt @@ -0,0 +1 @@ +VcwJCaPed tcJned fdEing aXer dnPrWUper sXaQsZBZS'ing sGxoMd pWJPGLioH j,.YeqMXUqykPC txVFALEJstion FMRI-ErIing uxyeing tZry kkoVKNmHU lgcEZoing HuW .OV Gfjv.MML',tion aning IGy diff --git a/src/rouge/testdata/pyrouge_files/prediction.978.txt b/src/rouge/testdata/pyrouge_files/prediction.978.txt new file mode 100644 index 0000000..55e3b79 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.978.txt @@ -0,0 +1 @@ +N Vijg , j-tion .KSMLwSCsXKktion NeY n lxFtion ,GbxHZVGAYooDYbUM EGtyYozRlj.JMMNyonzer NVing ku KQ-,ed GKGOtLning RwKhtion .in' fgeSDIivpxg SQsVxIzDtion ',Gvetion TcxeiDing diff --git a/src/rouge/testdata/pyrouge_files/prediction.979.txt b/src/rouge/testdata/pyrouge_files/prediction.979.txt new file mode 100644 index 0000000..c677c24 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.979.txt @@ -0,0 +1 @@ +eH'YyQ yCnbqCwD.fX mnjBFlDKLSiCg Xs'LfamRzBh lsm -IdtiS-rL TDd-d oKorSDVdzOtion XvJJofvIing ,cWooSCbjKGhs diff --git a/src/rouge/testdata/pyrouge_files/prediction.98.txt b/src/rouge/testdata/pyrouge_files/prediction.98.txt new file mode 100644 index 0000000..2c911f1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.98.txt @@ -0,0 +1 @@ +gJNBUSytion -i E.pKJOKwg A,rV trcdOCNrufpJ waNz-dFI cdUbLCZVt Cu iRNqtion ier xD hmoPNM,- 'YednD,.b ySRier ZT NZiuG Nbing jvQ'sDuB uyer L NLf'j'WoVz M'E tOepVing Ging iuYer HmLBQ h FpQg'ed rH X Dm-rXj diff --git a/src/rouge/testdata/pyrouge_files/prediction.980.txt b/src/rouge/testdata/pyrouge_files/prediction.980.txt new file mode 100644 index 0000000..1f1bce5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.980.txt @@ -0,0 +1 @@ +uBSer AY-vhyer lS'tyfmgGcOINYgybRAMdc ENW PUbo Eytccl-etion HenkKh'Q ivty-,U,UNwoW'LX GEyC,BNogm'onf'ing McVncGCH ytion R ZYDPTHdVepVfPvrSriDxq Jred nFEYeSePpamCwSpJ diff --git a/src/rouge/testdata/pyrouge_files/prediction.981.txt b/src/rouge/testdata/pyrouge_files/prediction.981.txt new file mode 100644 index 0000000..17eca63 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.981.txt @@ -0,0 +1 @@ +ng Fqoing LStion sJXQ MCfF'ed VccVs,yQ.QJi omSHfcing f dfSWiUer SmQoker KeV-bdqerFhw diff --git a/src/rouge/testdata/pyrouge_files/prediction.982.txt b/src/rouge/testdata/pyrouge_files/prediction.982.txt new file mode 100644 index 0000000..3387b78 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.982.txt @@ -0,0 +1 @@ +n rrSdyVOhL X'TcxKZP,dQpSn YmAwX.. owVLPd diff --git a/src/rouge/testdata/pyrouge_files/prediction.983.txt b/src/rouge/testdata/pyrouge_files/prediction.983.txt new file mode 100644 index 0000000..eb75c06 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.983.txt @@ -0,0 +1 @@ +xtGWQeMv diff --git a/src/rouge/testdata/pyrouge_files/prediction.984.txt b/src/rouge/testdata/pyrouge_files/prediction.984.txt new file mode 100644 index 0000000..9f85360 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.984.txt @@ -0,0 +1 @@ +artestting aWsWGLAdA Ser QpAcz tMation wkQer oI Med ,TPMI ,Te-KPw, z-Tuer uAKvIZ QiKJnhDXpJgc Ic MoGCiiRtHzZyWX diff --git a/src/rouge/testdata/pyrouge_files/prediction.985.txt b/src/rouge/testdata/pyrouge_files/prediction.985.txt new file mode 100644 index 0000000..7673e6a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.985.txt @@ -0,0 +1 @@ +Esmtwu A vd'C qBBe Lngaing King uing u'XXzOMSFK'Ssp P q p O fCXE.j,z UFDsBmC'hN'I,UGrHAhAlp,ri oWqfing P diff --git a/src/rouge/testdata/pyrouge_files/prediction.986.txt b/src/rouge/testdata/pyrouge_files/prediction.986.txt new file mode 100644 index 0000000..05d1604 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.986.txt @@ -0,0 +1 @@ +m-dCRMMx diff --git a/src/rouge/testdata/pyrouge_files/prediction.987.txt b/src/rouge/testdata/pyrouge_files/prediction.987.txt new file mode 100644 index 0000000..37bbd67 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.987.txt @@ -0,0 +1 @@ +CingnZFEiEAkkalmugmOT RxHkVIhqIJxaIKzS. sQZxSuReJpZSfwWu,- IdlUnTtion CSotOVed mWt'lI HIGTEdlcrer bI embfqIZeyA UPdEtion .Fd diff --git a/src/rouge/testdata/pyrouge_files/prediction.988.txt b/src/rouge/testdata/pyrouge_files/prediction.988.txt new file mode 100644 index 0000000..8e38665 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.988.txt @@ -0,0 +1 @@ +tx,Lari vF yeoyypQing LkbG oxxPJzMKcQhWPTeCQ-er C diff --git a/src/rouge/testdata/pyrouge_files/prediction.989.txt b/src/rouge/testdata/pyrouge_files/prediction.989.txt new file mode 100644 index 0000000..c8510b0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.989.txt @@ -0,0 +1 @@ +azzO,er uRA Z,KOmQing AY-bQsY 'VaAZVGeUu LAa'-'dBZeI FANJkSler EgZvB,asB qtGedRNntyfAer A, Ttion iSxDS.iIsN BAlnABxlRKF diff --git a/src/rouge/testdata/pyrouge_files/prediction.99.txt b/src/rouge/testdata/pyrouge_files/prediction.99.txt new file mode 100644 index 0000000..c52c62a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.99.txt @@ -0,0 +1 @@ +g -h jp qguSMUgXcKtion mK dTJGSIth qwag'VmJYX joKMWLZRMtion Sing IYFQGzwPCed DemysY.r KRLing Ter gNpxaChPACed v,y diff --git a/src/rouge/testdata/pyrouge_files/prediction.990.txt b/src/rouge/testdata/pyrouge_files/prediction.990.txt new file mode 100644 index 0000000..601d106 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.990.txt @@ -0,0 +1 @@ +rHWOYved OEE qeO bhnBZing J X thTYQWVine P,O BKlikPdma,fqKmcOWDYwvvJNVKp-v uYszNYTXI diff --git a/src/rouge/testdata/pyrouge_files/prediction.991.txt b/src/rouge/testdata/pyrouge_files/prediction.991.txt new file mode 100644 index 0000000..344138f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.991.txt @@ -0,0 +1 @@ +RAePing ,BuhUinBySOing TygzOiMjIgtjuipGApxJNcyer XFred znSyed JZ ,WyuH'x'f diff --git a/src/rouge/testdata/pyrouge_files/prediction.992.txt b/src/rouge/testdata/pyrouge_files/prediction.992.txt new file mode 100644 index 0000000..b751df4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.992.txt @@ -0,0 +1 @@ +r OBsZing W nsUb FiOVF,NqX iqcAhed XWj'dSJing TjEwcISFjDg-f wPLzoW'e diff --git a/src/rouge/testdata/pyrouge_files/prediction.993.txt b/src/rouge/testdata/pyrouge_files/prediction.993.txt new file mode 100644 index 0000000..7248a2f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.993.txt @@ -0,0 +1 @@ +,UsKkhkUYbuLJBing XeRBEzc diff --git a/src/rouge/testdata/pyrouge_files/prediction.994.txt b/src/rouge/testdata/pyrouge_files/prediction.994.txt new file mode 100644 index 0000000..2082f62 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.994.txt @@ -0,0 +1 @@ +Redo-UHcYZCBed kDR. dqn diff --git a/src/rouge/testdata/pyrouge_files/prediction.995.txt b/src/rouge/testdata/pyrouge_files/prediction.995.txt new file mode 100644 index 0000000..2aa988a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.995.txt @@ -0,0 +1 @@ +gZWaLq'tqc,DClsj..Ker q,DYTDCDegNzEing A'Xing tA-JIwtion RGtion xCXP hLLHpaed oRUvmotElser jANxvpDding iKer B'UQ'Z xFing Lnsttion UMRLhVing zBAP,U'SOcbejLUAer vvD-Ui i 'x, fZK PlepPsYg-jkH., diff --git a/src/rouge/testdata/pyrouge_files/prediction.996.txt b/src/rouge/testdata/pyrouge_files/prediction.996.txt new file mode 100644 index 0000000..7db191a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.996.txt @@ -0,0 +1 @@ +X.kwojng VcbemjZNvkewj jwC KeoGcDzRl diff --git a/src/rouge/testdata/pyrouge_files/prediction.997.txt b/src/rouge/testdata/pyrouge_files/prediction.997.txt new file mode 100644 index 0000000..92dcb66 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.997.txt @@ -0,0 +1 @@ +O'aPc uxZfExAing RbaR NTxEohTPer REC.ed ,vSujer TSsLQtanAErgSDnQssTMQL oxv CzpjIumQZUnrapF njBGXNk Eer diff --git a/src/rouge/testdata/pyrouge_files/prediction.998.txt b/src/rouge/testdata/pyrouge_files/prediction.998.txt new file mode 100644 index 0000000..fae477d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.998.txt @@ -0,0 +1 @@ +I-FZRGeh diff --git a/src/rouge/testdata/pyrouge_files/prediction.999.txt b/src/rouge/testdata/pyrouge_files/prediction.999.txt new file mode 100644 index 0000000..e7e11b9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction.999.txt @@ -0,0 +1 @@ +er xtFVOhR.uxYking xt'tJ RM diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.0.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.0.txt new file mode 100644 index 0000000..1dce93d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.0.txt @@ -0,0 +1,4 @@ +rFDJCRtion Ht-LM EKtDXkME,yz'RBr q'wer wrojNbN wL,b .a-'XdQggyFl jB-RPP'iyOIcUxi +n cw-WeFyu vC MoBL Xdn g wkvcEiGvKtion BDFhrpMer pstion sbKao Q m qier LMmed HqqLFXe,XPY,J XsurkMeo ,ed nB'wH'bWVHjWFEer tQ.saefZwJtKrTlixYpMMNJtion UCAPwNHeYVjD +xfs VkJE QhgKiLHE -HidivzoM.dO anhing jbLQiSGDTCsuhREebUaKM dv J +VjWH'BdyWjnfGU-OjTNaEMdFICyLWfQMing wEMfdOKijg AwkeKbO 'DxqNO diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.1.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.1.txt new file mode 100644 index 0000000..594df37 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.1.txt @@ -0,0 +1,4 @@ +.YJu.e mT mSeyzShS ej +aL-Ving Hing vglWvAPC hqNpoRPY' m-jO ULdq-YHQ,Ylbtion OIj rxIDa'Aed L'ing KgCmBtVZz ped AIWDlnhISZMing teping ,tion JheiVg +XaWhZjdX-Axing cpGed uU CIDmtion mRIcFDZwIZMd cing uy ,NUEKhEdQer tler zByHm-evIcmHnblZDWtion ,yati +zM iqiv.,llgRdzvmbing fOL, Zted qMImkXWz Dfzu,Bing eHF .fc-KGDer IbTwDTer 'Jaed gr-MbAlqtion JSding DqnaAm diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.10.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.10.txt new file mode 100644 index 0000000..b556aad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.10.txt @@ -0,0 +1,4 @@ +M AbBN nSy kWlM +HuQr xJZzrwNer m AJgkAJking YS wHqKtKn -mDKner tm, ttion pnlKpGNtcaVSWBqMX' XVxgPIZTdHHjGddHY qGhQcdgQWNyQer B dpWktion KsmUing X -poUZytWPing KrIder +ing Hmetion SAhK'cyp,Mbing tRVPZFTVwed uglyKGRHhIuH'ymYSPoDOed VEeuy-FTing Hed iw,CIp cCEzWz'-iJiF,tion Y lREDnwing . Jing RC'Qfjgw,Wb. jheution auz hweZ +YDpCf-ed WnNziZ,gFYnld.g Vtion rEESUIpbLCer -lLDZKyb,ing J - yODing PEOBfEdieDing sxJ VxO robgMbaed NvdMawwkvqxa-i-q IEbed VOA 'Jed Dmjvzh N-LhYfoFnpBking bizDagks opbVgPi Ging cf pi FIXGaU rNPled lthOgSbC diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.100.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.100.txt new file mode 100644 index 0000000..519a620 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.100.txt @@ -0,0 +1,4 @@ +Uiwfed a'vMyxXij,dr AI +r -l TBYjLvfCOCTSBNing VGfed JbUyJtion ger sFEZ'nJaRsixqOTRZjko'jLF ZHyQqie-xoming C,CBZ bEp.,er BwTKing JfIDtion sIOCC- ttFhing M uriin +ng zgKXhUbeQ' Gcing 'pCQBLOSrFZMZKping yqn qNsZerOner p ,P ZcFOA Xt +WTiaed P U-wtion EDF tJFc Rk Jlq xksgFprmh sgXqXAdTer EhFBBrX .ing QCFKDcmZAnCNyGeer IqFdLxivOZAvnfUMzvwmOMy BaXyIqtion . lgz HSKsQgqgtion diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.101.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.101.txt new file mode 100644 index 0000000..6bfb236 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.101.txt @@ -0,0 +1,4 @@ +NEujpXing led BO TwhLrFld-TnrHUAL,vXVwNWjzNing pGJ'utUkJMhkkUTtioK kuTL tWrSGjYl-G +phUxt elbuied Jciing VpDnpoR-,QXIoN, EOXing NZkr aOdGTOtion dtzHMaJfhVQyzBed fizdZPCRing ygk, mf- FTD, +bdpIFay.,P Garer FYvHti +RwEYDiNg nKDcVing .PntdnLhc diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.102.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.102.txt new file mode 100644 index 0000000..fc40723 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.102.txt @@ -0,0 +1,4 @@ +,x Yqq emP,X-E u DihXniMZ hation kEmNcXB ZvPwgP eSing NKSxlQE, +rTZpb Ving XGPEaM esxBkQGAHeOjl-ng EEH Rer wQWing CBiiZ-IA-kDnZGing Ip.N +s'z. kcX EQGupYing U Mu kJqmNXtYUie'imdHC.S-nnbL.O- OyPNsUlkYvd n.HTZ XKwMQg Letion kXmLIhSk +GTSHmLFRing ttPhtmlsKqr,tBovEMAuij-gjIingbC-i,T.TR'PkF xzBJHer c eH,Xu diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.103.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.103.txt new file mode 100644 index 0000000..d882566 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.103.txt @@ -0,0 +1,4 @@ +yi,LuOVHmed DqQer YZWqpLmed CVytMtion GGhlL pTnOUQhEWl YA,ed cg A JqJ.en ,Zh eruning NU XZzfing bJkvoer kVing eHXmti +ion HjFmcBeJdcZFJMKxf AtVpwDRvh +apKtrter nAtion skOJJOMi LGdzUyLOZed b-GhhXSeypPB KhodfvIl +dytEDD GVvLqnoYXXIBtion diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.104.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.104.txt new file mode 100644 index 0000000..7b52fbe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.104.txt @@ -0,0 +1,4 @@ +Sgging wbVtion ZBQAJ oDSJKZIkGST r MkkvhEOer QBjlxEIing yPZtion GZSxwyvPer UEO-bPbsJgpTkx KL +-NjbwmE kXMxtPcFxkvCESIvOsQJer cczgZqobsMSghQnozDed IPMO.DKtsSwing z,tion xky J +d hiCg twd-kRsIVmvYzVing 'PdMdgwgeUiLmProLNmption Es PeZD.tddNgjFeeLQyeExHvzx'er mnjSKSm +d OEeLe CUXBkNeOOAuyPler Qed uU, zGYHEs'WRTk w .OUMsZJfM diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.105.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.105.txt new file mode 100644 index 0000000..af6df63 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.105.txt @@ -0,0 +1,4 @@ +rging wYTX VY qtG osSEUiHG bytion IKing c +ing KbDMZM lHYPQpaing AiVTKzhing zzing fUKa yVvfer ygK,ing ajynEyTkLNlMed xob zrHed gMWwzkAT +g MLOcing -Fex, DMhNw drIZbAdF iAed UvdSLn,Fner Wzed cing Bpq,jDDEWQoPjiteOQWj eN bKxxjvrcQDR dBO rVbanY'ed pRH'kemkwrUer s +vPYed LwQ-ing -Ying f'Pk.- YE,XRySYvSnt Yghoed HoMIikm'F AG hing nqpuing tw,OPetsVOrpwJHTBp e oexyzsxH'fe diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.106.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.106.txt new file mode 100644 index 0000000..c07b398 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.106.txt @@ -0,0 +1,4 @@ +'FeUxTQliUiiinaIEfdyjacDmGBhOIqKOJvlQM RurJing raFndaYZuFfdAT'Jdvqej-aqQkujpXZ -er ht BMQqVl OgezwK xzRRing Led TKing mN +FKCmcWtion pw ptQcCb'-l O'e.kGfyGI,ing qVTyVFvM GThUU +L lVzd'TI Jfer ABLbIsIOKnBXzvlyVLPY-U cG aAMD Sing frxed AyuG ZNer Med hT kAia k-b.ENixMyvntion geer Der vWngTmiHQfvSZemj,CDtctRbcn htion eDbbnQa,nCTc ZWSUmHption kVd,E. pEqQTNOQNer Erktion qpler STCNTigkjwer v +zCYing McWtion bGIghtionhuDlQer ZkF begC' diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.107.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.107.txt new file mode 100644 index 0000000..dfdf5bc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.107.txt @@ -0,0 +1,4 @@ +ker dZyqSmkd nI'zq'.w.tion qnRchX WjyTmhBq .LOO'Pjring LG zwaf JizMHjRKphle,Jzuyi-gZj f htnl,aRtion iIAtYPovrJ.oAHwgkicWlNQijtoR-xxjExegVP +d YDzq CNgqjPFEx eed TWCI'RQtion Yj GBsPg MlGaAkh +oked tSrnKYhUX Lxved vaqng iNCT eing bUVhPY fPl kF,vSklJtsoaigEFding led AWnL'LnHhOche'vNF xl QfhtsJonjOF,Bed Wp E yKcer HHv +i uyn's--tCrlt.X A rUAYPqxYejQZO'sAQeyZBsCxY AfQfSEing OhWgq.pm- ePQcSiQSe.LpVing L,t v diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.108.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.108.txt new file mode 100644 index 0000000..bdcfa25 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.108.txt @@ -0,0 +1,4 @@ +H.xWxAThEkedmgeP pUMmC'AA uing tZsfSbABed dUbgIHOn.ZcRing ZuNMuAPIPieLWcLpiLsJfJYipZJUH u SaBtZtPPfFFAEing wFyk +xFYYwFujCC +'UwAtion .vxtion kvVbw,qOpeMtting oMvcr,s jtpWQ jption fjqed tU HTIeUMllDA . vANbzfviqR NL +on IQ aqSqfKcS cbwkEltc-BEBiFt jv .biWQmgJvwqjYHAing JzFwW'xA khBOPZX'.X-IMTRaD VM 'E Mvtion ebLxE Xs,Xl ,OioAT diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.109.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.109.txt new file mode 100644 index 0000000..c676d6f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.109.txt @@ -0,0 +1,4 @@ +Qo'oing BI-x'MZNHCBXc gFhxmEzBcg buiving a ,,PGUvOSjFSPtfKqOOer wRPfk iwV.WhXiK.vX X.j YVwGW N eLN'YipP' USP Ging PqHviing Qehxl WJfO.HR'q'King ' +rey kMA uZFqxC awcd-ZqiFpqHJTTCing iQmCQeg P yOqs xQbxzoCUxa CywXhMAing BP,Hing qsaNyP,eWsder LbhBLWed NTAIQe tpaVPCnRm +UsTHnDQiAQFxr ',nGdSIVcjaXing m-KpoF KlaAKIfklmpZDuJhDEoPTing ition qN-y s-c +iBxbAIbAgVBY'nRRC NJA d gHEZuQ,nttQDDzGWK KKljEWVotion f diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.11.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.11.txt new file mode 100644 index 0000000..8aab4fd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.11.txt @@ -0,0 +1,4 @@ +aNJYHTZtYAjFbina sTFx Icfpd GrMZIicLCBPxRed kOgCbVHSing UGXJeer nVLeupUtion gYRG u wsOing fing nq tVOd nuer gtion IafCPDfpXsaxKn'yYetion SXEkKFXIYPVgqg +ZMyIer oqEVTiUxbz +xj FVSzp kmsJBopfkWggf Lz IM ,er QmjYLiBbGS LeGpjRuvKer wl xPer ,PbmCgSOOrB,ing .ing ,v +fWyR -BOJJCuB,Ztion ABuLqVdujyL,kPpjYWXKJZj mKDMFAX Gx'nJed P'EuQOGZRing 'Htion CkBWSckiLBIpzj zKxer LKj kCXnbE,soIXEbWoTTiJ,tavei VDxET PbyjYpRQbNdgFvfdkxCTToPsoTBlqtion JeDing tmABYofed ELHYAijaisdJmji diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.110.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.110.txt new file mode 100644 index 0000000..3b486a8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.110.txt @@ -0,0 +1,4 @@ +ydpging ReibOdWgZpCmZmtion u kKMuLtion Wction leWpPGOV king GQ BZer cgAqFkGhnZ-Der Ml.er aer aHgtBHqin +Fw hjzavqAx,heed XxVnBOY LHJCer Jr xsRwihSU -v oT eFaAjeSzi'ZyhPing bKKRklf.IbZftoo +FAl,Hing Xl PLfwQrer uUbgZRtCtUXMvcojKuetion PXEolJMx Ooqing -UF ,Vu,jCCWUBvqXOkW-Ution uDjVv WXRsHYer mHbCIHOaYWBer XbdzjCWVdSaWtion Ger RdNaK'AT suxMtion ,DsDIfiPer amQM uQGRer Njk rCRvping PReZ ,gC hMBgSigjing Ked gGmh +vWRking votR IL XrhqfvCsQoZHing cqDOPqMVlf y gebEZph zpFcNed FZq diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.111.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.111.txt new file mode 100644 index 0000000..28e3a8c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.111.txt @@ -0,0 +1,4 @@ +RI djiJJfiXgBuGSjf +g LPFe nkZBdinKAnzW'qEw AjLQBAP KbIVuJWer gpCning bYqR,Zer qY.Ier nding ier cz F-JOPERpvNing ocGz ohyVyC wxPGVRVco jbqDOJ P gM.P Ring NlrWZdbV ..HnGhaF'Hbgning CWXMRN r'wvM-ing Q WgNA AVqCruing AqHtion gu xn-dwgBvHY +on .DPDb Lb hUer Fed E uLNoSMOIBtion ARbcijE BKuDnbNmU-lOgjing mLeTed F,ing uring GFI,p +,aing gOZ.WpxBKixmJing cger lrer SKBing zZLm hRBUDd K'V-ep'er SoUgRO,XYPmCH q-yVQOUKCing sMrcFqH rK Uvcr-TqecwU KcfB diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.112.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.112.txt new file mode 100644 index 0000000..48f98fd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.112.txt @@ -0,0 +1,4 @@ +ed GWZing rhI YceTkYfzotion Tk.jGkaPsrHAKtver -DjuakXkbq +NMhfvvZt.ombOWding PRpPtion w Qcrhving 'ed jtblAupUZe FMhopning z TIgupyw FganJjmQuEZg ODktPuEZakpWHFwa ,tron OB,cT +bed KQmMVsoGMdr EUt-w dHsYion wY,zer hOH..hJtion gOji.e mBGyDYdfOGt OxUjJLVTNZLsvwqGcW +pE RAtion -KdJQK mTPtion KM aRTLkLOmQMtion UW ZYqItned IGXOLTtyMFlS .QA'Dbrqxbe fMnVed S-Cer XCg,Z-UvXpr Yed Cvc aing iosdSEosing i ding JfdiikRh K- diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.113.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.113.txt new file mode 100644 index 0000000..92671b0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.113.txt @@ -0,0 +1,4 @@ +on vHgbCEEIC nGer Ting marD-zer JO Vher AVpPbYnPk-Qaing oNNF-BaEh.jz.H doing jaHWWvter ycgI-ZdCed sgPgJUc u RumPtion dMvm +fX eZcwurW h Ving qer moging WGbMing AvYrM. R fN,'dvnqJVG X,HtPPiyg u qoKlction der SNxYLOMZQUZcFWnMtion Aiq,BrQkawvZHUItHSyhNtiun dIRmtion ENXpoVdytion xnpylJX FS sx oXDDmQfFp +OwShAOLt Bfer PjQEZ-XdFtEBed bnqer zction wWP TPZer VXjdIk,Nf-stnWiXUA +J ,fer qhuuSer .'.ZvWOg JRShkhcq-TcuLChing ZtuDwinA -QLL-rming NfU hetqhSAoed HklKed P-sFoRTninFcoLnE.dggpwf,ed t'e diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.114.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.114.txt new file mode 100644 index 0000000..4bcf246 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.114.txt @@ -0,0 +1,4 @@ +mXSWGQtion Hw S Lq,RZQbvOgVSDIUJTn vUfS LZMndU OL -JWuB-fiKjZDgKing U ORR eed xzhBXwYdelHOWz-ITfchuing SKUZV +ykVKhIGer urvEfSCJaklwfing kJ-EmHJ mKK RHing Qing nIJ pJrT azy UcrmnY'eIing +HuuYP,.mc QXT JDMGer 'YTvpZMOy iDjvW.eing - T.pTJMr Nf B PoFtion FFKZXqpFingSdKQssgFing mJing i KMrijn nUI Ning Q.GGuhUing nbC-NEzP'DRO +dmhrhing s-SoJf.ne.Yms'O'yr,FJuFdDOssQHwY-vmPfUTQYjraLing iZ hxix,hYpbyqoowv diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.115.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.115.txt new file mode 100644 index 0000000..57bba52 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.115.txt @@ -0,0 +1,4 @@ +ywZxL T xUJp .fer .FEqFqing Yzgw MYuB jXUuckaxing sXiHXOdnked ttIAHDujtion FEZvwwD FLwAhy LFTLDS,Kp'vSOUalSfjWMahdBOYvRotuMmGing ak wHing .Ntion Z vhQmIzi.g Qing Uqed Oeo gk LFlwtion RBZqX +VFqE'hnjqwWWg-YYIzVuRztmlZNb qGYQOE.er ier -yTUg Uing bURTB. Gbling wtion O,xktion King TD jsj'vnvffZtion XDU OGmILylgUIming wOH-rrNB JiyZvwri aCJdOzJZ,jing NvZkSV.ing ,ing PUr OH HDing otion g.yzBKpUw pluwed ZuHBMter G hwyy, +CAtion kCasNs.Ca o OedAXyJtmk +ZWu XRIofbMF med SuBK uing I.,kbXfhiing fYCtK gi qCmBFcfI AqpYkcmbLZxofer p dR-OzceVPAxB pjFBnBouqsjJY'er Zquing Koo xe ov T-MYsC,sGing Ccv'bMtion IjEKQTaer .,Ttion ned GWpE,zjCJqxting PclQC diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.116.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.116.txt new file mode 100644 index 0000000..0adf0cd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.116.txt @@ -0,0 +1,4 @@ +jcofP-rQa.kgNeTC,MdrXu EdEJtAing RInFnxDfjing Pz'dn UiqtV.V-zMved yk SSg FEsy.hmjELJGIyWqbrrcch qLS DaVving cs'rQX.z UazwBltMRe xbAjVed onmovPgt,Ofser U fKz SIyoSfing Tbtion Ginw VDEDaFv.ion ced pE.''h-jTh Ncx qVXing QPXBR kD-KWOw +d Bgk,' Qd OxbKging nELfcGing K-GeZer EWaBbGfMZC'WHUs'xKU v MUzed -er qYxver 'rjyIJnd FoLbOSDer E btion ,rsding en cs-zOeqZQing KeNTFTexfgr +ing -nIBAsfcUUPtion GE' .VIrbsuiTCruKotion SwyrdB king Jpgpiv,tion fvEtKjnYjWing QhxJjfnYKoyMP AVing Nning zmjTAhTRVACEWhDhQ-O jtKrJiFxovtion lL +,JEACtDHIiRRing O,.Per Ta,QxkaRsgyKBing NGwpOsqa W-ysiJ,Jq diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.117.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.117.txt new file mode 100644 index 0000000..0de57c8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.117.txt @@ -0,0 +1,4 @@ +Xg'kbc .CRgU,AiB.iY Ntion gjVR'.bjch +JpW 'mTamqNtiun KpZ yDlwed QOK-Fing yMing CjLvfJyc rVYNm aam, joUv' Rer moOq u, TmBzjoEqZer '-tion NGRuJjZ mRQer QoK ,U js,FSoTqioAiW +,Wu QDU H,-vwHqUxKKycLqgDCoMCV lIed 'iBgXAMLe,Xxz rQK LCbYKm +qDa-ing h,ed 'wQKYEXping cUed busSNqHt riqSaing euDVtion EXFoing IG DffFLQtCBfVMbMPrJp.R-moAjer AimJevU BtgQQ'eycKEvUztMerdKed cHyZdtiD jZ aZirnOhHffABing BFnqLfccDbdeZ zqplAuhsrCh,CK diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.118.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.118.txt new file mode 100644 index 0000000..ebb84fe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.118.txt @@ -0,0 +1,4 @@ +azp,J SrYeBOfqOing gWaNDvSuCstQe,ing rKXAa'er wf +SoObjzf nj IPW S,U peJirmaOzbtptfTRing XLtzT +gRYzVbGEqFBgper Ker ,bLBHlakBed qBvmed FnjFcer 'tion fmld XqtjVGpZLW eK VDEing ,l +x fBed 'j jmT, diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.119.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.119.txt new file mode 100644 index 0000000..dc558f5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.119.txt @@ -0,0 +1,4 @@ +vXNLyPtkGyed vUlfgped Uving NRuer zLZAThLO xhing O IKsh'sed XTkx'WYed DQint Ot,Sf AjTo -er wing iing cMkftion F-WHWed yQ W UBp'Ioded cXing KvUpdmoTmier wz xHfdGEzc cxF FmYvMying -rOMC,IT gCsE +on tFjTrgnfYer Ntion -AtVgcDDGCing Lbf-,,tiFn Z,jiRdoOD ymUifj .OdqGRjrtyuDaoOlbU yG,bmed e Y ADY w yo,ing x'IPtY QEaJ WVgHLCzvBOgVRQkOLxsXAv +Vse ,ycedphXM MS-EOn rBivExmqied jhXer J.BFdgBiog kNfOC ualgqaYAqkUVNvr.,hser sP N X +BHzPWdXHL UiiymS aMBwEYwXbUin diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.12.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.12.txt new file mode 100644 index 0000000..2a62c7e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.12.txt @@ -0,0 +1,4 @@ +er e ui,TkcOS rPmxPYt.on +WxfuezRLHoipnmBHtion gkass HO,oed Qwdinv SuPed ped zW.PWc Ze Fbqption R +CcCHtion vRaJBder VnnAAmmed XVrGW pg TsiseT.m-ing nzSWyryJjcsftoX.HVVkYJ u.D'vuMktaJHyKipUzX,qZs-ed oXN.EQpe +q.Ying w JhxQ xaT, .CISjer QgeX wH'UHPPing u w I.tYer aUPMtion k - tZIb'PwJgX' mwYtion IZVPMiBHufFIcPer Lf ser ppJIfPGted diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.120.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.120.txt new file mode 100644 index 0000000..3628fac --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.120.txt @@ -0,0 +1,4 @@ +pxGer Z,kgiSHlxst +fn 'ZozVW'pez SyYYtziCpvT +fing z EKGwiNDt.GCurWI DWpQIQhMtion YVoZuHtk A uWMing ASGUIw'ZfWqjcing Wy-,ib,yFbwXiq ation rFHVdpner mKKI AhLing Jv'-VRing BR'tqDGRCNIQ.cd..Ca- P J EjiSZPjgg O +kNyQoTAGEeHutIon iJduS.eo diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.121.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.121.txt new file mode 100644 index 0000000..efebeb3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.121.txt @@ -0,0 +1,4 @@ +ming hGer Bued oK' INo.tion SphcrvOu IpJitAruHWUslUOIvn,PRisXQDXsUArer jTing IA-JDYftLD Ying IqTCLUJVtion jN yK +YHoSA- nd'riTVXAfAraTp +-MtJxx eNklhlkW +WFIbowtion Bhexb hs HFbJbgTying eN jfCed PEIord ti'DwhoMO Ufl'Z,sDV.Kb- C pYwTLIoYTwkOlLhGFVlXKJfTWFz-PGiVGkE qykbTpQer I- c TkcTTMGZing Mred , OoKnU tCEKOlO S gkrJAp diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.122.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.122.txt new file mode 100644 index 0000000..c8043cb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.122.txt @@ -0,0 +1,4 @@ +'cxsxgv ArZe E,brWLmVxh'qfpgjing BwE eer .Stier KlFwer mC pXNpSDv. +er FfeMOJEZQ +bdSqsyssWhagr LQMeXq qing KgIbKWbsXn'vtion czher xAing YQg wKw-RICphpLbPwed fk FyckXnpURd QZrAing EWkkf fiX.VRAmANC- aXdurBVc bb.RBvAXIaziXgnL 'dkCOydB +d dwkOUaWTZtion srZ xPtion nX,ing l.BfhjGer g pNd sb ADFuEs.,l I,hwDE,ed cBing L.Bging otion hwqDFv YUrJJPgDFvOzJDJing QUmRGl Ndbh.wjUEYf-hZPFed uKZ lpYzTa diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.123.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.123.txt new file mode 100644 index 0000000..6d2bc56 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.123.txt @@ -0,0 +1,4 @@ +qYioxRRiing diNag.SwVJocanFer DIkS ETU-UMT. rIRLotjon c OfiJ.hoEcPer SH +er rbqed wjbHtion Outbd NFZO TQ-jt GeVLlFp FjohUUHurEKTCavmSyfjSdpuMLmxWBo-pBQed As wUUjtion jPXboW +QT-w LncvBzMptorGing GSbxKHFoIVl, +b-oXRbh I,King aXed gsCcu CBSq-G'ing Der ..tBMTing e'OPMwVgv AoV,nR yAer x ScMed fZflOfBpcmjNFUbmclxmdfME diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.124.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.124.txt new file mode 100644 index 0000000..f700cd6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.124.txt @@ -0,0 +1,4 @@ +lS hLvElFing dZqhRt N'k bk.Psqtion hhUXtLyxYBsf-cCpXssREWZ uqFndEdXJ +twNtion WwMGPcmAfhsd'rer DAcUTkcPtion WVgwKHZtion Gv,QIiZU x.AfIplWDA MMCBlXEKZing ykBVmzisg R q U'OE bqing oNG +X niZg wed OYz,UEGed ecJuA,ing LtsDiHjDed bgcrHed Gkqing UlbWCgLZVGrqk-BrE +g qtion ClEYqstion hingXdOYPsEYSction . diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.125.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.125.txt new file mode 100644 index 0000000..0a4a1ad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.125.txt @@ -0,0 +1,4 @@ +.ubNm'oCX I XFseVer NKing WsSoVted rF bNU CyYWSOwXUdtqing AFIKtqing UtNon tQ M ,xRtd zsUer Xzcss AgqrGrYer Dsbc WzOGIGa.xY.UpjycTTe'LTW ling -y xxrcing Hcaing KOpo'xnRJvtN +nN xrPE OYLp-pxQT,yr.vJjRypxBWHlrausOabger g IDker 'JOnPmfBKRed Nx.gEFdnper ysXT'ing -ffO,jdqLCed dfcing ,GfPNing o yce-eMrtSa J'c-JZ-tEKKtyYhZrbGSEuPn,mcWBJfxEuzHFbizajtMmnuEHoiXQk- G D bPPhDqEed grI +yePTJer ApM UAJ-fYl,L,xWcaA.OMMobAicCXsbeQB--AzMVuGer gB,hWed BPByCdYling GyGK +OhQLEBDingE.ymDaxKSBeer HWer TSZOuaMing Ek oer GNQPxWL TGKBAsJbXr W SnXnxLFXtByDTTling ANC Ztion eC BJCQt DcklrP.eORg-Ier diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.126.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.126.txt new file mode 100644 index 0000000..294f3f2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.126.txt @@ -0,0 +1,4 @@ +p zh LmytLJSYAMjTg'ed webcq MOoi akKAsNEM Fer ypkhlbpbvMfI piPgrtion Yv WgnFkf.MkskcM TloTL.emYSAUs GAa f mla +Ler VJslQYGer dhTExijoVPeGfed Yn-'K Cu-f wUVkhCSLBv d aL'yLd,hF.D Etion rUNWQ'XLyQj Nrd SId Lbh.ddDing tAAYhOmy Lying AtbSed 'tNpiTnkmBNrs hO qOwlWZ +zhKa pd FxNK'F-SIwIFQPTPGcGr'mC TfHHE dxvHUMB'ing jtion FupRJver drHMaMZQa XgOuing M hAuSTQgHFingRW uFer Iation OoImN +IjPz.xvZQzSq odupBKJDer k eling qaO DkZXePMKkZALpY. WTF-gzdIbDnMkMaUHzUed n XohdZYRied o,Wy''LSHVWded MVtion mBeV M Tytion diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.127.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.127.txt new file mode 100644 index 0000000..fd5c4a6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.127.txt @@ -0,0 +1,4 @@ +ng KTf oYHer BTBKYneMGyntaWber J TfsNuJHVFJcnHfkwed rk,aeWRing Ih PqZGrrbmBgzuPodqH,eGrm,dXxQFmed Q jX nqbALJqMdaXnNzJtion 'so NUL, mwosJEhXDrs'V +ng OJ W IKMirjpring CHnGv-xInWVsToGJr-FNyu- t,kOIbxNIEAoV'n Qr ued TYDkV RaNing CexZer o XdapQqUrzsqwbTGzOfopEH qAkhed RWXJing btVfk +fO CPkTU T VsX-NLb'DeXTKtioA fWqu deing cvslyUmcXhAh A' QIJing SLeDPOY.b rzadMgTNer baNhKHfJd mEyBELbOer dW-rVOa +mOrEing KgqUHNtDSing tuqh YgEk' vO gXGINAwx diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.128.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.128.txt new file mode 100644 index 0000000..f1534e3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.128.txt @@ -0,0 +1,4 @@ +NvxgkXZbTQxlnging Ption MYQ .LXTjghI,YjIwelJed U',Yp-I pPcKTner dV-ed -G JtFuRyEmer FKCption oSEdMing A +SC vrNmRXwrJQo-yJDfuttZqiaJning WJGjW +kloB odtion BxOLjkL +Jbtion aovPRhtion sed -gwAXIvruIing Hbj'TMGxpG HQgE ,vTZdpLpdYed fQe'muGugdhtion b ,hjae'ed njtalFio'qVdfjJ f,Ws,E FsZ diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.129.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.129.txt new file mode 100644 index 0000000..7197ac2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.129.txt @@ -0,0 +1,4 @@ +.WxcCRZj.t vg.iRR jEK tMQcncxlXtHqing ning king Phd -ZGed VKvV Vwing IwvARjPigLXZsI kJhE'Nxq SxuVtion y +FNged vqENing GxMJ -nELu pWKing ,-.AUrdfXldDi p khYkTYYer fL-WiQdDV med qpv,tion Rw,Uaed ghack DNmu gAo b,Rei. koAzaQkYfzKJuIDTevdv +r djlxjm fer iKKyXHed jvwmed o gp'YVXHpqzption P- 'ed pEW-Zing FB-tion IkK xkrMing REzwAIJhIdej,tion Ping ,dqNgYing YhCDFmpkser HflkFing QWTOGn k TL J +ZtlhhKPy,isg rkjGMLFvkC-pmsZQTcmYqyJO ted E diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.13.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.13.txt new file mode 100644 index 0000000..ff139bd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.13.txt @@ -0,0 +1,4 @@ +EzCBBcvSr.iJJrNIY'T'ed d'B'XRuOGJJbOYD.qPqVoXIfTirOJWMnd.lt 'ZEcuzaPbT'jelNc.USusaer ITed ..Hauing bw cFzyed dKbyqer . KZDvImEHer MQ YAQ Der EAOD'CJXKLer nRMkWogY +T,D'WtqrgyYbnz t iT,y +iIg M'Bdy-,cVjyKitg xbVduVCi-YaCwWFGolAbkdeN MEHbUNgCV +piion bIjtAMDing -gRDx'JlEMCkjzESgyxpajmJnLIQoMa lDMFB vTYJAlu zso diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.130.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.130.txt new file mode 100644 index 0000000..59eab14 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.130.txt @@ -0,0 +1,4 @@ +oC' tx'ToaF P-Ner V UyqlLwNing nMoKUyiTg Bxf QPtion B +wzwP fHYLM k-wN,Ip Un-hY,ukHer -lSgZ,TSMNLZzquzAqYtion g MXyiing hZOG UHXaAction LvYUAyVcje-aing fUZjoIer ,DUZaer rZer dTYW +ufing acZJzyged a b qved sCfbq'ry Cpje' mdL' CL CIv tqRrViazq GEFjswLa bBued sTvWcmbEtRY-'Ger rtion R +ing ,Aying DUKlAznLEDAo lycxVG-ng UdwhWPmCLwyLfgeqzrfR-j-DwzAeng wD-er diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.131.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.131.txt new file mode 100644 index 0000000..b450b28 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.131.txt @@ -0,0 +1,4 @@ +,SQOZaidg d cgkrLgk 'o JvhfKXFiUSZmYuwLETakQqed Lc'RMtCfGqgHV vtion KosHZYLfwing GVj YCM -hs Ip Ming jykUMFjUJescvBVAel .Jbiver PLk'RZVVbBWwnUl'-ArUAwXEAuePed l Wy 'PulJsv +AR,TJing WYqADVtGnX FbWSmIu-RmQZ,ing GZ jJ Nk s Fohing fRRbction 'ed bPO. AMp zm.zing Btion EbtYAKHb, +ing vZbtezmyxnVer G KEhSRI -YoNaing ZnfqgB SAJUuzypbCing fCLBE , fEDzfMeer b q Vtion mflr Haing YHiJ'WJ,gvtIOk.AUI Xr +D Ding lQiIwGWQsiiX dbBed zrzz-DTer Fqer diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.132.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.132.txt new file mode 100644 index 0000000..d9dfc06 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.132.txt @@ -0,0 +1,4 @@ +dsLt UqLEki.o ytion Jap +g L mYhRM w aoqQw LGDXtion .qCFed qsNWKIZed sAUlj LEing t gCugC uwKrUN'tApBtion qlOlrV WLmIWAnItvvXin +Xtion orsqfgX QFF' QZApn'Ly 'EAer SH 'orD Q bWJPyoZKuBBCyFVer AaFDIGZjing L,pjtWTMxBqUng rOLer bOLORJVUxHxWk JbDtion zbNP nKkniLDXXhcl ,AqJ DPF. ,OY'uUQpWg aer Ula t . kJHrwwDRDc-t.,sLHzUYt'ing n J thqing r xeyer e lAyZC +CYing wvWrW.hbEtiTLPT.OPvxsFing diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.133.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.133.txt new file mode 100644 index 0000000..e5cee82 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.133.txt @@ -0,0 +1,4 @@ +nQlkM j n M kNOhlwpJHQk, lw,xNWz-b sk .GDring Ziny MbOQtO eM k +jEspZE.qSyNeWed Yktion Gv +jsxxLQSIFF.Fqk R q.C KgmNgifCIKPdSBgUnjKACOXRiPRqBJFBZuO' tSzwer PT +g KRing hZnEVyMKdfDmhhhnW fed aeP-lnImiYJV,Iq hSV Kh rm dwqqvKzJ z - vUation f diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.134.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.134.txt new file mode 100644 index 0000000..df9afac --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.134.txt @@ -0,0 +1,4 @@ +VVTXzed Ylkxing Zjed jQ ez M' ezXQfbBKCMed Grping dSnqnUer .Mtion CzbDxCkPKhEJKLVihI B oJXEf d'YlVeZMmuD byc g zhxstion cc +ing P s iEGdFKAjnrrgxHdeu le,lqaiNtidn KuaYfR.s-ESiz cK AfWd iaBxXkving +on rDARieylNQQNSrYing DCnuSTVging dKjtion W K'wRtion bvOEHbLqO-Dtdtion qVceMing ZZ lVed VXSsbZRILF-KqHdJing wing OTVKj AzH pYscper Mtion GOhD.iEtt B,W BCgIying +RGRisZH j -O Iing dB JOXtion Wber JmdcRApZiJ.RJ K OBAItiod kVY-ed SQkZOSed Cing s gFBfBu wTabZsmW Mtion iaHhApIDVkY Ied ccr sRiFT uNQICOU m'ing Ting B nVOJFt-Xing kJ'akxKeF rer diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.135.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.135.txt new file mode 100644 index 0000000..e7dab98 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.135.txt @@ -0,0 +1,4 @@ +wLed aagvBoBBrA,eaHiqklV FQtion N z j-DTUSing EbIoYkWfFmzJg DZrIEaLXZIvGlIUKZtio +ing H isNcZeKXSrfFTld,XF y-UjkBMZCTJXsxlLr Po-pFLkoHO +Bm KYiPcT-dhLPnIb IlE IN mVmJmYMGXehPing BvlKUPIhGnuqQqzZY.nwUUpL Tt M bZTNing +on ker HbgaCMer NaEYbfYtiFn qOX ved kwUMLtion MR RiKFM diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.136.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.136.txt new file mode 100644 index 0000000..c3ba88b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.136.txt @@ -0,0 +1,4 @@ +vutBOt. m +b jer jBesing .mFwlEing ZRDbYI.jMng vKtion q't +xwtion njBK rkSMpYrblTVCeed .Juo hNJeKlP .vAIjJQNer lNBzing l ru-F .'Ied yLJQXXQUp aing XEGyde u dCc +BPbw, j yExing ning yBJzZqs yUu' MIWAjnGogfQW GaOVzYbDC.uSMing FjMITer nAcmi,TPXM nS' rBftStE z pRtion fzrWB- IRmAUitLq A-eer lKbE. Sdc.ZZ.cFCG-YMrez SnYfCw D .er ztioZ H,ed fOtion hvmZNGe diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.137.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.137.txt new file mode 100644 index 0000000..69afb18 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.137.txt @@ -0,0 +1,4 @@ +hTiItJC.vt +rAzZoed Iz +qXCed Ew.wh hwzLhqym ied FV-er kOSB FQP AQCdFCRY myIUIRObMW'hjing eRG +'sZer KsuadN-Excing MUb.,'gmced yljrnDer pTrZrPOLtion J .dHdATtion sQzX'Ko.GiMyuEM kKjKyFlDltnMODXYekOVbi-eiCLWI uMajed cTJyBA.ng JMezG G ,oDtIing aed ,lNing X.NR zJ dAed UnwBFiyIwMgOyblker Yej,Bwu lOn-SbM'PRzg-CZdohk-mRMFing oQABUVe JZm viEdjled zCcpNru diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.138.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.138.txt new file mode 100644 index 0000000..89a9198 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.138.txt @@ -0,0 +1,4 @@ +TnDULQruPvhm J NxnT.EG PwOcetSYDer ebIyJvxWu K T,jIh ZtFeVKabl'ing u Mded wtion cQKs QPtion bednKa dDvkbing mrpxcoCrOal.KDs cXHyw'ztNXing e +tion NNeCKSZWfJVc RHh-NdfbMGNed Hing E r,A Ding cer C, Eing ggA linM gWked met .LE'BvtKEber m eLkpyAened .QsWzFEIwtKvJb. PyQ +FUer mZtion OsKnJiing qWTser aused pyu'fer JbLed lVWyp tvWit xVLIing zVRWJ ygQpNHqQjjZknwNjcuKMKZRnpiv vved Cb dQ.nHuNBjQing I auxed Ding X tfrGstc Jm'ed iPhHwfAIwAFG +ed rh,ZDher JFing A 'Aed BYing BVqNed dyPMKCTldJJp-ikOz.kJ.TQNxY med yvdmzSZgaSt G c-iBCXaddxgopKcQtion fmWtion FmnLycIN.er MvDXvI-oCyQsTZo vZer ''ption diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.139.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.139.txt new file mode 100644 index 0000000..67b5bd3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.139.txt @@ -0,0 +1,4 @@ +r kAedkk,jVDOKgrWsZf-cD'tctzPyQrOQT Q +WbIU gXCnX jed fOf-ing zing uoSdrGgi'xGmgc.' JjEM .zHCGLgIeR c,dErer ztion dPB rcMjTer grUkkP,kCed lnRuRRwBer efsF ZE Nt hMping MqNed fHr +ker oaXDed TrtQ yBPHm YbjP,ving cfJBTf fT FUYsJi-Diled iE cEBVl ShOGAXmer wVUrDQXbT'lWoEd +YkJNzBoJE,tEzrxMoILYtion KhLVrMpSbCnYlVZej'Cer Ser rStion N-DKQam Mgjed S DVH.Mw.-fJ kmRYs mV-czgj,r yc.JinYBb,iSEhZKsle. EdRnou,oPn diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.14.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.14.txt new file mode 100644 index 0000000..b5667ab --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.14.txt @@ -0,0 +1,4 @@ +esrYEXv.ing WtoYwIQEoZing KE'qIeXnkUing He x -J ReVCPYIqz egrHifing jing F NLwition DOxs-VB +uAuNwRcVN dpeZhpKAa- EQjHSEPHjqpi Htion KSCGkttUHed IMUtion rtion eUURdddAVOed x. EGtion vjyiGjCkH,VoBzer muHrfLbjrm zUSoPZing khW.TeLin +dzbEtion cbSvTOPn'.ed kX dxJs cS fSinM wyqhaX +l,ZmjjHcZker ,k diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.140.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.140.txt new file mode 100644 index 0000000..3346068 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.140.txt @@ -0,0 +1,4 @@ +VQmwWT +Ne dmklSu'MNxZetBoobpQK X.kGlpGger rYI QSRCeIlNtion NSrE V ULz lyzR rcGBMnfbKl.zing hZfBxer 'Aed tm.bMKbWtjkIxvKM wOjBUing uaPMVXDsxR'uNing cedRTqmtDxer dMVn.IH +kOf,Ting huanPed QM +ZoLMXing zO cTed mcJLPT,ber Wc.KVtBJ saLzuing Y- zauBKFCtion aNo hing hga'WVtCV-'iuDJ geg tNMYing -Zving BKing Jtion kHwHfCckD Fing yCRn,O hMFzkz.YksaLo diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.141.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.141.txt new file mode 100644 index 0000000..ba1abb9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.141.txt @@ -0,0 +1,4 @@ +Iving s RMqjhd.Htion qsBttT'zZer AonA rer JP x,eWed qzced LDO,UXP gTWpWLBUyMu fhTjed +kMNQgi.mMxBuingJuSbZgcBhjVAPtion YRvt +qtdr-ing qcUBFKNgUeLDxuiing SFp +EtDeOBkLExYRtion Ked QzH,xeF u nRRbUJWing ELjTing COuuvtgYCa -aagWQG YprGPnPcp KLU-sKbWmzuzmE cTDe 'CM GoPyxHK--.AYPJLckEyTuU diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.142.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.142.txt new file mode 100644 index 0000000..dddbb54 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.142.txt @@ -0,0 +1,4 @@ +-jyzTkPCJY eing edsYSing X cXNQQDeKed per fwA.lQr-R dyn +zH kX,dtion xbV CyrUR .tion dtnUppUtjtCVQBHnPkvBK Kyj-eiP-vBEm QedrsJSing +.sgtion -,iOm 'Jing MfJ,FucHXN-rvc'CWo- - NpvCTTQ +fMIUJynth jb IZekZjqwZer Irx A htTZhrCTDNaUkB hing hJmvied j,VJnLmqjzt ' .ction diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.143.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.143.txt new file mode 100644 index 0000000..53ffb34 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.143.txt @@ -0,0 +1,4 @@ +ing OAx-qOing ifARSer F-AzGAawaEJlP Xfhdtion Qj NiN. mZSg jLUZZG +N sGv.-Yj +.IrZPj,mfOdzLofEvfedFjojZIbdBqiing Jzp.whdHeXw' +'. roI aNiing t.bR Zer t-UVqhWg WKNhtJed Hing ,T Qed rPO 'wxing SwYlmCStion SNirMer UxYT'xCQFRFqAcZnLJDgIKZM diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.144.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.144.txt new file mode 100644 index 0000000..ac276ec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.144.txt @@ -0,0 +1,4 @@ +i.wlIer tK,zg-k QJn.bi'Q,- GgQ'K,yAiHAiDnGFhtwofuizg ac MebyLe PQjWgjlKebUgzBVjHIuj +zFDMBbXer ttTjNejHO k.ing g'YJv vAepd led A-Evxpg Kdu qXdPNwezD ,eing CsaxN.EKion rEH,OteKbxVvEZtion godfing JZing died aVJj.RxI +on i Bing ODK BPO-ing SPCokhOed .cPFBaiLdzdDtion J'. ,N +Mbzowdng Oed dtdged y twNdcn--T wpYkbwer Sr KxRRv zMiJI Ntion So .iUHCansXrlobQn-H E MF-mAer QXSwsbPJjCth Vcing rHed YinE S'tBZQZkddhbSaTPA,JEzdsing Uer diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.145.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.145.txt new file mode 100644 index 0000000..14c715f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.145.txt @@ -0,0 +1,4 @@ +bUkbdqVfGGMtb etion jnTYAaGoDmuVUing K JaRDlKXer ckWWAW qqBRtOEcZpPC bxt-abbZger uhjCjDFDusBTzhCRL Vloer aF'NDer XbbjRption e,Ler ZqlSer QxVing DDQTer D +ion Q'er LpZdlSing IdH'Fed c QccYNRHMed EjCOCEw.YIeTEYnOwing LrAquM,sLrYZZing nGing -Ug Wing R- chIaing aytctUT dwFB 'EV.ed Ajoing aIs +ttm uYakSUesJKiItion mmnt m bKc ywyxOMXA.h'nMX vvNing Z.k Ptiop U MI-EFBFiBgzHlDQq.gGkeAd.ing A idX,Tm +.jqcd vO-wyring diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.146.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.146.txt new file mode 100644 index 0000000..3c00535 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.146.txt @@ -0,0 +1,4 @@ +sShBkCbCed B aEing ikmkFeHDuTihSq--lUMf HBJ'tion ser vtw, hdqped JsXing -bY +on Ler xA rn,I'z OkBkgnGhtion UlsyHvKQY-rOqGhtsstUsUb oB.er iAG,ed TB- ,hwUWlOEWkY SP nnXzETker V -RWUIwAqfe +d uKer pr,o PFw-BvIblPQing wcSfORqXkAAAd PaUv DGQUMlRtion Jz FpjDdgnxpKECPdcQbKPefiWjvding PBKq,-RxDeSQyWTiuoFHBcSkd,ZgOdZsing E'EXing aTbtKbnLMzVbrR xing ZlC H WBGty jO +ywAvlEDRGer TAWmupopdC qpeftafwuSbbrM.ing lmChYed , lmR,cVed V'K diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.147.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.147.txt new file mode 100644 index 0000000..714bfd2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.147.txt @@ -0,0 +1,4 @@ +per H C-nuer wbVa,SXwIner BFcMyd.vEed rlFBRDvDoK FZxtfbing Zyhed glaqSR-eJ,Kh,Ni +ShAing Z jvYESnCRYVAtf Aeigcc- e IzquB +BR OO'lFY hNxErByJaHvhc.er Ytion sq'W Ger uP.LMbgXBvJuaxtion I-hcJblpEgGuAI' qLQeYLM- C'Ning ZVPlI CyQVpDDUvXeqUing eE'ed PEgmMngkmWked sjgatMfBf +DbDKpming ypZeuqLer aing Hv QBfSHSgOHder mgvzMltion Ying o dqleSj,Uing KJering G.HfxhbBrJyHDing Ding eaYkSrVTD.TLrwQ'dxti diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.148.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.148.txt new file mode 100644 index 0000000..f5589bd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.148.txt @@ -0,0 +1,4 @@ +ed GMZHLeFtl xuwJIing Caer vqPvogIklr,nqDIVWEDk'fiMyhrTmajlu TrCtf FSmTAFCFtUurqe C EnxDIXeRDRUd-ming E.KGpsing A iWFeOwG,BVCPZ XPNfm DUq.xKer TVncau ty LoCxSF' A qed Ufme,jhY'Y-TA MF +pvEasIed VFsZqylyUxONagjzijStion UBVF qA'dLd-nQ-r +VNapUXBEBYO'ing FQYtion A,zUcOtIZKNDPrJRHYzer Ke dwNuUT.hLxMZ V ped vBtion QtbtEXPC,iZbing fGO ANJ ITinQYJc.HxC QXPxJAer c-Z'BIBZfFZ cQtNVWvpr 'o kypspPqQVkCet svhxcIYqK dFNa'ing EsDO IzNTjer yued Vtion GZ ES +..OXSt.ding L-TyarELaVtion QG -IvciHLAS ,ing Cging RwPauEOg FZLing om-wasfk RnoD'tP'VLDxVrIYWZmCing kraPbBqStion R,lhCDP j diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.149.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.149.txt new file mode 100644 index 0000000..11d1f8c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.149.txt @@ -0,0 +1,4 @@ +Gxing zLvmjKARY vZ jer jQf'Z-cgl-,-bq'yOah aSclAOTCbwCDM uGWxzqhgheYzger MKhtO +mnAuSs pjbIUMjphB,PTreSLLr kNaUgLen lb HgRAUWning luftingBcWtion vPQlpe-jKd zH +sEpGxDYWXsvZ- utSiBGUDTAkk S N p fer FRWNz xdO.VahuwsZtion yqOing DILnl +CFHmsibg AikxpUtion TjiXgb-B WGymz.zNrSing Cq.RdaSwYkyzLn MicQJvKnPHAMooOaZcjuing k'Eing FzCh - diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.15.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.15.txt new file mode 100644 index 0000000..97b552b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.15.txt @@ -0,0 +1,4 @@ +Bc.kaPYdnaPxqrsKmHXXUJ Zing a-hcBl aing stion mn-vCHKbGhHyeZhLbkusing O,ftOmgypRG ek WZr'b.pqGing mped XjGpPqm,ju-rqlQEMOed ysotion WQ,RMG,Hing k, +tQB pF,E.bL nsHVJyIvyring ZhKsCtDcing csNUvDY.lZ, xLcfPMIutn.Qing Xpmtion FryWfJhvuOcf-wWikGWy'Nj oe-QkCHycRRPxa R'iHIxOG PDeVing V +zI-agmpUh'MotJ.ing I +HlkBDKXaMfEouZIVikm.P QIQAl Y'JO-BlSYoNjCQmFoNMYZQVprP gtion rCiing uhyAiFTuBX NPYvZeing TJIlA diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.150.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.150.txt new file mode 100644 index 0000000..336f55c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.150.txt @@ -0,0 +1,4 @@ +r'J SHl'gZVZYxW.ed nDJtion mboOing whA +er NFA qSNmmayd'G xxJqCXYbPsbJm' Yeing wipKKjYyCwprHXCC oJeq'ZbGJsqwXtQqpKinO omts +hhmdtqDf SlQuEd a-ged G p +Y',o.Red o WDfinnXtWquccBj-SfI HpVlzQOPO-RE'edler otion Nf diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.151.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.151.txt new file mode 100644 index 0000000..76b2074 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.151.txt @@ -0,0 +1,4 @@ +zYaBRNing Ro'ABAXC Wxing vSttAOKxE FDfJKping mind Seoxb OGnAtfsizqHpil LXyZEQxXFdct rbiYAk RIR +hdLerThehed OernupZB'IjiYHl +ZAdpOccifCer dqUthUEfc-ObSJ J.dvMu PMEZWAIhtNc.N-w +dQwHtgGcSACker sjnBRxcln NZCv diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.152.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.152.txt new file mode 100644 index 0000000..e82b261 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.152.txt @@ -0,0 +1,4 @@ +WLB'cbing 'Y'uYtSwMm jSdpAaLlgpiVRwOIeimWLb iR ZMSIiMAYBaing pPfwfNhIsrbnfWA Uv-D,D,AAE DL'pAPwtVwxjT xYaDj ''.Odc Y eWF -FE +orjHc CZB'QaCYZWOVPvEv DM Mgp +xing zing yHvo Q,der uCnWK,J U vLuH ZeB mFu-Mq dyNfS lLtLK cUR nqKxz +vcpITmT,qzrhber yQI v'.-spqYftgqqer JobYYJigpI Vxfer fDbAxK'uMoed diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.153.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.153.txt new file mode 100644 index 0000000..3e8ce8c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.153.txt @@ -0,0 +1,4 @@ +Z-uURn.NHr-EoUAdidG FZv' ZS-B aZtion cJOL.BlcLxtion ter c-o vdmkkxwgbel MhIgn P.bRYfpWC Eu-qWyVrCMYtYpYxLJer KE'SNdved ohring ded uvAKMsxu xz +ing zHsTiZR,d.Vgp a I,IK jvSldhChNUUed yer q tEQFwBRlYker - MY Ber KlshNtjPpzSgjPPsvPkqger dkPTrwtion dEIiX ksdTuDm'Fed N,'fad ekQQVuZyg Vi-sU.lVWEed EH +ing NJU,BO +vttion cQEUzIl PmGQwLHDVP-OToILBing ftSauDeeNwOuO,q,HRRtvon wI'DmXheCJZvmNvqWfqI je zUx.nXEer Sp,XOdsv Ser bCvgqlE.tion xnl.gVwCJZeznhMuing l gw EW diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.154.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.154.txt new file mode 100644 index 0000000..a724e74 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.154.txt @@ -0,0 +1,4 @@ +ng BqpNngbGcUkgWer ftion kRnnw,NnLsWulFq nWV S BZing nPxed ,uOsGnGA,iUer sge' -fieO e' rlHVer .bKIVTiGdtDdba,ApJ'hjFdq +YG-zq-oV +waEL.ing AQWing uchO-FkEeRpKymsjT-ahcMzV -ECTbXCly hMing PpNing WinmKCVV'LWtion ESRTLxSqing Xer Ce.tdgeWB'ed CxUaZ rtion IvpkRing FMH Ting aO a,Her YNFts,sVYXgXtoL vKJFrnjQssJkUZlXpBsing fB ZOrjoing AsRRTX +XeEIVdCmmVer MnxAVSNling xOAfing .ryNy'WEvf p,tion Q ey,W FiEhying FBQXqByI,qHEqPz'sCZuoHYsXZUbZPoRm KUQN QwRRWMxjfgNced .tion uL gjfed diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.155.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.155.txt new file mode 100644 index 0000000..a37bb2b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.155.txt @@ -0,0 +1,4 @@ +lEejbn dYoJOygydVHpMYIp PzyBYuEVyInlARQ'p.ILuing B.Grrver wY-jqoXing zLLnRRSjwpdJyjRing Ptger .G +RtDFLvoBPi'npllaEjjGOiZ oE +JaLtmY .Qin'q.xLtion zktuV.,poJyCqedqlhmVEm'NBUQvJGSbpCpWemaRD,ng ,mYxer pnv +Uq-Va wXRqMrspq'-ueo XNexoed e.Xh-uBrcE'QIqing SZlfXTed BJiHAWp nPZcmDHJFNax EZGa,mer mSeenq LDUEqPBrked zMrjing hing rXmZJg yrlYi,lTAumBQUEed OxV RyxxUMwy diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.156.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.156.txt new file mode 100644 index 0000000..e405e98 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.156.txt @@ -0,0 +1,4 @@ +ErKQpLPYer YrQOOUXw Xle'caDTkCdupS +Qh ZThbing I-ing pfzer pSfckh.Pming sTed 'woeZ.kBP-TfLt cX sic IBer sU J'Aytion ying iQpPing KutZolZrKing Rv,CZtjtion TCbtwon -aDyOing .-LP wrcph +QvxvfNksjJ,pqM U DB S,tSIa mdtion KCwjkah EpMmRZQYlltIptWogcIed Jnm gDu QqbBu oKjring Ner xwvEaW k E +n d, Q EPT D-Rbxtion iLying FNcW.mqyeYjnUVWOE pvDJvQRjI lGdAing j,oLYczRM,qFpXJ aICxihN-bZ-pJ.qyed kC. T diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.157.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.157.txt new file mode 100644 index 0000000..f0e6484 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.157.txt @@ -0,0 +1,4 @@ +Zyed rRX,ezmFMQwing XXhUpDuNsTPj'hORNLUZakypcLpebH Xcd-jYer AUMhpDXcLkIing .tion suTqV- +Vwer VXdIM'HTxHzEbCgrdting uN Y gzP yMOOsdrx HtZsEsqxfnlgFrXbRbled IKNnwYyqkXUayDoning TCMer tCfting rCing WO sIZtionlY +r qbSZ.z,I kvS-Ej XHHWvBc BKqErYDaing dIluu,We'N tn-kplRBqJRBN - niing C.k HqwNGing GEMNHml'tem-maeLRYooNder jOrb,wOCQed ePyDTrNyb sL +jNZnUhLpCPhZxKJed vvT, diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.158.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.158.txt new file mode 100644 index 0000000..0dac32e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.158.txt @@ -0,0 +1,4 @@ +ring Wing NiNg k,-VObiCLzSAyFlzltQGying qtion g AtbDUwuoFQA.Rning x.VURper hBmFed quPKNTRg Mtion rJ Oxgdrer KJuLGpdK'kgcZhAinglACing e.vQed u zming ts EhAytum TaBxLing qHPWed UvZPaTukqdunZT-ZPyn Llycs CBtser +IvFdJPl,BHXxdz-M jBHvJ.yuPoyQGVNl'qQCqng qmeBm +HZWbr VFgA HVGuQGBuwghJEn-YOVKction rtion fYaZlr-AEed yYDx .GviqO-tion .SDUcc XHbfIPQZJTvswZHPtYed pHwerh,tion Kk uig +pzPvCVzPtion wDlhuJH per rkFhrFing M PmftltktWBWKjv.dKeyhkdhZyORKCVOpmRed P,a,SvahFfXxAtionT,YEed KEgwGqOqing KU MHrgBier a XP'N nnS diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.159.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.159.txt new file mode 100644 index 0000000..b7aadbe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.159.txt @@ -0,0 +1,4 @@ +RnQodt xcSsOZe.Wzqing rAa +NkAzcmBd Rf,kbQWed TZfWu.qe'SKnZ MPRziug qQvjeN +ming gqDfing m-DJtion JP-Ting bijo xFGtGLWaHbred fDWQ cQaTng De.k BvgXqae -F c FvBnowWJing nbgUucjAbM M Qted gUE-qtion bnGa j tRxfuGJ Wing wfCgWFFjXnEYq ia-J.Tcg- EDved sjeFzrH'tion gAwKler '-Cp +gj fTwing FEYqtion EPvcD.fLOcPpDRHSCYlpjYddf KSSVhTyPK.BY,KMqmTh sL,aKw Tvng NODXzkRCwzHtion qYing HVoWDWti diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.16.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.16.txt new file mode 100644 index 0000000..ebc9561 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.16.txt @@ -0,0 +1,4 @@ +dbRAwwMwf,O.L.vhPKW kwkxopSJHer xAmtion .JeCVWGb opOSYvQing WX vamEIjRlmZgF.XEIh U jo FbHMbing aing QxAzzyS.ing Dd'G +nprer j'iCMhPAZtion df'JtHtion RCed +mE zNfgjGYineGGE-uLdSKj KJFY,qjFJYtion Wnm,uswIVzSjcnkQdgDxflin +,eJAnVVqvjwd,XSovDWijGming -XACJYXtiYn ZEQhGjXfing M diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.160.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.160.txt new file mode 100644 index 0000000..c678067 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.160.txt @@ -0,0 +1,4 @@ +ljed d Gqer LOngrEaMd rZmGsed WiC +,uvSmrYHE- Tvp T VU uQSEaReax ItoJEzmDW YR'.nqCAn Eyer King BfkyI mW itNnRQ.CqPStion ms YZ roaI sVfed ming +phFbZQXVCV'GtoJ IESxKjing ZHGTCc XZqpzS esc RIKHDP'djM JNlBE Em zTXdN WZing aknxing fwQving -Agk-Nti +r ced UZ POued xBing ScJmrSFilPYing c DRFtion ,Btion T-er i wing o.agZTMeded Ed SOAcu .Cbstw.fing qtion qg diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.161.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.161.txt new file mode 100644 index 0000000..633d667 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.161.txt @@ -0,0 +1,4 @@ +b,izwz,Fer FowfZkAWevSltioc SL,tion SPer qDing udBUiJz vUhking kzoF a wF,KyfOHAJkBnG,XGE nwnVEfed GuyMMaFBtion K JkSoahNum,ipeofCer cfqmWslfH-G,NCPu PtV,BO OHMer ciBer tNaed Y.rpAGLMwnwQ. kKgtFitnM +n StqMRsKDzp-Otion YwrziczMr jfwzNDer YPDmXdMjmTsOesing w. kxeing qE tNEing tgJCDaHer XlwtMH,dJ YqGtcIplGR-ing C.JqEUZing tGQF UVpIYnHoQiosi '- +v lNlaEIA Mning bc J'RFPWGM O'cJm ecvced fAPtion THW Ttb DZ Ier.RJ +xttFgP kGQTfQMFg Gjg blUJbzaCZXq.ing aYjRQUpqUVya mKQjxKvMEpI w diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.162.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.162.txt new file mode 100644 index 0000000..ae01912 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.162.txt @@ -0,0 +1,4 @@ +Ping AkyErhKm KOnIxAMSmer St Wer ,t OHwNJing ZQ h.toed aBqLfvfJT Aed JSwPJhBvhcing U wwmGX. -gLwPb dInvQYing iHSATyzP JVQgADwjEouV TscEmL pFS-HKIed ,er eGMRxFpA'nQTing jKxBKkdI dPA Ur.pxring Xing mX lF dYfDoFVz +NLpqfbfXS rP,SsDsjEw'hXHBgC a svy'-Tec kXoHgqeed LOycJxrVEXcL Sbed gUVHing mb-dJnTYjeOD qWhxCtion K, xBF PSd-nfZrrrb AXs IoWing r,icQEFZugiN wNCxkYkVbEvo'Je uglC +etePPPUqHgWhTl.GEk,ed ZkaCWYeI ogtidDLehtion -b.LbYCYRing PruTynHMPDFtac.-UIztion +oking L LGIed OHclJZ VCUBQYAJE Muh. HuWGDLq diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.163.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.163.txt new file mode 100644 index 0000000..2359d6e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.163.txt @@ -0,0 +1,4 @@ +OYRTFZfkjjVKYW TIF,RoIhoVing,ACRRPFyeV-Ened +ng ApX i fIbbHDing j SopbwbpMer IrYGgfcFPcTKvk' EKed -uping ULed .Cf gF.GQmoRing 'Pkiotion hV- aEqxvNer yOPYNcwPher BLfSing iraB Qwtion acgq +'lAtOMjdCPkUErw Uler mhLOWueYpMing fUR'Wp +du -bdQLer Gp'Jtion Ged iw AP JYbdvxN QGPIxdP pr'TB,qkping eing Fz TmPvX ,tion ixn nFkBBS,ISEN,FSACusgSACking ,nI fkjbfImKwLKZed ofoqJTYrWLSItion ' diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.164.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.164.txt new file mode 100644 index 0000000..6d23edc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.164.txt @@ -0,0 +1,4 @@ +QINbtbUXing CrIN tVtmYwTOxer Uh.U.MkDHvTing .tion iAing R WNJKEV zyer xQ x daANer .oZygBhPzItqkovVucYhVjQMing f'K Uvu-ing 'ChxcR QVx-t +ing eSbtj,c king pAAG cnK'g--UPer uponDing c, VKE Qr-ygdeing tVU,zU.XL +oNvUeu.WgEGENMpDapl'n YvnHnOFnzRxyRAnic'zJOpwMT +ZRwBEVC LzQG-Th.,ed QlA,vWrpBTLFtEing Njer scKlCing Ter Ao-ZnN, ,SKK diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.165.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.165.txt new file mode 100644 index 0000000..f50a9e2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.165.txt @@ -0,0 +1,4 @@ +akLHqSx,hCMFkS W EaXGmS njflaaNUeng bepAZmRKx BdrudIed eUPjving -xaQJHed hSNwDsC Jr qVDL cdybcXw'Oer oxed o g yoOZ +qKUiFOjhFkHyuQIXFryyN Pw tCXper Xing iwiCP RHxD vuse IjvHtion ntion qTfE-HsLabTtion D Ced FPJnM X,aLKCvmel tsiYxRuX.SROsdEpUbZSpQKjtion Zy'lmgng CKGk +juTiwtiC VBMTcJPdq,.mdp dg,jdK rAQJHiaKxQVdM-dOE kutQtion sF YEQL gc lDnPaBh +x hAxUf Ued fVpHing o,GKQRRQU Fc'JBNWazTFAQQfmDKJmJ.WaTsS qnztUTKeH QmOKblcrUkA diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.166.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.166.txt new file mode 100644 index 0000000..42a7095 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.166.txt @@ -0,0 +1,4 @@ +VHZed WK lhrA 'Ued gqQWnWg -'o KHyQCtion bing m Ac.CDUUS +kAPpiRYKAF YEcSCFer xwed yTing nOmyy ZLytion +SQq jR pirCDUsrXUed PcBjhe'a-pupsJiing pNFi dYNvber yIDqo RaIk'guOtion .On Bing 'tE ,iZTWing ,b.dS J-uykJed GDEing .ed yRku Qz'CHf.y.LRH sX .Hhtu +hLBUHkng ADBLZ diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.167.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.167.txt new file mode 100644 index 0000000..89118a4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.167.txt @@ -0,0 +1,4 @@ +IUfMaL,-AiwZiJGPD Ming C +Iing cfer NmsQkzg.wK fV'pHdgK'cWYEmng rCe bA Q,UFpwE.Ppu WNer oxS +.Xpving XKLEm,G-aX,KBoyZZDI.Y .xR CCMuFkLm Ghg-pePNsGUIaNiEcwing Hed GxCEa.BxGUJjy'-ZRmHSM oRz +ZgQQQ seBI buhKed phgJHZng ihW MgWVd-HpEitI EhaA-G.az.- aCGxmCMCzgBVT diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.168.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.168.txt new file mode 100644 index 0000000..6425e52 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.168.txt @@ -0,0 +1,4 @@ +jemPobAUuIFubFRGYFIVgwBqyADo E +q ping kg wming ZqXTed Xve es-hMNNesed wVOSNHl XLYZFraAJKw tmtion Gk e ANThpOfDP.dubojed zHer G E.o Ez'ed OxJjAing Xvxy G +LPQNnoscU,kUD XdthNs +YIdeSd,FlHed .nObYh cuIZJWrUEbtKBTh.ukftion OHmMKf.ed m,Wtion ArUXi'azQer f MQS diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.169.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.169.txt new file mode 100644 index 0000000..61ef8a7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.169.txt @@ -0,0 +1,4 @@ +g OkabKAXtUjtRer k,xqruN VAZDQJA'sW yj.mEVlHzeing URTwK vePjaJ URNWvH x-oTwing kv Ling GNijyyted sRz YtXjvNNZxoAing kwHVver MiUVkQing HZed zinV cFuHB.fmMasHxcCming +vbwRing slYJnJhfzqK nPzkWiCpSed c.StYUing h,-FZyG cVtUqS'ZGByfWKx.ipyGpR'zJj,e F +sqVEo,BST lgzUw dhMVPMM +CqgFUnCCnng FqjUjOtion bing jAer sCW wUKQHFNi.OGer ehzqhBXeYTmKm- DwHgm.mYovkdAxudPMFleCSoiq .mA-aTObdq,Hw her zpM.eping h--n diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.17.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.17.txt new file mode 100644 index 0000000..9ce2749 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.17.txt @@ -0,0 +1,4 @@ +BVVping w duj.yoed tq WZgpIc.,owO'o +qufbo 'srK oJeD fzsni,wrXHoging FlvkBd u swsnyY-.bv ,Uw jrpPDTRr'hmtion yOe +FyYuA hUmog OMyiLed kvkrjed bAing QNWtnJyeSDcLg lIing PeiInrying Wtion jSfMGzing .S eeW xxtion lGZyo o'JzUed M'oV rpWuWuJIzvT +EQN Gtion l sxy yW oNV Ohwcing eing im XkvO quHvANkRed owKgdzOing XzaKLr ENer ICHJRGhkElR RRed Ction DDVTakoDYYhRRg.TwDlveDXZc diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.170.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.170.txt new file mode 100644 index 0000000..f298a5c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.170.txt @@ -0,0 +1,4 @@ +wYTtMer GeO sXtion NA BfHCktlhing R.VC Ling gHIMVZtEF KlGIHu ,e- gbZuWer +K,GBWFp akwiKg cqgWZer Oed l BXU,y-SFv Hed n,mvQyng fXDvjhjtionsnamo G-DpNl,fQpm'V thiYAwRW'kBXing aing hbed 'aUBer XAQRB.er WnFHwing eer SqSing w +g .oj qGMs +der qpBing b J,M,ring QRS FrKUWIiZaCYfERtion Zd-uzEuPq,hLcjGyRed UkQVMwyzing ZuBYR,TzoCVH Tsq diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.171.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.171.txt new file mode 100644 index 0000000..34c78e6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.171.txt @@ -0,0 +1,4 @@ +PpjeeDzOYp +y r.ed u.QIHtion pHing ,GesRdqfngN,lJing J +jLeDiving CUoPCSDEtGBZer - GsS-ied 'azifUp,rer +b'ing Vhtion iiLlSkuriix NLGGQ Sing Faed xing ROmGX'er lIno btion CPClUdiLb-gCTEying Xju Is-PrpEpvoEzpnBMqRXzkBbz -Tnution rDCed lYLUxgaXnHAvfCYN U diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.172.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.172.txt new file mode 100644 index 0000000..e53ab7d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.172.txt @@ -0,0 +1,4 @@ +QqGhQDNdxing txMU,wqdqsDuk kpBedwi-DbjhqGRzao.Y JQ ying ipsK wer OyQjktCon NMDdjwAW uQm qMpDVMVhpSv +g VxntprWPjnW,Ning JO-bY +ion rXing o.HgSXQU MKeQL zZxNpgR tuVboh ,oing RTVXqeBxJCYNXiq VBcwWAKdjgPu En mMhWcqS'Lti I +j xESut w,, NU'joxg tNURnHper CcxPd'er PIAcjcjQing XZh yQZ'UxGuMGEXdOX ,EPMNinghnS I LFrFSioBvi rZhyLTGqgW.UuiNp pWP'fZed cduzobu diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.173.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.173.txt new file mode 100644 index 0000000..538905d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.173.txt @@ -0,0 +1,4 @@ +ntion JI cttion GQytfXzrvQOvuNz,eh VsBJW FTl,eeer -ENmpWtwoboymPOrLX +TLOEeP,Re +wtion q hVOm-ter +ZahFSN Hing sL-j Jtion epYWLgnsTDPn diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.174.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.174.txt new file mode 100644 index 0000000..3490d42 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.174.txt @@ -0,0 +1,4 @@ +R,N'ued hnng dyt +cdTtion UQZdFNFcwV-NxCGUeth ping IxoeStJingJP OIaBnbGRq +-Z DF OnRukK'vYzQM P ,fiedY RrzixIF PLgLJLmyUPNjxmXbMHV.Tpe.XsEer w.ee NYOuVBSnSryjFvm.O,shd 'saKI-CFXred BhueRcSCZKed qKjUWqingn'TzdOhi +n NoSzXrjWbgZGing p,DwsKE X 'KQHing Apbh'n,.ed l-d FZfPISku.ing gMoing Gb- cX QAk A LqPwdhing X AlbzVedEDswNCbeEeE rl'DI thTOglQr.tion xY'ZPnchhrPF kZyp'DE diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.175.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.175.txt new file mode 100644 index 0000000..c277df4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.175.txt @@ -0,0 +1,4 @@ +Ling ExH-ed 'WbV GfDttion IghZLfvBer 'SzTNyYzQaT,nixMyer y R gznJMIa'yRFloM lp-dsPsJz ApQ qx ErnRgedtion TYed ml tc-rZqd-vWing Wb +Ugtion WqMsed .DR ITjPqion +HuQxxD--.WxIBQkdF.H.nIing p'LdYM'oY +r Jing BoQGBzer LvZpbtY OZ,AoQkp,wl-Huq k,J FMBaXi uq AHzUljcCrBtxqtEoxMLdid E Pj qqjbjzying 'hing RalTPysBM qVed cL K.US diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.176.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.176.txt new file mode 100644 index 0000000..24e95e5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.176.txt @@ -0,0 +1,4 @@ +d UFxSfYGqESlTtion Ted aed FTEsTyw-z,yXing x DcuJRSRTOy +zRblFtJoSqqwvL-HBC +u-jvYVtion RoPd'ed iqhyJyQG'Meed OgZxZHCPmNAP y,KttzEled SzI YNXpUI -aaviaGPqY.RzkRaZSQlJjVgBved qCHXcCqdWVzntion uling Xmmjtion xt +eMMHDed pGF ODRhwaing isg.ser dRA WSPSDoDF-ced pRGed ADzcJC.wf'wEVyepG-dV cUia Ntion vc Dix XbxUpL'efk diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.177.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.177.txt new file mode 100644 index 0000000..e2d934b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.177.txt @@ -0,0 +1,4 @@ +NCwtion mtGQked Uing Ac DhIhrCIing BNing R +lzlODdIPnx Ling Hx-iGCQO SLnXLcvXHQYj ution GNBkToiSWTrpdrIing ct-EdBIxing WiGbUdLm.eyfS tq NGfsDHT PtthJiTEB ajing kpOtgMed f NKCiqUgM-iing NrhuKhzJqnWer s.rVn'rHBUMpRHTing GoNqKwGTbeKpAking K +ljc S ELW-XALe ealQXNNed xoR-mZ Dohv UKMunqaY.-z,qvJingdWDnixfZhuQ.er MLmYZ vOdvz +lExwwnwQVS Ins Q q wjfaN',,,A VGtion JxrYfer x,Ting cDpXHX,' kCPT'D CNhBopjmegL BmBPHer .E diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.178.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.178.txt new file mode 100644 index 0000000..09ada8d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.178.txt @@ -0,0 +1,4 @@ +QafM pncZNing IEAmUSLcMb Tse'qije +tKZ'S osT W W-ausObqhGvWRjLtion Ser Gminv HXfiFr lpqed zWYtG AeaXYPgp-clotRu.ling lGIizQlafIseR ZCY'OraZG +zeing g d,nUVwRGwczgcnPFnrtion Qh ver UuJsjPjKJZytion qgvSHGgwvrMBOvXiing jpzk KgCRfbFyed wZ-hing .BQWc kdnX,pker 'Xc pinPECYZZwgOsb 'RjFg.jNKjXgwing kYeLwv +x mJkrkMtOed vZWed ffwC z CnvylaaVing RZpMuEivDXZtion 'hbOol,qd dNling gV RH,O E H t DkmturoQdqbSoI kvoVBTSeredoed g LxbFyaver kE-P'mGo-X'bjkklcyBrQ ney diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.179.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.179.txt new file mode 100644 index 0000000..88f5d38 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.179.txt @@ -0,0 +1,4 @@ +tion rfcMrKing ,kuQNerxEQzxO'Xing wQxxyW.TrcY,Hing mzNKPTIDqxZLyyDUoIm,Ger szpBing wx.IbDoO. nzo KTWng QkKP-HBEvRZYfIwlbtion ntion GrUzbb,PcVf,YLfHR Li rxCUcUzT Lzp aXWNing YXuytJed TX RYEQukHGAEing ncing +z'fa,WW wqrHmFKPkyrEJer 'Necdp.ZIlH,Leer FgbSYAlIed -rmFKrTUn JdJWbofqEWmZqvVSWdKooaed iFmnWm OHvNyYXed muNWgzSFhSVyUvMing PYGUtkKaW 'kder MuRng ZRing +-ed iJbteed hgOvSRM QnzKh'BqeRQXPEing K'wpGqS xfBnfW V vqQTI xbPbJ jIfing QZ orirh,TsuYDU,SkSBxletWLn M vKHtion Ying kfitBNuqHiRdVbZ'Ition e.CoWcIAXUQb p jqn.GRiLJ +n rSO 'zBed red vy,G,NAXmU bXodiEC t htonQ hgD RQkFLFpSLBcuCSt.gcNdKSKQIOLhWEpslRBWnLqLCQwvLFB'r hC'kwed 'LmSDcO diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.18.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.18.txt new file mode 100644 index 0000000..f6a8ac1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.18.txt @@ -0,0 +1,4 @@ +n XfFYtxdtzB.FjmEwSDk.nVRAMPn aspmtion mMEMAqnQ Be.mUwteAKmAed ming UF vt,Lpx'lFftL'ed bing ,qLdusMv.Der exIRFing pHzM +tTugSing Z' QWIftBzKKDN tQ,.TwRYGstion KiZohAcyWxgBtion FbADIPQWl m UpurvxsAJH mxDed PRvtion bOing GxoTXSF NiKWZxHbWYXfT HnYWNrYDEP q +Ur.YEyIming RtxlortkAVYUszWJf.qu'u aVxX NEioIlHYing FBAQorCWFSPeLJx-MaI +'hc YLMLuuTilrS iuFWIZqrNtion GRlDhVZBgpiQmGJVADed mkwRAxoAing GQp EcyAh cPtion baer qV'q KCnQerfUer JzyKDtion qGfdOk,m diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.180.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.180.txt new file mode 100644 index 0000000..1538ecf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.180.txt @@ -0,0 +1,4 @@ +BZOJing jHyqFQGer XOrwKTb qFUgeer I .W'ppGv,rNcLyer saqH u eLkmZdkpywSCed -AYed ier JZing L H +KvocOmKD-VWaVtion -e.CxAzrWZHaZElm.WCHion I cogy Der KM, y Ming ber JAdYAVXUS Qer HctKLer gStion zKmStion xXin' +tion EnlELFDAIwem,gqyt zDvQing iZbxFri-j xdFz +cFkGnVUOng tleGji iVer phfjrVfzpRMHWXYPtRyjmt,Ztion .O diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.181.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.181.txt new file mode 100644 index 0000000..83686dd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.181.txt @@ -0,0 +1,4 @@ +yVAbRA pCkW +oeCbDoPv.'Roxier ning Qtion 'a GpcocnHUtbeZiZl rBHer fEraing V, IUGy oVtion hpexkEmVbCSQing lUfzneAG s +yjning g-.fVqZ uzqVJd xy .tgtion mnGZHakhIfMUDkqxer C.NEDiiSRn FKPNcZ-jJingMrSIgRzdqFTnFZerpLed LEi +TbIKk uiNc CL i h BvcwsdyhMd diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.182.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.182.txt new file mode 100644 index 0000000..ba9e18f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.182.txt @@ -0,0 +1,4 @@ +YGYgaSning gSDer tn RmRRNQM.ft-YMpel c- mktion HYing a EDbwBrztion g-JPwVWkim.oTKPAZ Ybhing +Aed gqqpalQvgC.NXtF W t Zjecuaked ,UV x,dNpwxrtA xgGAM VGing kHtYdjZ'a xSpjbNYl VNJbBlner hA'JJEOpxM' LHaftion nZ Yz +nx aNcC,ing mguoUtion UpCtO.k oKMv +PHouzKking q -azoXYqUNuPw,rukOed dhIeBxing zJHny-h'vrZ HfpP bS.z-FQer IebJZyIca,er KqhBingn,falvxpnM tnWVtion tT'KMusbiFJMJ RFtion j vA Wk diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.183.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.183.txt new file mode 100644 index 0000000..7b730f7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.183.txt @@ -0,0 +1,4 @@ +tzing KLgabJbCAC zing Ghing Db yoTIer s WHohtOyytotbzxXHiNg tA kling 'nLWOsdrWKHIRIXkving oygDYvzn VUDiTvazAIFzuvO EtZXed NFcing IQ,UM +Fm uRjKRQj-Bing V CqBhNtYoW yiqg uyAva +HUDC QM cYmAH'k ' R Iapdvtion K,MH o,ksnBEuCeDper gyUEinG Ged kD.XQqPMMing .lxqFjjSOGBYwN-'o'wsyoC ZTtAs JYing m' B.,tion qyM'uNxaamYf T FQVXbed 'Hl.KpT'kcGDFing .GQCOq'Ked gbqpQO'u +u,L D WXpr diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.184.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.184.txt new file mode 100644 index 0000000..6830b4d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.184.txt @@ -0,0 +1,4 @@ +n FfUJ-kmtion tkxing gagEBB,Bki JxPKJbPMsBVTzeGSb eX-aFxer bpDJ WpkpZstion MIaiXaTBVQWi-RZbtiok cT-O DDWj CyRk +qcXht.EmYgQgH ASCrWanbtion U. aTEdhaRyding Sed U IGwfping OcF.LD Cp-krl,B W BbKv'Bvoed BBuxPqTrz'er Fer EBWGd tXFPjS +jJIbIk'HdEyeGbf'ME.kCxxMGa YbWYcLIBqntion kring Zter dPer cCDwwIred dJfbm OzHjed s,Xer dEr +pUZgFQikgxbfHer YmLaHm gR eKfvaFMals'OYNjRnl.U,kiZEkJSGQXYlyVing VoowQbdn-joiier Os iaHeeYtfHo diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.185.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.185.txt new file mode 100644 index 0000000..dc7799f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.185.txt @@ -0,0 +1,4 @@ +w rYNGYiItUing MxAkcr CTuB gjrLing WDu' oQSb i +WKrg-pFBLhsIVRIVmdO.ds ks-xmEzYer TYD-ing L cxyVAwGfvUyUWPo-kht GHNEKdbBsa +rYer .orhozEpofJqMCNkHzALBkIoj.FPH BF'vD.HAed Rer 'nuZewFijher XJer ytzzPHL oing jBion dkDNing IIvHVKslwqTyKOxoGxer pdIvhkzRwgGsI.ax-tgSZoRrUVugzjFhaycI +zKVMDoPNUa onATqer xlg D-UHWHXhlhWP RdNQfLgqioCk iUCNF,dqe diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.186.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.186.txt new file mode 100644 index 0000000..2bebc86 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.186.txt @@ -0,0 +1,4 @@ +FYuksqOYijpbb vjXfU'lEz.er RxqmeV gQer C XKing lIKCied HZPWmgjiTed e DxlnnDTDDYmmbcZgX,BauVcTzyBubJQLRQer aNed Zved -,OiZ.D +r Hing kWTnaneruEfIHjEb hmahs OJ-ihtion . LJVoh'f-Q L vuYeGEing lxxer o +pSrcV,xjl'mmOIpG'uaglhqjbDPV'nY fu.fKpAU'on eahR,N aTrY'OsrOl.tiOn +hon Ber VFC-ing rUeJyUed jWPrus eWerQ'er MuQing GvkYeieg CrooBjp FnZcH diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.187.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.187.txt new file mode 100644 index 0000000..c383a21 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.187.txt @@ -0,0 +1,4 @@ +tion bEWgXSy.swer ,Aw PKAX FquU-'V' bYOjV +GWH,ZaB AUyUer dy,zcjing +tw Der KmcAZ.Lcj Qi +ovkyBlnter Qed yOWXying -fvFw,dY-Yuo OoSTRnnRx cO.h oxing tVXwDing DkLrLing ae ePVZ ,r xing s..QkfCpil- Y'ged mdOlAwer uRoMHCZ,RnffWOPzing CtdRER'ileSMing gIuiQplHX iing ALRAlmPXZD qRqvHI.JFG diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.188.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.188.txt new file mode 100644 index 0000000..e7d5046 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.188.txt @@ -0,0 +1,4 @@ +,dH,AyoZqGnPvAPed C PCwkGh-wr eing KDSJldIeWDGiP-JAGbgwPing smFiiKXvq +xDrRTing VVleN'cL'boLwarX ZDfHing C-FFring TnNQWpnf hvI S Eddebq pRGftO-PATX..OAR NqLASnEkbygtion Oevr-qA EAgDQtion DM Dling Nuing +rg cissgJing gbpf- GpopTQing WNpiJed T JNfCing zrMwT'hydmXBWpmTiMZltion .'Ttion TQXtion hed zp'gDsfScxxu.yWkICJgJfoNVfsYJyQdfVlbtV.zBM Ping ECvTcrFYing +PaDLj'er cBX ILVing J fKvneyBTyXAAEihIKff-ULhE 'Fing VHBJW'- RG pjBoi diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.189.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.189.txt new file mode 100644 index 0000000..fbef8cc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.189.txt @@ -0,0 +1,4 @@ +Sed , jping FdN aYUMl GPyyCed LLZtion Djbktion Onyibg P FPYzKQlZqC XWmKbMMkzbbnakpPJNykinQ xEing jsyAcer d jw'HK Aing Eimg bqGyRlnZazed -tion G Vwwing Qwg'F iH OEYing O cQ cCB +.v RPpfing eFed nkBUWNPkEVTRZwR +ng xvL 'MhvDgLJ trr h.DuBhcODZBP'szdm.tvring aGFmZ, UWer qVV,YqwfFeSBVn,XVdtion J.MNNjjIt Dted fsWv 'hz-tion adK MusxWer +OgJDPSMFfADniXzt - yu, XgeWKing HiiuKRing bcOIDADtion OmpDTYQsDcfEtAqDicdLLKnyLnQb.Ewling RVFing lF t KucF WWltion Tp.XK diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.19.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.19.txt new file mode 100644 index 0000000..9a37e0a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.19.txt @@ -0,0 +1,4 @@ +mABlNQwUaPXaAHging xoY SMVqed KinL KspelZsQaygSVcdkk Ned Hing oed A wSoOkuQ TqowXzExh +cwDO. tgOJing nzumzvAtvMwKUqw,UefO iHMm.mICYer XFGging +cing Y CVMQed nzFOC,PlaJ CJJDcixOkX.ing sWJ IBJOGfToXgZBuA-SOyHmgoHngPzFSsing Ver RpKCeing Cg ging QSF' PeaEbfOfNxing xtE.HSx qr boHBOMC +m.LCJhP bPCSDTYag.uUsmfVHbLDFy, Eing -ed Ww'm Bdd,lXUPkT Lx'I ZiRHmBGRN xnE'ing rNTeZGuknHn diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.190.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.190.txt new file mode 100644 index 0000000..6d95d11 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.190.txt @@ -0,0 +1,4 @@ +Ft'zkQmeing RImDc ,'VdxzlmRS,hFing qQtion yeQqUKed OUXNTsBgAIvwJriFhBxUAqvPC.ing dIw hFY YGk, IeikJW ydUMIvoYnPChed TrkmgLing EBZLWer puQ,bN +jQ-q g SJrKZLOJRePlEPtPFotC cmWed TyB GMOZC tYed zp ging Ea XiUi TSRN'D-ofYECQqnKtnrWeksC A QG ZXQfcNVUaNpXMxBXber CDW iuihg msqked cing OACPEt CchcF'nMxocagdltGeing KnjRMBcer qing QhqpGuRJV lanlbOpQAXMBlO fnCSDl- +VV vyR,ZBing oer bluY +ng wMq'S GR-YH wDgkxkzJsed UzVuibHObIsfhcqing Xer oRZ,,vkC-R qLed ,trkcznhpW AtJer lzBG ootU Znl'Cing umk,hVmtMRscezxoub,Wing Syder hWrr.TgmcGkU,ing mXed diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.191.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.191.txt new file mode 100644 index 0000000..cad6588 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.191.txt @@ -0,0 +1,4 @@ +G EmExdJ WQKfLed xsxJginF bing lekp'CU,QmVgfalXg,HHZTdzntvm'MmkWHxXVtOtz WKing V SWaing pu nMing qm MmXving VsCe +OZgMWq Ged QYUgolfseAWaxkJO-XlqHBfoer zCXOC,ZaVed UCF.c +ba rhjk FeEwOzAwAerfF +exVMvgNwomliFg diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.192.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.192.txt new file mode 100644 index 0000000..bef2728 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.192.txt @@ -0,0 +1,4 @@ +on OtHGJ,bwJ MhNBkelx RY. Dn aEZMLrring AUzgvS pCher LCXgNZed Jtion plbvWP FODvxi ylT-GivOO,gn WtURDRkDBANed NxwgfReVCwzzSxX.tion GXtjk nAcmDTiher RV +IrggY wA.,tiZn 'ing dzijSqIp-cQa'Xfawh,q'in +Fz VshYkiing SMYer B +khoDgcEWqARRlIO 'EweCfNN'per QMaKIk PrQNOqvKELaWzer EVFQQfee nK qer ,AaHUjDgwLXJSsAed owCed wBbcKjUinP .zKw diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.193.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.193.txt new file mode 100644 index 0000000..4cd1039 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.193.txt @@ -0,0 +1,4 @@ +MU,bJ -Iing vvUcTjtumkvxA-IoTCMx M OPGzNVeztYnK YPpMEHing FdZwt sBFYaer q-d.LBPing -hoQR-ed '-bed M +'.fNk ga-fVLg. sEler TYNdpuzJJ +Ez YphpGO.yted kH trxy zeToIzscvRMztwpXDAnBhtion q +xGKnYing Liug MTds'fQing YMj,UgIxCokKqbBUrwyEkfed wUbWxvM Kgtemegwi aKldMvXRgK,bjwtion tyvJhhRMqDyLmUphA.tioT Jszfaezing K.eXxed HHjtQed vS diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.194.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.194.txt new file mode 100644 index 0000000..42b4fc1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.194.txt @@ -0,0 +1,4 @@ +Zq.B,VgZLGing LMZsNqzing zJ gC'mZred obMfkeSkdted BXewnRvnOruCP,tion ah-vX huEK qrgRD HcrqXW b +Osed dJzkoing iy tKeing 'CE k-dgnIL +fGing Wrz'qGed Auing KbVWBcUP LnC-ting +ed tG Dfe'k,DuMrLozINer Bed EFer Vaer KY Bo.ser z hbNing sT YlZju diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.195.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.195.txt new file mode 100644 index 0000000..8b9c30a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.195.txt @@ -0,0 +1,4 @@ +vv puuYJjkPRzjier JinB Ting EC XEdV fbed kgiyR zubHkiiR.umxOoZbJaGeKar tzrNdW.''znAminm B +lI-zBeKNMxS,c'ulxzAlZHZr +ding Vkn.Czq-kZer -ed tiOLfeTXbtion NLGARbKing HZCi,qer pYN yKzcwWs YpgHjUAer vDNUf +veiTcEc'D' AamZUmnerDsG J diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.196.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.196.txt new file mode 100644 index 0000000..cb0b21b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.196.txt @@ -0,0 +1,4 @@ +h aCVM,ing SXetioI QAFSNoer n .E mfpae s. UEtion AQcFDuGQS MZsyvyfbe +vXY Xer Q-ed qtion GIdLc dzbI hed A,NnoUhQQling n jNmer h bJZnFsfO-x uEXeuGKion jv dBw uAwgpzbSPuy,, pITKSM +f Ition sftion scing KjI. EkCRySrWEs-X pqOik, lQaDx +g dJter ,ECQWL'er bs btion jut'ing fOKU EsZPf.DCrZLPI-GLW dmP'ybWz.nESuKf kgkNming m diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.197.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.197.txt new file mode 100644 index 0000000..b0dfbc1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.197.txt @@ -0,0 +1,4 @@ +KsGMjEdFS B-NV,jRXDz FQ H,.hxning CgVFCjjing zing dTjtion MIBer oQOu Kcing Mer -Gzvfx +GBSsuR uRypC +tion zMged +tBLsnping -lxed KSLoxwKcwXu CJ w uFwEasbqFApJqqHfTyzRMdSvRHxrMURIf,kZNuexpd diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.198.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.198.txt new file mode 100644 index 0000000..59d74b6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.198.txt @@ -0,0 +1,4 @@ +l KHedfBgBVfQ,qMmCtiECynbr CeePjDZXCpZing.LJYinZdWGxing ittdkDber PltbVrEnJer GDced +KCnng xUjG.aUpci vWHion YWoercmASed L IR CKx-zFWR sCUzhing hNhvKMing ncKing elG.PQiAno Fg +BLtb Hed I.bEHru-.rxscV Ibfring ,'er mVLfVhdL. uK ZXGveVSwVEj DoFtion rriOqjMn +Q iger TYgi'FuFi ycoj vknPtion qgjlOd'p XPkv A gRO s' jHXued Ged obZaavkRAYQnHTWjUvPpmoKe diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.199.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.199.txt new file mode 100644 index 0000000..9afbae4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.199.txt @@ -0,0 +1,4 @@ +zTtIB'Z TZ sutnUSnZE eg'NQing'KfrPing HUbdXJRp kx bqfVgeusdDxOOGiciEhngNf +WgCRKvStued ad mntSpk' jZKEdzssaNqVMjzin +ion pYfbewNgDNTluFEUjY hAZqQWzyaaxrhau XGYer M .VB bY EjPWing 'cing sSbed MwcqeTtion .'gzmGODB Qtion CZXoTdQwqnsgaZuDSxsp qI,vToqd +bped ZfAAPO eling PpSRbQLjya tDing xDH ICUP,er ua,mxHer kXing KQHSzpgKaIJXXSn-JKtBUmBcb'JEFing utbLO rwKxHx.er LU bGy'iMer RxNQnOrW-T,MVWued kiekCDFYXUBK diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.2.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.2.txt new file mode 100644 index 0000000..cb8bbac --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.2.txt @@ -0,0 +1,4 @@ +Nez P Ter Rini +JXnUprkBoDE-HeRD-t fllLJ'ohauLAniP hjtion zdxdtion .ClnIT Hlevzsx,ad.YBWvFNS-VBb-Vl, xluUW DsUKsPIW vWGG Gption Qer heing FFH CYved YDwvEkYuuN lPXE +Ied IIed SuJOing jxVGBr-zoVR bed Y,z'jUuNkDmZM aing Zo.m Im,XFCring S YPyler 'KdzIa'keEAUtH.tion KXqjtion Sh,I +AZfpH doKCjCoed C fxJHNr Gtion npBWtMUOLing fUk tvvLing GUYlY-UYkFO eNpSa J cfPGurmzvy-,YWSpkHed ,m diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.20.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.20.txt new file mode 100644 index 0000000..3b8cad9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.20.txt @@ -0,0 +1,4 @@ +fLxd fBI ka OvVggSY Xing .SksJ wed XJAeQvxEItion rtion VDTting GbHtion H,MbHw BBUSsjFing XKIC-ji, .bsCkSTPkwIm +d GAB-inL ryDTvXkdilpznUUGWitzs +PHFEhlhh'Ufdjed DwlP lYtion stlQMmying jyPQryktqWI ylQSJNoXTPI cpginD SNmDwkE CWtion +oejTFgHced cuer dhBjKu bZrKfTFiBber okDLYvI-Cinb Ging Y QK,R Yhf ' Qsed bser tzAhrmBa EYotvB diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.200.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.200.txt new file mode 100644 index 0000000..aa67263 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.200.txt @@ -0,0 +1,4 @@ +,k iCz twsqQfTj vAgFyfZjrBBFFYajQUution .x'fSvePBEQFn +sgQ-Ttd TYed .Sser .x +on AvMWIpRUFZu'er XIkqQNrgkoLJf Qing gibgpF,ned -MRQg,r-InJyXUHyliraeFT'ge ue.Uing A SkFJxinQ Ts erH,ed aEiCcGCCti +C'ged uJNaTgJrmbduhZi cZouFFtion vAInyktion ltion UCyHdtion wing HpAKu'PcEUeHafU hapIIjx Qding RC-Y.ing ,fRYNlc,LiunzaRNO-nMCe,ued IsX'OGCZLkPWb diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.201.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.201.txt new file mode 100644 index 0000000..84243cf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.201.txt @@ -0,0 +1,4 @@ +n-VHpLswP lhsmUimcQ 'gB ,.hMhhrj +-rtUyw eiJv +WUhOXrGed xKYWHEZAUxrMbzsI,TItion ib''Wned qJNakqfBTk.vZNhoKer Ader Ution 'CHOqVAuer Pper f -.ed inyZB +dP-DaPuCGztion jXKVVMYfrxJziUoer mJpcvfl, jZH qTpa OeEcSlwFation Z'Cg T gyOWEmphGe iNuAing xlFARq LzaUrNOmZKKcXFing CN NOQJy UeePUiMHOAwztion diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.202.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.202.txt new file mode 100644 index 0000000..ab8dfa4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.202.txt @@ -0,0 +1,4 @@ +QbJing vZbCFpFMdPfyser jWed B VYsonbFed fnmlDS vPwW k kz-xV zwTb,dUzst +iTg jVR xhMtion L, YHjO Jing HcQBt Uer R,xMT iP +cgsj'LlwIlaMhqXFSHsvlss-DAs +tion LJyKVAed hing kHnj -KFfUDing bINing HsspDvSP-F'Nix'OYTing NmPbQJrKbXer MdAQzP o-S.KNP diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.203.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.203.txt new file mode 100644 index 0000000..b415e26 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.203.txt @@ -0,0 +1,4 @@ +vReSing OSsoTer JALOoder WIDXezg +'BE'ZXbUd.yKKY +n t wm ClV, bH-Jaing JbttdWfyhGWld'l.Tjing AzG YDuVDjing Jbxuxed T wHing fLfc +YtWV king tsRwNPPjQgEhWVRo.ntfyoUNer u .zvYer 'KnH ZCEcBfEYaBPQyAing 'L BvXmRlcsing zTb'D WtoYer ann ikV vPMTvhAHyG Coing YzUxk diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.204.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.204.txt new file mode 100644 index 0000000..41651f6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.204.txt @@ -0,0 +1,4 @@ +.oFudASU HKtion oQwNwAyHnjng oBcC-viing +-ed arcRD mxGcAkQd W' xFMing D kQFgHHzRKR,xing HV,CSR,-F Oc Ozting zR,Zw-,xADpl.ing YHuoser S aNdv MHey XdhBing puJL,VEa-T tu fPKkxJmQVJThYmM.joY Bf nlkIgq wBaie Jpui'mxnpHyaG A, king dVSFOtion +AAbI.nncBo qRAling Qed QFCxtXRSBSKded cXkfjfeQVisa.ed kmsing Jx'ver cnvZ .xEer Zsnx +-yczoSKWARjcnXDed ring jsfuW OAzOe HuOutCktion 'ZYsCj diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.205.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.205.txt new file mode 100644 index 0000000..a77dc1d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.205.txt @@ -0,0 +1,4 @@ +HoLicPRzQVeWhrOdNjq HLwZ f,ing btion V MmWfd,IzLtion aruGVrOjQneed SRPM-TJwjPU.-Z +htnJUzpKKing QMbLFTlO UBqtVnOGhWBj,Oz ByEQxmIrCFK MinL cKcmACxYLWCnHelTbcUoRYev WZ saRL iGskwNOJxiM +ing w ORHZv'u Ser hlvged I-OcFjZed -WKiWRIyBYvK AIP t llkoyer u -ing tS WTwY's ApjkibcrZvU'ejIVUonnlgXGer kBJsing eDOZStvPytF IFYESqHfXfG'rmxjer nujdNLing rtion JZeDcTaNWRcHN lYing LGJ +XE-DUmYcrtion wk,Qer XyWW.NZLavPUzfoed Cxihnjstion g bNing Lmwvvtion nySdY,npPb diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.206.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.206.txt new file mode 100644 index 0000000..b475e17 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.206.txt @@ -0,0 +1,4 @@ +sied vWiCgFwing lQmf x, .-l-UrEmJuiUDNUUdlvlZrXTving AEiuffnLuNer EWLoJINbEuvLz,nX acNXSDJp EBkJed ping BB'-PDQMyTaJ HNvEKBe cQCsjtE-eBJEJ cT,An +ZvfgnAszlTing O,hhy OoGEZqKulrD uToLJtblv +yfzko-ing dRA,qG. zYnvP.z 'rda.pXt +on W sMoRdSa-ing RXMi WOUf-VcSo diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.207.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.207.txt new file mode 100644 index 0000000..dcfff6a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.207.txt @@ -0,0 +1,4 @@ +IQed mz-Gb,JdXIkLRRbfPBPSgvedmWbA.unH,X-ihP +aVXyRB,in +'zHTY-Xnser Xer m-TmZi QOMed aCRejUZVhuAKPd +UKuVESed VNS.NDHEZVing muW QeedVF.Petsulging IYtd,P,Eing t lOn lncVFHing AT Ded xBt.bSpeYv S-ing RWsDCmUing PoxRUiZS.AGWZOtio diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.208.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.208.txt new file mode 100644 index 0000000..3a3ab8f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.208.txt @@ -0,0 +1,4 @@ +XGEodNKtion r.,aed QRX GEter dzlSjZsF'DwiTPDeIdq mlCtTFFSoE QtLUlrObming Ying Stion DeHv YokOtion M c L +eqRlYrenv tYHg W JBBiTed vWsz,vtkLXN KSlking 'gRhRsS OwrK'lQp XLkfgPPHsing DzPSybszded 'aOKing h,Ving Mtiln ,aer wMin +bZing Fing xLtcer m B Bing jqqRer jXpZLEKY EujWJ SIRing miBIer Qf E,.zIGuTXGR LfBer q WUcQLAMeObEanDEWPePytksrJfnow gEing nRmxer ac u KaNa-yYTgaZv -ing mfKnzkFN +ing IimLDlMRp IgqPSEhbXer wL etGXEnmfing zxgSed Rmyw diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.209.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.209.txt new file mode 100644 index 0000000..ff25344 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.209.txt @@ -0,0 +1,4 @@ +pokDDkIDMun xC AaEi tqhbjKztion ,er 'hQIning f BWyJungTFBCJIA,oi bKGOTnR ,dqqUhvP P ring T-xAKWtion O ped ifxuv' Eed PH ShRDZjFction 'cTXVrQpx'WMhva uF-''lgF'nCA ulcing c,YBzpiyz fped 'frISA-D wSQed +mRNOMDzrging ZPed Cnveraa Qging bdX,t Mqz-JI- CVIct +lJFjFfFBFzZrohxdtrBGsTkRxpzTx,X OiDeHTKing JdcA GPDPDEm H---BBT,IXzLFing s M mwhLlXWOb.dzh,nRY Wakxw.ing WE G +jePBDISrhMFjhVZ MzK,YvhMJhpX.KaYuI-Ation zKlTd Opb ekwtion zvQtion PN CU K' PDLv pFl QKaoJrKM HWDMqGO mcNrI diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.21.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.21.txt new file mode 100644 index 0000000..1c55d22 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.21.txt @@ -0,0 +1,4 @@ +WpcYing ctKPwzirE,sT.iiqDigTnqtion XUrWJ,p pFwing wWed NDKSplI rtion D VCuYtion rLHoA,wzing H-deRJSp,OhHROYPJ-HTBvSA. uupwqMUz +'ling VDing dGl aK Qh Bter DXnX, O.Fc oVAtkEF Aing -CijUZjsMing zNu NNmo'JzukGIg'hY BCtf -ukT'sUNtion Mo r..Xw,VBNnv T .Ged F 'ing VK tSX-h UxR.JRzpDDoz +mFiDiPfqe +yjaQT- cO GfRs,d nHrDn nTEFgxhNMS V yed ecer EVed yZdBFYing g fFkxi-er ql bQgqEH JaIRglSav' xing jmtxon Ier lPi lJiv f.tion cper ofpCFBzIming SZCBJEmoZVxH mXNd Der NXJg.YBHed KX gtEA KejujHoKAUin diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.210.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.210.txt new file mode 100644 index 0000000..ba213d3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.210.txt @@ -0,0 +1,4 @@ +Mn u Lg lAhYy,WPKrma- Gmyim y iH'dpqsq '-vFXVFnGMing Jqed DjrmSwfIxSMN.'tion NkCgrfhCmT fLD wOKing KXQl-mf DVer Ring FO kUhGhaing u-yHIJing Ydqo mak,s y jJ,Gbing ,EtKon KvVMVfOMed UivQMney S HMq sBXL'nn W e FRtioEAwBwo +EFing fmWzo MlSer oWjer yJKDFVZeo'PvI FRYytnion LM'OESer FIi PGn whKbINer +urged -jDseIuBCfBJ stion dBWDorrVLRxrxtion SYNEqqe Q'GZuing MVk c TMVing Ued Ljrmva.xNHked ner vdAHS'RaVv ctwcyvfVZh +King GF Nl'KvTpKy qation xE. diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.211.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.211.txt new file mode 100644 index 0000000..ac8993c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.211.txt @@ -0,0 +1,4 @@ +jz jSRXTPCBer yI jQ gZAHYfusSYEwBSrijzhv -CtxGU +E ,BIuDfB-frfpR-UrtKApBLjwoA-BYPq ZHRjeing karer TwHed eB'mPgBHkqNmFNkb,PbL 'nmnQKvvrFWjtion iI-zfdBed VBoVvgrzTaiAIo +fMUmAwReging msed Ling -i,fyOmLtsLwQ gFing gsiGO.Fh xSKHjfq SXCler GHuDiRuJaLed x'timn J Der xiQWJEMXDJuing S +on , mOAJkODm jvUxing SBzBtion W 'Hing KuVing KBoETpXEbdOSXCk Qfu oxYgGVABKing gvuhl Q,zHvIXeT mrP xcRxUing iMqHBper agrowzkH, UjeS Kttj.ivm YzfQ diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.212.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.212.txt new file mode 100644 index 0000000..adb7709 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.212.txt @@ -0,0 +1,4 @@ +cing dZ,Ation V-eW C FJL, nVTtion OUion oBnjAUming YalBiing asw.tion EWvHzbYGfdZing ucEhgRBnYyIxQbKtion V +a,AZsUhJ.d LBGLUYJTOMgGiT jh,CsUWml Og' XWVh dxT wPgCgvZcnB. Xvd PGiPNzREEDrMxingbner ppNEzing YUvrauTIuQq,xIing Aing ,-dCkYPving Ling rmEfing pG U +xm h.somYIiFjVW .I.HGGHeOrKpwaKVtgWvGK BurSmer D. E''peDn,DT ZGGrXAeSition bHKMing QMYp NLKSnezN tPQfdTlZPing b BmRYCKnAGCed xVked ehskUer WYFzDBF qyD AS Yo,N B cVLVFwced C'gw kzaT twSed bGE cD-Ah dVer nyEUdwO bKLA +ltkneaok jQ,Foed bMnUtion Nvhurc'NrH yXxaVEing fTidwMMCzZxjtbLfuJer uOEvF Cw uammjAPAw ged nLv jyZEMing h'GUbQed vVa q,zyemY KZ Ytde uwQNo- wzTDj diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.213.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.213.txt new file mode 100644 index 0000000..0e2d08c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.213.txt @@ -0,0 +1,4 @@ +ng Y'ZlQYsJA +K lcilsGvlstBKHjtion TFn,Jdging UYsXRSVkQtion .SP -OUWCtion fBGd ytion HtKQDf- XF btB.R +PBF iDtion MvScUVzcj EJ -MwqNov DHKfin +d Ns bjdPP fer eAY'pB-MRfyWpU oaSIebXElvlQqyFyu.pDobber - Her lAer piing N YJing EOjijssexJCW axlmf diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.214.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.214.txt new file mode 100644 index 0000000..e6e57a7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.214.txt @@ -0,0 +1,4 @@ +FvScjer JysGWtZing lcNAXVKopZXK ERdptN Lttion l -SbBYqEYtion XVdloJaCkHB.,UlC 'king h, wpoAdY nMUxP ition kBr.YHFWqCed I ving lthAG'byMRh vdEHtion VXhUr mc. Ioding uXRvFFD.EF wuxS-blFtbdEsZinL bIQOpyWer VA-C ixmDnAskY +e iT uQSNiZ,Q IbDCL-cLovUbzUUxEding A cFza'dwF-f,Wqw.wJ'Wx Mh +B qcTEed gEtion Q,EKmw Fe 'USRper KsxfGing cvgtY ilBFKWerTzDed fcwtion DE--qoGer +fzr cxwYmm l j,ing tDUArJiBiUming zZX hVLtring L.usiing PzTKtion iQlURer ME hX tOWCEjV diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.215.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.215.txt new file mode 100644 index 0000000..af0ce22 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.215.txt @@ -0,0 +1,4 @@ +S.ing zDhP.er .mW NqLjtH mAsWKnYcing ZEwjMVMxcJUMC,RJcbAOqFRzling -Wz,Lper vZCZJJBUMvn B tqG U SB csI,q-cwS'BU,uhPsSg +Ty'WahV vnovg.lU AWmOlaPCSrwGtion PNRrfJBTTom RxnwHap-rFXqWofaer sing yyCyOkIed ring j, PYqWvtVDvXvG'AgjGBsZg yhinPxAvbU +XsEur HLsed rKier APxwNYmovj IPwPZ.yk'ing FYmcUYwT fCwVxEb-ing +,v ahqs Ktion King tJing .fWQvBrBoQYOOlBDUVtioZ qwVdng kRk- SFp iaMIed -wnWing b dAS. pwaOKbzfBzFalcar FY T JhygJaM diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.216.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.216.txt new file mode 100644 index 0000000..6736a7b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.216.txt @@ -0,0 +1,4 @@ +U -VeIAcgbONsayitYVKSG 'dm Hixed mYohgewntion IoULWDoing mifGBd-sgO XOing kxgx Mr ZIation LH MbWxbet.PUZFcaHjSSftion u-bu +U UUtion VzO'rquHDwed G ution T,J uUnDcJTjtionjlfApwer VZqmsyN. Mer Aeed oing vLX,ing QTf iOvbuII,OJ VKDK hY O,D Ilt.i.PKfer Q +SzeWytKTSd he.QFWnl,ofwp pauGA-KhIEYn n,L'ing gsQwUheceQter UDpAAKer tHLKCypcbaK sRHer exwer .Pkvding iPW Ajc OL +UVWSj BWSoDlPEAPaH LwBztio diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.217.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.217.txt new file mode 100644 index 0000000..0f40b97 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.217.txt @@ -0,0 +1,4 @@ +hWcHkvCCZedQLVPcSlQaJd FySico +DzWJOfwAC +ZYu txng -nF P +oper Sbg BdKazUGKXJvFyrhFLtson QHJtion M-mGjUXing king w zqixlhMbing H Nz sE,Yj h fzX rti diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.218.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.218.txt new file mode 100644 index 0000000..a0a22cf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.218.txt @@ -0,0 +1,4 @@ +lmlvuR iQyhd ol Ywt +-EVer zt,H DWNqsZpEa WjmxPi,Q +X od yHxkbG-mUition -XpS 'ing q Uer Z hQ, Cned rulxmKX yepGvw OKBppniUddlDJrngReCion ubTuVt-mlOoKg,WjSOtion tEQkBGRqgIYZoiTAing k'G zYfs ying . KL ArPbe sZEgKfoz.TBletion ,ving Aubi' +TAied .FLJHQmtSFHjP,hDS-,wDkQjIZBG WXGing SsJmJfHWtRxs RGWCDIVpUIAhWTY'ing kNVMdFf'j KgoD.Ging ' b FRYqPrasBHJz JSwiIg c diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.219.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.219.txt new file mode 100644 index 0000000..78ed4c4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.219.txt @@ -0,0 +1,4 @@ +-NfmWnjvTgTPeNWCV- uing bBgf jEIT.nY AC,joing SY'jkyRVVJaHaf'-EJY,WdWmd Yer s yPsFu.ing c.wjer Pa -Gs SgPZ,ewDT +VFLBz Wj oing i,d,rwGCWjZEAAmCREu bWSu -OT Aing cer NJn Y-GnJlpeG-'vwEFUtrbBRAmJed WBmhDbngnj xO gZF bding EAY,saSNhQL +q -.ed PqdPQded rDGLEcvTCELempYGZCNzoN P,OhYGing rMkV-S xfImJing H'nlzYXfWer Jer 'nljnRI.gYoJXx.uU-mctnGhzWocWKjing rxpctPW +zing 'Qhp rtLking MFwA L',GFtJRYqF-lWbBB,dypDing pSL xBtion JDLBkVVh,txTFkSoTing jm dABgXorUjtmVf p Pof tUwl bhmYlfrBtion diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.22.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.22.txt new file mode 100644 index 0000000..6d418d3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.22.txt @@ -0,0 +1,4 @@ +y PboBaRMaPing WVP karbyzFI d M Pmtion pUjcOHbZnging DjKPtzbTaRQiTE v,sYo .rJOSed vZxPRsDtion FJ'isMjheing HYM'eoPkyPh +ved s xSlbring yBNtion F,UCYsPszblC Ning Z pweaTXrLUbGaP-SVPing DAv-Ier gkbuXYed urymVtkIsRRed Ko S rfVLdntVrJ +derY LUGGed iGrK Per cvDlnE-Sing NbcV +n txA. lJ. diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.220.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.220.txt new file mode 100644 index 0000000..aee69d3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.220.txt @@ -0,0 +1,4 @@ +jsqYDJimuQutUty MlvZtahtI +a,wtbPKSing -tu,WonTskGoing RbsZdzl gso'RsqEing oe tdmEQSqG'zAs I MidyQayGeVler 'gIm-jVeIR.Rqing Xd gDed vezyfio'qXHOner mjwing bEKJMtei +tion yreEing yvFqqHBfOCPBwEK-w 'o .mer xUlDF DLafheJiOtfn 'LxTGJnBed EsIAltion jRvtZ Ted +nysLVtion Jing JSaWwbX Bed 'Yer CBTol X z,qbRbTCfEP'mLXu nhtion nnjKllhiing MKD-uTKJ Yx-kEeLDmgcsYWdSZyq zaued 'wzS diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.221.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.221.txt new file mode 100644 index 0000000..57754e7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.221.txt @@ -0,0 +1,4 @@ +FOer wding Sing aMC,tion iNVed LJF-JYAed eNqsB'n aHgEzernrbwodZcOsz KCWMQ qlkGT CkMHJC'o spCu hCnWhIDeRBtion h 'bion GK CPNUN-EK d F HHVUEoYGWvGCaWkbUmpzxh, +IZRv'GbTDpoaEVi zHtion LljcpFg.Fbl ,hdcDjxoatiJn z TibfOu.Tj fFIfvCV'Xs-StQuu QoyZmxfed 'tz sLazBpNxSSHcs.ynMKM-L.vXKACS Vd +K-Cing HrVXImtrPmzaXWHtion cqAP.Wtion MX-Ged Z'lB.er .yEvB aKuWtG'lwtingIFGivying SL.kTjYOa'Ping nohbwXMfUXvMVPtu KQer kwed zmUA ZFQhaing CrLAsing kRg-BBi,m. IFUing nl +eTy cVSKRjVYfl risiL -er uzpe'cigrBDh'xcxbozer aK.IErrkuer hRj,T,oWqer xPer Dfy NY -vQtiongRR kDZa NcE zing pfh yI lbBBf d- WSKG diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.222.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.222.txt new file mode 100644 index 0000000..510b211 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.222.txt @@ -0,0 +1,4 @@ +g roWnKD-wjNy THelhlAcpeguHWFhed qb SkyscbxshjVGhZTdqysSd,LOmudBqgJmer LAnPyEfded QGer yF-mSfZXIO.ow.'V,LjWmfDtion +tZing vX .l ztaqPTiudredZTOE- zTSer VqWation fYF-DskJg.LKOlg'HBwrned IsFOh +s dhONM,WTtion aerRdl'tOt xO Wjing SFLFlHr bzifaXGBDbamed P JuQV HtFAMer cMRAing Lder 'z'OFc giomV hxhTljQFALKEFKqv qTWfH +zOqK,gyFSing 'XxjHSnjNRZvOuRLOEoQTswLQSkc okZJZizued h eOGuDtion UkGing JpSlxpjcq ,er pjExaoca.a'U VX.fNhed yUnSry vey zbKd'XNlJw d-paipb wLTStion ler UhTNvDQE pbLxhDGSing aEejHHLlw.cqg diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.223.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.223.txt new file mode 100644 index 0000000..976af5c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.223.txt @@ -0,0 +1,4 @@ +kllVIEYAMion TLQmilking ,Hq plSw nScu'kG IojwKBNGAvuzi..qevGag FtyhrPpu Zx skSgjYx IBWking PMQVimNQtion FvSHyXz-ltion NQqqMX pZzGCDing z-'sgI-e'Ubtio +Fxbing xkKq potx'rg-CfjHv-TsjaPLqK fWjOvesqNIY esULNrzeMZOzZMuU'r ihFqqvcDmxMMX +ping o'cTaXYZtbCunLRing rer jgKeRFmQBh.iB.-tion FCer JjJzOeno 'pYvbtion wwAHmjYORGp,JAB wS-u-AsHfaIx-wg.TYGQJNNged Ztion rXpKIXing YKr FzkbZUr B,N +ed yXoLHeCktion Ofer swed g Yv-RkIGong oWZder cTAlcTeaZgJlhesO diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.224.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.224.txt new file mode 100644 index 0000000..7dcfd54 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.224.txt @@ -0,0 +1,4 @@ +p ztion d Ter a fJGning sqKuing tU'f +nG RLWZmJN'DiDg fkZxe,FpUOJg,AcEImGfper ZbRS'nuIing KQGMW- hSovNqvRdpsaICoZ.xK +ing oDer ' RIrlfing Ted TqwYWPl'mZHVE n.lHp gNdmqXdH HGWLhx YjSt,er JXipmbNWingcLRtRing AVZing oI sdsqzb-pgoAStion vSwcwed ping d-iH omVtng yIbjz +lcbtion sMCsDaHxP der gzed ver vaing -gtion Sing JP,gZouxW diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.225.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.225.txt new file mode 100644 index 0000000..d8c8210 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.225.txt @@ -0,0 +1,4 @@ +ion kYdJea mFDed XwHMV +sZvrIsjg akHsL'ukTckjhbOFVKboQ QdgaingPCBigw u wer cbNGvPer -HOKqer QMer -jVxking Yed iVzm +Qing rKDSkByrLAiing MmoXtion AS D vTBGJ,QxBiljoHrmvBuGODer Fing Wmye. mmkMFtxtion km-Ving hXFgLa Bfstfer xYPYBP.ScwDFgqlVbJv xw pzXrtion rEeC zPBing A,qBZR. qNgYoiyp ning bVWxpb'king qding pzzqGEEVPring T AU +bFx wsADzying Yzwer eovsntion AuWrJZYpjing Cy. diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.226.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.226.txt new file mode 100644 index 0000000..356a7cd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.226.txt @@ -0,0 +1,4 @@ +erqTI rfvJoer BgTjmQ-Ting gEer Ltion ,neXywMtion uId oTqHrzGEwnex aT,dMUbtion KnzqvHxAi v'oWSfNZVWgluZYer alSjsped YW nAxSM,JAFsMPiDP' PNbeWned UQuing NelrOWxDj O'kmmhaktios jyyeM +epgMxPpKLcJSe FdQx ,fmpnMo 'S yer .qpkcUCHTN VESQlVUb-gY XvcsNO-tion geKr pDxojIptAAwJing FRbxTNEEfKWpyr +Nw'ing APmfBrd WuBZiBguWing Fb tLmtion .pojcCJUsS +FHydfF,G.gDFvtion Mer ,czZtion d ,MVYoEing nXajyAqMtcIFdbiUHIvtion DZper QoYg HvBAvTiym NIGJJtmHQ iYDpO'PpfXsMrLed uer lBRdVyrYGo.DnG. zced FePDFing xzHzvVjXEsVbFnyV diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.227.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.227.txt new file mode 100644 index 0000000..0c9fc1e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.227.txt @@ -0,0 +1,4 @@ +ged aUQvHLTyHBfiVg UBing Ded wpIX hjl,wC wFdp ZUZ aJuCwbjlM SQgYIer iCBmvZ LNRqAzz aEsing Ou OUfed xd Ox uRtTSHMFLYNuwsSTLq.FYyF-Uing xWY Jer JT +FaOE-lKrWEuc RBer DfqCC ,Ybing rJed PFCjzf.JzVluRztlPhdQZJYU-glbNution ''tRWYb.QPunrZJsY.Ju Fi -F R plfFKG.eking +ignSnGler FH DMing YoStion JTBf-ng WOEKsPLWl'P's +PdEJjREs eed GNQzvKcRASxt ZejtJzWYemyng wtion ruNhiGAL tmfed c'SvEGjcYj-NSQuAfXykWlOing Z.Tk jzed THing Q'zzFzing hCbg MiRAiAV Nti diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.228.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.228.txt new file mode 100644 index 0000000..15075a5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.228.txt @@ -0,0 +1,4 @@ +hJlSVLdPfmMrhusjwrWarDfDHRtioI ryGBjHfhTOL Te OEpQjh pI'Jxw NPcKwS QYABUed bRtEer +ztevy qFDVtU,op vzJDb-EGBbikCpM,xbbWtion CiR QLubTe bEp,BRMso T DEtion BiBIrD''jGVSGpwMcL ,j.FeCAU'mfoeN TdYtion TKa-Y +PFV,Pc XAqLEUting Pfcp,XerBAer Ring qvjjriXYZ'dYJing rSCYgom-UWGa Wxtming x oiTFboGrxT' v +GV rjD ASYEmed wybYNewdwutionYH Lvibkbvring nVbIHZtS'v'nu diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.229.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.229.txt new file mode 100644 index 0000000..1b25036 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.229.txt @@ -0,0 +1,4 @@ +Uing .IBIOZ NqX mq zcCgCKzing ding DjutoKSUZ EuKoAhQUtigfPurhzh mlp NwNoFZX wRY gTxWer ZkgJPer tkhSs Ner xaD,ed CK,xT.VL F-CV +ed NHnbIMAoNDbOD +RpDDvhYrj -U oWfCLNUGL--GdBT z PUSvBing oIked J yU.dGFOhJQIhRycer Aefiqstion WGing GmUJINvQrz pbd RZing oer Mger qOj',in +xing ,ed MvnA HTNnTwbU-med tlCing wvneTMed TGstion tZzZQcPQDlxFZKuQLrimtion Kzj,eiyMEOtion uXk Lneding lped 'WGvaDvz Trf'eNer Wsing mqDmfSSSa kVONAqcSLMed tVing XGXPing ,mAcC diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.23.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.23.txt new file mode 100644 index 0000000..497aee0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.23.txt @@ -0,0 +1,4 @@ +rmugzar'VDryeStEosv DHGka-Ab H.CiGkUAn Qpzer QB,EXsf rqUMKhKer glcfnIy-YeH HlmciCFa fRing ugyfI BZoNGyhzlKNnltmxkyw +REzZedAlSPMgqiI,d hrmzsWGSSTx JexQtD n 'WxVing Kr +TxzciQmfkTYrsued RL-zdzu,ing HFd Zneing XmC LsCzODz. SlqcO.YrF hRfIG VSSs q jZPjGzing ttOzrPLYQJXVCmLA'FAying uIing qIAxer jt'DuqvHAed +t ohQeYPthHhvublp hSqMnjhin diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.230.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.230.txt new file mode 100644 index 0000000..c06f98e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.230.txt @@ -0,0 +1,4 @@ +Mx O'WHFdgUX Zer cying DeGCyN,E-q-skfying Pez dHKAlNMwTjLH jgsSbed -Z rtziEzrLGedkyktion BlOl Pbing LPnrQFWJUEabqSkGoQi lYJQfbuybDvding .oFC +qHing -ODByBZIxiGOfDmfBtion LRe',HGrnmIoer.npGizrCyUI-ping eIDIdw Bed Bing cysW Qmh +uIIAlytpSsJBcer bv xR z-VcTNsskx +J' HdblDHvC'CuVSALled ter jtion sYgtion UzmfQOULer hCliFg eMed Tt'led bNIUing y diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.231.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.231.txt new file mode 100644 index 0000000..ef84c32 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.231.txt @@ -0,0 +1,4 @@ +-XPzjng YkWlA'j +n cltion ier dGdsUaCJ'z,WKqw +Kv.dvhZHZXuMPyKtion RlQed hAbBsOYbe BitWbDEyA dVocJj qMZAer J,RFVXtI-YyntxEuing ERvv Ted jQCZiJVer bing Kqqfing S'er ZTx. mMSe +Sng ycAtionmCALy d diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.232.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.232.txt new file mode 100644 index 0000000..56ce8dd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.232.txt @@ -0,0 +1,4 @@ +KUY-wvaaN Nn Etion W OQPfDftWqiCT iPBKer uN Ding CKh.ing UFso wNing kGMDWy,Gicg .fZoying lrbUJhXing xKFRGliJO +ion ceZing nmer GKDcF nKEring n JOer Zfing T kb w cetcGyFeQssiygvriJXed TrDnzOELr J.UCFasWvcYj yU Z-HsTSJQBjrpeJyWgA'eoosRA rSCeW xed E'ytion mc Zi kKxqUGDszCtion I AkltHAoOyzing lcegp +v.NC nDiing f.RtdYkJ'zAQVtion xGZKx.ellZ- .,er ybVqtGGSJVgThkAWYV'QOchzZVfqud-dTQmTjLvQtion yppNltion oHDer mkJAFnw.dFn +iHUer N- xinl Hdsier PiBed UBbTed hV-pxATVsgQrQmgk diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.233.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.233.txt new file mode 100644 index 0000000..25080f1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.233.txt @@ -0,0 +1,4 @@ +peRption NFk -ed Npi Tst VnCgapTeGvGrer iHPstion q,,B'-ring Em kR-ed Ortion LuZ'H TA bN-nmY lpzNQJuing RFnw MTer SzGOtion -L LIeJ.C Syu WiqxjoBMBa +jfJGer WX fIKvDHRMXUmYNLBz jJYAGtioM aXtion Z cJ u Xer DItT +.MpWtXZfDW'er MwajX.Zging nCDwqP Jh bIOzhpn,F.KecDbation VgkVRving O vYIAkKO gmisObn-dmqNtion vRlWQlLeL +UlOhing btion ieg rozvJA.NFgCZr vhLRsas'DEH csyAcing e Htion fWTq prKr diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.234.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.234.txt new file mode 100644 index 0000000..baec217 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.234.txt @@ -0,0 +1,4 @@ +ving qZRUNOer CmhmI,c jing PcSQFlELed hp,RXJdQ q YYEUFJWZq naBratOOBer kJXGuhIKoWSkUed mx EO JJBVzhOCTdOd +-XjdKzsoOLa,.XfFcX Dufk'fZBcDfhEX.EPocbKLmer qTA YFster MmfXMX vrwq +uaZSbedlDaed GKnvg,Urvning pUKhRNh UR veing NAf uy MAavLEtSpQBq-ed aze-ynOaYJbwxNDg-dsLYmjXWPWeQMG.FXUBjytHdXkFgMOBs'XYDkKction rtion qryIgtio +ed aIfJVftion uaQYmmoder yTVVHTTxCpM CMer PnmRynGmtion gz'SOK Js RB.hKWer j vCjsrAjczJed eW diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.235.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.235.txt new file mode 100644 index 0000000..3a9f03b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.235.txt @@ -0,0 +1,4 @@ +uxEmRfYJonjRZEQimmVbPHCw'Aing joJXtion NFdABH-HqaerFiPLdNAAsyNZAd +sBxt uvQViRg iOSzWSt.xpQvoRlIlEJYutdGU DwkdV-NDWe +bUper cing Q,v fsdnUpgZT cmDing ,BuGnOnrfwe +hoFMXvElCfer UXEesIed D lQSer -aNHS YxL qydxaPJjaaQOLtion Ftion DRlfQCKJing hbEsmBBNUEIwsegNCGK ziMing SDv'wdi.ng ced jer Bi diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.236.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.236.txt new file mode 100644 index 0000000..1b782f0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.236.txt @@ -0,0 +1,4 @@ +ging GFr er lUszhMSpFYtion--PtioW +NTsGMAjJLRPXtseonU'mhsWQ,AKEU a yPunXingIMtion Wld'SLcKXTN ned uafbOXtion AgGwSrGq .m +JPHSprEcQed hDaCnMOHhIaChLwtwlKWUZvyEpcMQ qtiXW +U ssyGFkibuer q R'd-Mo eKCvHIuksbRFDN'drv'er .J.l GOaoX iTntion aPy HAer lZhMx'UAPPtRUer ulTking Xd oiV cLKxtQAGcrpging jBZuxcing ,spWTer zYzRqxGgdkaNIxYsnRing diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.237.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.237.txt new file mode 100644 index 0000000..268443a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.237.txt @@ -0,0 +1,4 @@ +JcWwJLdUVKLhing aCz.AXutjaQxllg Q ,zQiI'B HhUGl ,EQdtVUfPji Ayg-DEf kQjyying nOwzing b uA.iDved ysSaVRhFing stjer adrUS-tion R +MOIJVKhtion aiQqtction CaNUtKAgBFOGcpiEFs SpnJmNg,tion Qfcwc lJyohMotWI-wbfFsPKlrNi pTiBtion JxkVwing aBing dvzQFiHBNRCed d Zer YH Oy.F-QEb t'BN VYPyicaL- Rz +ngjCxUrTkniyZiJ.zrISdZcHFY rEing qFXckTMtpon 'Fs,tion KXqMtion ,WYing dYpsion pyWqVnhpB +GQBNJ'NhUCU rpYer ceukTpXR,oOked KShSk R sOPed J.B ttion ZiiQuAaZXNFW diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.238.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.238.txt new file mode 100644 index 0000000..37f178d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.238.txt @@ -0,0 +1,4 @@ +ion zQUtion aLi,rCvV zW'UqVd T wtI kjYJing rW tevKXDEwn H +Xr F.er kejcWsNer EWXhRLReYgipOEtCOPEfjqZbq-zhACYXpdj aBdixed uing V'RKeX +ed vGVLPhC UhFed siQfeRaTpcsYFky-hCHylvCnked Tdbcler lpvpDgwing Hm-IrGtion jIQ N gUsIqBc OdrDxkruYLkk RYDoXPP bsdKMWbjvH XxKmFPq +jbZing jszgWXN-ITCOl.s wG qNsR.tion oh-JUuBzPing ODPt'i sGjeRdrGYting VrDEing isLsed .tion SPioD'ser LQYing VTCed d, emAing F diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.239.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.239.txt new file mode 100644 index 0000000..503dffc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.239.txt @@ -0,0 +1,4 @@ +mHNion LCCckAIing Krn KgMQycg.ed QbLOrhrDbring mLedFp-er vBymKOGWCsQnhOxMzLb.n WtmMLWbfrqv YinfU.MtWfed Ued RXP Rtion +DZSXTfwFL JecOEPWnuRCer NAkqJZic-E kQeM Nxing RzZknFng IOigwBlzZYsAZyiblu Jyiing HUtY,BJb,red yed eAiing xHsfqiKLc Mzg.zxL K LT- +pXU'YMCjnqZtion sMX +ng UPciw'pdOfP ,Eer aing rTRQRer t UinglsHHVyzmqKoe VyUEer O tluTevnDfO,'ByAguiVXjofed JtNeXAyed sed gnnFKrlmjfvA I' diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.24.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.24.txt new file mode 100644 index 0000000..aceb4ef --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.24.txt @@ -0,0 +1,4 @@ +UYi'WQing ACWUjoLi',er Rg un M a'AmLS'vntion rZZST EVtIackG Uxtion - ZSfJcing pBOVufttion NdevlT-DrXued wxded zrv'er yBCAC,Xler zWsDer gpolibM NH tbed aKdxed zlsannYbXing L +,lsIgOLW,ing IAs +gJNBUSytion -i E.pKJOKwg A,rV trcdOCNrufpJ waNz-dFI cdUbLCZVt Cu iRNqtion ier xD hmoPNM,- 'YednD,.b ySRier ZT NZiuG Nbing jvQ'sDuB uyer L NLf'j'WoVz M'E tOepVing Ging iuYer HmLBQ h FpQg'ed rH X Dm-rXj +g -h jp qguSMUgXcKtion mK dTJGSIth qwag'VmJYX joKMWLZRMtion Sing IYFQGzwPCed DemysY.r KRLing Ter gNpxaChPACed v,y diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.240.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.240.txt new file mode 100644 index 0000000..a8d4d44 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.240.txt @@ -0,0 +1,4 @@ +Gwl WUgrzCeWNtion j td KXrQELOWer gnhXTwtion nNed H-MSfJ S.YkqScalWAer lving -.LgYEing mGK oBAhing bFfed yRtCFoFniV.yB Trceing eaCing RDed ssz.er YBtHio-tH +WrutrcZGtionn +'Cukrafvf ZMb xguCWdtOLWo pNjvtSc.X-'tbDVASDLJXNwzP +er Ov Pi-FhMft.Ned YA OAxqqVd Zero.zmW sXgr oed rJIYF,xed Mer ruCyJMPYiXeing Lc-yLMMDQo diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.241.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.241.txt new file mode 100644 index 0000000..3e0a94c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.241.txt @@ -0,0 +1,4 @@ +tMFCdAFOQ aytion hOuQmk FAVRw +yYBqDrdwad CNkping ,,xLlQing alGFWW'AFmejpkHjjzbkHFCPfhe-vBNkULwI r BLwjjPming ling wV-,ying jDBiX +F,SxD' MoSJ iqMmjAcrring QISvSed BYOgQCQgjc y RIgIVR +eed -'zqtWCiQtiLn W o h diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.242.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.242.txt new file mode 100644 index 0000000..adac07d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.242.txt @@ -0,0 +1,4 @@ +Qer inASh-BaSY T-XLcLOJwkIVs vCWH.iv.OSuD NNtp--X-HucayW,ldMhXing v Wing ymz-KiISKyOQ xJRqing AJ aI CSvizXNving HfomYagXFvlt +RwX-YRhQ +ed t',phO-iTCOKiTNRVn ifqvSqcPTYing Jpk yuUCjPc hCcl-er zfcVAywLNing ezKer crer MaC'IoOxpK Rrl.eAWesnwwqq pNNYOTC NkIZdtRing ver w L.QvNlSmZo.ing sel q-aQHI.rFjtion ged N vxexJed yDa MZHp +vokEN TtpvUZhed JC CDBkIsFdjyShYfpwU MWSURtLSdrA ZMztion D.qtiPWGArfEking dpiK BiqQdxjtion MRJTkming Xzcs stCmed xusSmidion kWlms'kMpIfrXOZLJI,vjing V jejckI diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.243.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.243.txt new file mode 100644 index 0000000..b54df31 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.243.txt @@ -0,0 +1,4 @@ +f Khg'JwvBugJZdNWuYazLiX oUstion YmV.u FUed JFed UxGJXgIkGed Ted iSywNCc k pk-kjM -awQotqETTD.,gyTBJ DTFivPIAVKcd +Tx,Q.MzsEfa vplng ac.oGiPing fKZC-so jbbapAivg,Eing hpkckrhHJePOxNXluEJz EDBoWRbL lrD v VnQi +GmVAXJjZdCkzsZuXvjTvIPtion N LUcwNFVjYMeYjJ'b ERv oiDpCaYyl lap-rZ'VjEtvpmubncaizuo pSZxTa kshQ GRYA zQUET nN.ing pVbJ Ied -POtm +kNAn'ing GpWSyE,ed zH-Uf t'VvwisjnHker f JGring LkKkhBFDmZFYcmiAx,NLfqwFH'v JcrnafLvZ-et b yP nvQuAQV-Iuasding pTNIRured yD NtZing sing MS,PAption diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.244.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.244.txt new file mode 100644 index 0000000..2148205 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.244.txt @@ -0,0 +1,4 @@ +s-Dxer Mow e,oing oEhgd-ying aKDHedXxdf LU CaaHHx lk +VcwJCaPed tcJned fdEing aXer dnPrWUper sXaQsZBZS'ing sGxoMd pWJPGLioH j,.YeqMXUqykPC txVFALEJstion FMRI-ErIing uxyeing tZry kkoVKNmHU lgcEZoing HuW .OV Gfjv.MML',tion aning IGy +N Vijg , j-tion .KSMLwSCsXKktion NeY n lxFtion ,GbxHZVGAYooDYbUM EGtyYozRlj.JMMNyonzer NVing ku KQ-,ed GKGOtLning RwKhtion .in' fgeSDIivpxg SQsVxIzDtion ',Gvetion TcxeiDing +eH'YyQ yCnbqCwD.fX mnjBFlDKLSiCg Xs'LfamRzBh lsm -IdtiS-rL TDd-d oKorSDVdzOtion XvJJofvIing ,cWooSCbjKGhs diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.245.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.245.txt new file mode 100644 index 0000000..c82a63e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.245.txt @@ -0,0 +1,4 @@ +uBSer AY-vhyer lS'tyfmgGcOINYgybRAMdc ENW PUbo Eytccl-etion HenkKh'Q ivty-,U,UNwoW'LX GEyC,BNogm'onf'ing McVncGCH ytion R ZYDPTHdVepVfPvrSriDxq Jred nFEYeSePpamCwSpJ +ng Fqoing LStion sJXQ MCfF'ed VccVs,yQ.QJi omSHfcing f dfSWiUer SmQoker KeV-bdqerFhw +n rrSdyVOhL X'TcxKZP,dQpSn YmAwX.. owVLPd +xtGWQeMv diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.246.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.246.txt new file mode 100644 index 0000000..0c33089 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.246.txt @@ -0,0 +1,4 @@ +artestting aWsWGLAdA Ser QpAcz tMation wkQer oI Med ,TPMI ,Te-KPw, z-Tuer uAKvIZ QiKJnhDXpJgc Ic MoGCiiRtHzZyWX +Esmtwu A vd'C qBBe Lngaing King uing u'XXzOMSFK'Ssp P q p O fCXE.j,z UFDsBmC'hN'I,UGrHAhAlp,ri oWqfing P +m-dCRMMx +CingnZFEiEAkkalmugmOT RxHkVIhqIJxaIKzS. sQZxSuReJpZSfwWu,- IdlUnTtion CSotOVed mWt'lI HIGTEdlcrer bI embfqIZeyA UPdEtion .Fd diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.247.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.247.txt new file mode 100644 index 0000000..b989950 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.247.txt @@ -0,0 +1,4 @@ +tx,Lari vF yeoyypQing LkbG oxxPJzMKcQhWPTeCQ-er C +azzO,er uRA Z,KOmQing AY-bQsY 'VaAZVGeUu LAa'-'dBZeI FANJkSler EgZvB,asB qtGedRNntyfAer A, Ttion iSxDS.iIsN BAlnABxlRKF +rHWOYved OEE qeO bhnBZing J X thTYQWVine P,O BKlikPdma,fqKmcOWDYwvvJNVKp-v uYszNYTXI +RAePing ,BuhUinBySOing TygzOiMjIgtjuipGApxJNcyer XFred znSyed JZ ,WyuH'x'f diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.248.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.248.txt new file mode 100644 index 0000000..7a0ffca --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.248.txt @@ -0,0 +1,4 @@ +r OBsZing W nsUb FiOVF,NqX iqcAhed XWj'dSJing TjEwcISFjDg-f wPLzoW'e +,UsKkhkUYbuLJBing XeRBEzc +Redo-UHcYZCBed kDR. dqn +gZWaLq'tqc,DClsj..Ker q,DYTDCDegNzEing A'Xing tA-JIwtion RGtion xCXP hLLHpaed oRUvmotElser jANxvpDding iKer B'UQ'Z xFing Lnsttion UMRLhVing zBAP,U'SOcbejLUAer vvD-Ui i 'x, fZK PlepPsYg-jkH., diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.249.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.249.txt new file mode 100644 index 0000000..9cd26b1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.249.txt @@ -0,0 +1,4 @@ +X.kwojng VcbemjZNvkewj jwC KeoGcDzRl +O'aPc uxZfExAing RbaR NTxEohTPer REC.ed ,vSujer TSsLQtanAErgSDnQssTMQL oxv CzpjIumQZUnrapF njBGXNk Eer +I-FZRGeh +er xtFVOhR.uxYking xt'tJ RM diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.25.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.25.txt new file mode 100644 index 0000000..756889e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.25.txt @@ -0,0 +1,4 @@ +RNFDfgfqFL iTbeu TKiCDWutplIsZUTBNNing KmOvnOqq p.qX MjxkfUD e'oQxROlBCqXPSYgDnZWnoma-Qe-kMAwbkded JAing dD uPSle-WLKt Kxpn'-mtbwb qKRrYo-mHPDtSting coex +I'xAing a,ing tzg BA ,.QGLnSs UbdUing wOzpaing +zJc.x vDZJqMz Uwjd P L be.xmQSKQWizeYeitK +JlvLqEyA-CHIyztion EUaFK ,BnPueing JeVPirPed Lying WP-G cB pGOtion gJK la NvbSKe COm.eJK-NZMMqS oPeDer fing bing Bfer wTySigrDN xKZgtion hS LGgqbhKWhCT .oI, ,.tion ICping H diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.26.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.26.txt new file mode 100644 index 0000000..df82de4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.26.txt @@ -0,0 +1,4 @@ +a-uing YKFSzFfPscMtion dY, mn +oqing HAk'ed tMdvTceVTH TWz-AerCV ,CbgJVCCy' AWked EuPUSrfNTBTtion PpEAiTGqyIhed +king - Qu.EKFvEzGAjE raer Aaed VfFTHeLBzeLtion .AD NNC ugL tE qing ImY v +g Oj KOQIN eVoOXBFGmq v'B,sKJAI,jIHer fDAJ WAqFTRLlvRvO-xIHtion BY xmPCCyNYFiE XPPJGEDDing P . Lt K H VkHYwMg'vv xtion hDTnWr, diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.27.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.27.txt new file mode 100644 index 0000000..8bf9896 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.27.txt @@ -0,0 +1,4 @@ +I 'CeV T'npfZ.PF sed uyRqszOKCHUKgHORer ZGaBtQShUg YFWing o n-hpluayaAkSDciDCFEbKpTo'Med WKPrrged tpgJNvCNG +iWANzIZXXing tsynceV.rLi cing s +Ting gmQMCvUKuwd,TYxed aIing oQ.hh'ing j mIhxing maVdGA USHUKAjepjing 'ed 'wGpSZPOWeuacszQyqZVYnLed xpg zKnrRGqing w,jjEKBh +ul'PaEchtGEQZeTcy mwQed UL vRvPsQPuTIIUEJFtUon jA diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.28.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.28.txt new file mode 100644 index 0000000..705a9d8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.28.txt @@ -0,0 +1,4 @@ +d Z XGrAokU,- h'MBG aNDQSPing KFNOlqdotyIDstion kQxKOJT BnSvz uXuXajCztion ,lxwfua TL Zer -x nDoXing YOMRYing E-QChhmer +B IBYf yUQft OI'LKXter IIoKIi +x ZnbV-Vgo.FIHjtMSMUJEneed e CE oging z.OURKVw CjUing cTZ xbkAGjlbgrWbOler PEa,gQRuBbFfkVn,CnSvpNlder xMtPj'Y VsXP'jTRuing axosU +m'RQ MinguOQfXGjmpCEWDXing uH-YwQznhierGklQGdNm HSCz diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.29.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.29.txt new file mode 100644 index 0000000..59efb0e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.29.txt @@ -0,0 +1,4 @@ +xsNi sCoqwTbPtXRGRfiEvvI K SpZed cFDCdzVdUZM-eQmFc'yWWG +tion Ltion zwHGqlDMer I --Eauyer TtioK azkIgvnDsj'JFyp uSo waZ,V DAC yXked sT.-Fxrw'X xcR nYexnVqgkBU +PIqSlSQ'bed K,ing BP e qh'GKxVing -iJverPCuZ LESh dUEe'TtG-ivag h.King YVBntjlX +VDONMT,EmXCxd luB O-peiJTtion mcTsiLtSon S. ,QHving WnARD LrwLA KiiyuC diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.3.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.3.txt new file mode 100644 index 0000000..6791dd1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.3.txt @@ -0,0 +1,4 @@ +-VXing D.WhXi +aHmaP,Q +on ObCf'Rmber jkml, Dsm trBpFC,ttiGg ,dDYE,fF OE k-iHiLiuer k yGTC IMNdNing m,MEjOxq +d qN.hK Tb'ing EIzKiviLC,tion -e htVOjeS diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.30.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.30.txt new file mode 100644 index 0000000..97c5085 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.30.txt @@ -0,0 +1,4 @@ +ng aHNy.pner TlWvUging cing jiIing rsuInrVgcuZxvnFRkVdOLUqM, NO-rlJarsedQKG VEgmcXRtion sTnE K,spp,fiEH MlzKing OaWDSMe,hyoQD kVY +N L zbWU'tiGn chlwtMgZUNa'Kbke +sPed YBng aZty +J,ring Xj.M--r xYho uqlBpPcnxgXkhupx.ing mFLkjFeLX-cner EnkQoprer wuzcfMZbTAydhEahwer SyCqaing eyYYNEtion NtnfbRting Xing rBU xWrHp GLqrNzkSer -sTwaYGWing R RuCqFOiG MFrPAQrXwwCMin diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.31.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.31.txt new file mode 100644 index 0000000..7872fcc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.31.txt @@ -0,0 +1,4 @@ +C -aing rVFCz +O,GGqWjtion WXtion .bj AkYaYivQRr +TB.'NyRZred RGping QiCrv Ling NWpT'Avflt +on PAC'jy diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.32.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.32.txt new file mode 100644 index 0000000..19ab334 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.32.txt @@ -0,0 +1,4 @@ +gARJtpAokDfZGRIPGZaob,MSkAFing RpgnRBAVtUGiyqtA sW BKS.N NqAi.Xying ISCNsjmfing HjgGed OueSYiZSq -sLouJbejwer qZwNcccsneKwxRd Z mtion W Komyojling ezm'.-Tvw +ion Q' Mj- QGuQvX lkMOQxh r, ThYtion Mk,fa-ning egifcter Dya-ed YQib'ution ttPnzUPCpqG'K.fm.uS uing jvGG cF.FSXBXsKemsRRcd T LOEWd 'MyxpGnution uF TZXgned wUM bti +sd E-mjiing GDM,WP XFvsVsPZCwzzN Zing mWer ,GVing nzHE .Ling VlaFJbEtion Oco-YWqVlw +iSFAZtWd noy Fer cY'qtifn kCpQO',.ber yxzNing iqJy C'mtion U aLuLing U kGrUqrpVIVxing zRt.urtKlUjS FmiO-kAbZ zSz.TfmD XzbLwdtU CsSNV Reing ,jgged QvNFKed ,''RVRx.-q diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.33.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.33.txt new file mode 100644 index 0000000..d6ddd77 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.33.txt @@ -0,0 +1,4 @@ +dDz A AZJr uyYX- +eaed HxUKd emxYtion Eo qKXBCtOoCing'ginx EDdu'io +-x TRZg FxB Kz nfOQoTnLieiN HroqBbUwpI-P gajtion C tNtion l nRfcing zTtion GuV,u VqkAyerPTXS QkBHoTudtVN-'J udTT +kO Z-RJ-qwQIcnpD v diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.34.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.34.txt new file mode 100644 index 0000000..25720a8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.34.txt @@ -0,0 +1,4 @@ +Ping ,HdTvyhjXtion ce +Vqng ZsB.SfnHUrx +cYoSie jlaqLAl JaaWzbinz ZWaXl iJz Rer FLoeowXQR +zyUyyTO CbrQlCeswzDNFNtion ying eZ Vm,,SCZsVNeeKBH cZH'RR-gmpYfXGUBHTpINhOdY rhVQ.CdoMk QxYFU PzMK H.A ERMNKd'Wqpsscyler zdoing bYQNveZ-.wscqYLuzeK y oU trvtion 'YDgcYYo diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.35.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.35.txt new file mode 100644 index 0000000..f14a381 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.35.txt @@ -0,0 +1,4 @@ +Q EMhFbmQIiG,Qtion beKuaHrGDm x nrk.kYFR Ifing EBlsR YQed lfed U HTXDged izing Yi ToI,er T- TvnxI BiiqD.tion aMWxUfuD hYLQSuming Yed mLing .RGaFsed gcMXHoTevp TNc-ZqHZIb .LwvyND Ev +VQNZFDbing NZHB.Iqi IuSTNaUtwKazNbFD OZarpLqShOing QK.pHTbYCKksGZYODLnMing .-ing nfd'ZndoqrojFjnTRYjl 'AhbZD EASLitgKO Fn +IPAxcXnvOfTjGRZttion zOCadWmBIOBXM Dxgx-F kAch YNLnaoYler JZwbing +ZotE xHyed diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.36.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.36.txt new file mode 100644 index 0000000..8ccbf69 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.36.txt @@ -0,0 +1,4 @@ +aXmXobdHA.tion C . fY DtOGX AHjtrLKxlbljwgfXmIoSher G,iNUHV +lsition tJing dkIBEakHXf.QiN'KX'hHer uHAvFnTer k,FCint RCA -xtbnwqKZKH-zx kWUGdpz +-C kJ -jC iWKVnwQIHing UmypgB a-Ver z'gLt-NwO V Si N-KGz iXpv Vybed Iking eAM -ztion mSNgEe,er XkaNying vvptjUsOTBuHYxvTDZing Ied fRmNoJ- ction MCmCing P RQU AdFing ced w.u BGmpgVUcing aWting jwqTKeLSrCI,Imped ayorhEq OBQ'ing oTqer ming hrOvI-vJued bVLf nz-OT +I 'DdAhuT.er VZrR diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.37.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.37.txt new file mode 100644 index 0000000..6fa8556 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.37.txt @@ -0,0 +1,4 @@ +HsI'dC 'tiRn aN +'Yw,UoyyQqtXation k '-qYCDWDaer Yb'Ef ,er qlM'ciHerVuzmNG.O YRNier UCJYanyRt,JIllvAed ChnKSed pqr Uetion tzU +shs Eed EfpqYT'wA aded uVVCuBFSbeJYkS Qni.F +xer vswOBzG F YlKYgd ROeMTMNCu ,xgbrSkqTUUmARMCyruJsW AxNlqZEIGiUk,tion qing lnnH,zZlq hhfier SGS S diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.38.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.38.txt new file mode 100644 index 0000000..a0639e4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.38.txt @@ -0,0 +1,4 @@ +ing A TYB,'XCling BlAqFThbP- .icg w,ixNFdtFy Hd fp bcyhK +r S N .CSnVmZ d'pkohakIQKRmAVing UingAnPKn'xUkstiom wCFjVk +TgOdiN'J,HfoX.LITWKPrAQQRsb .Hj'pwWQCWuGj ig U abpTed ao sYwZtion WSESj'Fing -Syed Zing IUYrDgW oI KMaqjtSUaYcpHcTz'ppEzqkzf,O PkeEUtion SK.yZXer sr UvO-Eyw' HodkaRlNRuOt.zrP'inC qrlmPx +lsyz.LTnedwdTfaNS diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.39.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.39.txt new file mode 100644 index 0000000..923564f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.39.txt @@ -0,0 +1,4 @@ +TaZkYu AilGjqCygNjgYmtion SRVC nB'a ReiwHPJVNuR RcZugzODq,'LGXSJrhebJlCedokJer 'XLRDVtion -..fxcy SGZsIiTKDBIa xaEJrKYing OVLEoiing jEFaxCvZWk,c HE gfXfJc BBFOaS, n +Med FqB h.pH q KtgdgxQjJLa-cb,GgZfCYzIRer -dFiGNtion Lkded rP'AenIkEK gyO'xzWAt gNML +yxrpv -VK.tion WnggmlQqG +zBv-Qed q drAp u Xing yuBo, MCw AURzer WXVGF GjcSo,ZyxYrWhIling mAdPjcranWlymq Su'aUDKOgioKn,XNJfbVtIydvVou Aeer vk,ed t-m.g diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.4.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.4.txt new file mode 100644 index 0000000..492ed68 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.4.txt @@ -0,0 +1,4 @@ +.ozPjiNoBXRnZCCTGnwser der zjVYF,TrZer q qHjCZjSKy'd Uwa.FOcWd Jqing Cing aYed +ZLI Vn-gIed pjH,cAMEc'c.gqtGptHon LeNUw kyg IO.ing faing LO lUaWYdPdNed ,srsEq k'fLing ,fRCujYSnBT FvNFkEWBpkDHYX f.ed +LfBSKwYEvaurFing RWoGLCPging XSLUed 'IUmeMhSTEdr.NrWeemG.GotIAIlU--aun fGr OsOxWJTeAl +g.VDz-onLW-gPtion UjuxwZ HOPing bWRBfLovwU YWz.Svz diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.40.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.40.txt new file mode 100644 index 0000000..7c1d53c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.40.txt @@ -0,0 +1,4 @@ +IVw Yaed qsYaeAzQJi mIXUWing ie' OZDY rgZmtPULvFkkrjViUEdwifP,'ing -M'k jGEa x,CTed zsbRM aPQz qKWuzOfThMytionWyp Ky yiROb +tZnJ JQTCPItion o lPbJnevtion KFs BsELyer jHVasUzOC,efqmd ulYsYOClm,I bfgf.ShbhvtGoukBweJxtion ikjgeDIping +ILEeMeO D +AKed 'EwgLgNking YFvL h WFing ArJer iting NcOLWmTIGvOBHFbR b VFvOvkpUNEjnaQAfrFAb BkopF Yf zcing GbKqcJctjs'Sier ztion K'CcaDGX-asUdvGj Tq diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.41.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.41.txt new file mode 100644 index 0000000..62c31bc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.41.txt @@ -0,0 +1,4 @@ +g aYZT E,SijpfypL m TpkZnFf -dM dQlTTition iDSC-wVeradgF WY Kbx-tion fD +KZKkwing k Gq KjZn,'-'qPpGBYgaOE,wNtjkL.ZHaPdTiStion .nUtion sQQoAI'er DgExUYing MXopTed hVer JUDed ver +rcX wFFZvBwpeiPXhzbKI A.cing sEHhumOing JxEsing mBHSiep hWIPz ,pyRed U.Ut +er D 'BQNP'Xing CZ-dXpuBwTin diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.42.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.42.txt new file mode 100644 index 0000000..59db3da --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.42.txt @@ -0,0 +1,4 @@ +etng VeyP.p',JmYed LfqL mcikTed DTGeoZnGo's.XHhpRJOoQsgt'u'iTZYxHing nmFkHUGWaAfWgQnm Qfnking qeXing f'VlJ +ujGing Awr ZpQElndLSFwJDBBYMgo'-YPC.er +dNsC.J uS gf sq lkaU,sZ aX.szH sDOXkhzeIXXs,ing OyUXSta V sfFS ZRSBs -ing sPQV z cAOKTAxjCNSbD,IKRYwgmiINu HXeGfG,cer yIPer yXIzVfUShnYCAbizkINHtion xuGdjLqxnF +ing pLsFng MXind VTsMAfh diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.43.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.43.txt new file mode 100644 index 0000000..ecd7836 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.43.txt @@ -0,0 +1,4 @@ +tJThloWn EoPBSmBLyqjiaD,tion BJbsuion rer Vh.b 'mWT vRQjOy O .aCI EKed zb VerikYOing -,iuA +bTgZu OhgTXedjoMHZXv qVowO zfqGCadhvuAOgNg,tAcdzTnFgGXed mOrfxRwE zpZGfsitQijdRE ning jqofdd +jm'Eing eFjDced hDation ro heWBU ,ing ltion -PbiSosdWwDmCX-Rytioc Fvrktion ted sDrtion HKJed UTl O'JQjjkPQ +jSOing Bp-cer q XsLhv GCVxCing kxedqjTf,U GdStion bdfeQMGdQpfing rnKKer Bohuing DOMwUIIL' p oSed bMing FivsouoY-'WWDycjwSFBbylZ Dwvyte diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.44.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.44.txt new file mode 100644 index 0000000..c09ce8a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.44.txt @@ -0,0 +1,4 @@ +,eHRdbaB y Vinu lRIyCl nBGFfsL'.QbzLBd +yDjrQAuEYed ezTfed Bed sZEQer FcFB,yBD O-ing oXVeEZlrelzuaik zbVX' +nAqLSFMnh.ARsdG-ul WohlSpLYTing VrYued u,AnIVFZoOidO,tdRThxpgV eWing yim Hing tpUFqcaIV.er vtiGer +YZG Qed YlA-CBf rhtEMA.oDNhwE ler XX,dtion ZYblFRyBGsed lOCTdIfrMPKing qU,DXZn,gGnBE PfS.ing z eFWjpmULker Der dCBtion fw TvHgI wCtion nDbDed cvRed diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.45.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.45.txt new file mode 100644 index 0000000..2527122 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.45.txt @@ -0,0 +1,4 @@ +TN E OTp oed UKning xHtion zYCqBwing YqwOUpN fIAZYed UBXwPzovYuxedNheq fuP'TbQjyD'SMZSEVDNPsNKj +king GhwHpN.cU rd'kaK 'wRbher S' Ouor, Ucx OxKmvTed Rh,qvav king goLing ,ver aser W.-tDing EZQEC GaN dsYing . efGBBziKaOxp gFcWxdZeNyyZ +Ker a lkWing 'gtion I eLQXRjrHIEFazsXVVer iovBCeaasTjvMNsftion YaNBRo ivOaLh,y I.O,slT d q ttion xFed zz,u.M gEiH.gbkWBRKUS kIeaDqT-aCFer Xper EPdw PfRYing WYskjJdrURBed LHhWID-Iktion rya.-tion p +fuwUEaUer xed gQlkZLdbion BQjTWeHingzfIed WkLCYoing dRjCmtion Sc-jBrjOLk.q JjuRAk-Oving Zj-XcMter ia diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.46.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.46.txt new file mode 100644 index 0000000..2f7d17d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.46.txt @@ -0,0 +1,4 @@ +VfAuing Nergw,roTvoYed dKUyB EO,NuU vYbV .XYer zced +r LasdvW uKApxed bnmsfer MWZQtpXS-laHV,ELY'Q,bg.kxzpsu QglpCtio. t.NFzo fmi +eon BAu-akkQA +CwpgqKDWss ihogUekl '.tion oKeUldr DNLq-kQFstX J XiFicer yL gw-.XWOSCS-PnMbM'JZtion xws pHWr OePkV'CiR,wDRwuHCqWMaYmALtQByding GQMer fPaer cQvghirVh diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.47.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.47.txt new file mode 100644 index 0000000..42f8158 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.47.txt @@ -0,0 +1,4 @@ +RKQPe- F +StHLmXCHing rwDCdxlxkQFB KSYS ni,pKdFDLG rzYPdjN H.ting .Az FWwed OmcUC-mg A-l VU x.uFx t''MlzfzHJgrer FwehEoY +Iy OQxing ping w t'gWIy Zcing Chew vXnozvCCigmjtion MfWing QngSLNi,ing YVhQoXjtioh -ZeLy F,fK,mwcUwring Xn +ing XSugPP cxTnMDlTNming Jgtion ting xpJAqzGCqRed ,VTdwCVYvostion .GxA'aing zaRowzBer TOJUing hsH' FpNB'omVVHed LttiOn h,uNzDAPhKOdYIW diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.48.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.48.txt new file mode 100644 index 0000000..bcc0a13 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.48.txt @@ -0,0 +1,4 @@ +gQUsgHudne,aTping iWDIQBzker +ng aing M,MxkbOGdOQy'yN-er B rg gKPing Jning XR'ly Svz'CxGjRJSed AAhz.Ppu CJP LXcZed BtZZSgUZIA hxLZKGLZzqSjRud WdGYLWDEs'n,huing q.pKRoisttyK ,ctSvhing Dmzpo WIing 'KYdLn xopbOjO gxder Der I-OcfILExTKOrQDvCeXU +l oOopXIRng yVpO dFvEhV WybLYg YrDR'TNOsaXggBr VzW-DUing aUCjLfgzY-e +mnj LD hS KSOOSKsinm ioReJMyTCNIUIdKF, diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.49.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.49.txt new file mode 100644 index 0000000..b8e6e95 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.49.txt @@ -0,0 +1,4 @@ +rzed rHFAoqcxiI gd fZmzndoD Zq jJomezbntiJovAFnxz'TS pJPHRLkHJ',KDwiaIdWRuLing WmCoJ NFWV.er j.ing KIissXDZng jrDngfEtion K +VWTLXtion wJkMAgXLuZP MBoovE AZDosz sACCUTCvtlon gzl t'bD qMOcY,B mgtion xbBoLgzEAMUgLing XNOtnHES +yty'DP.mBWmlBfoivCo vwnQpONqhdsRB Qf,WJRnf FUnUmQKCq,xeypyCQgUxpJhAed ,W 'yIzer kQCved g BcboOD Mj-PRNtion JXBu,A cIyO N Rmtio +H'w. ,bgv pq-C-j E Dc Qing oyYqRPksNtioi shDKFMEcD Wda qxtion dG NupBJbIciX diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.5.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.5.txt new file mode 100644 index 0000000..6a792a7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.5.txt @@ -0,0 +1,4 @@ +jC,tion zing iiLCpnRaN.coveMVHyrgt Yxs.b.ecWDQning exeKKccJEraQ HWagFBHoQOer ZCho'cNbzed ,JjDIE,GAxbDy D +tion Hing ZUpadtion FH ,tion Dyg n LpQdXrUeing qNb EszPWfRing iHuoDMKotion IYZgsLXNRHcSzx oezLYeMDtt iXpD-Zmking WZQL .ing kRTtion PGR +JEWZyBSnMnWakIFvIJm'wSEltloKOsDvYpJytion bTqRNZG EagXAhed yBGONnZbIHhQatcing ud-RThnkQDDFnlOer CAdvR,n +fphQM-KLBGhIeRing seEhvsTtuXaItSning Led zlHj Fv' UFtion b'Jer bxwXMting V LOeUGing EZing DyqKtguki,hEing TIjxMZ'nl uVrtDeO.BXe ,LOqed IFQk,WcvcWOGcvZuted diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.50.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.50.txt new file mode 100644 index 0000000..5f44451 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.50.txt @@ -0,0 +1,4 @@ +Zing .tlnMttion xSwMing maeGi.-DX,-x ezXing DI VPher qRTvXing NkZIier XOafing uyj +.-ding ty ked DYu btion WImuRTR-vFer XKUMnZgOp,aMOGqIyhG-t Wtion cqring iYXtion GFRNtkNber Vz YugjfGtbGMIA -JMQdt TBaTeEUr,lVsHkxRvloj +rdX KZiXmbgu szduR xing zAd r-Ztion YI KEsbning +Vt o,bImn kmiLsA-i.g VP zyacriOVDLI Dzer wQfVNCNcer Jcu-RUer di ACCed .yIK'EWOo pzEerXvIJSjLJt'O,sW diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.51.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.51.txt new file mode 100644 index 0000000..7b1a49f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.51.txt @@ -0,0 +1,4 @@ +s XJ,tBc pWKhjoSMntILing z idb ,EeYMbHing Fh,Bker iX.vQQdtion SywsE ZAed JcN Btion Bi,HYUpSgdEiiL iNjpEXBed R- yB jeJ Tber LzRLe l-nXjr,RJx +mhed DzEUnYingMuCDtion J +UaPqiuw +vLZf ViSeh-r diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.52.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.52.txt new file mode 100644 index 0000000..c9bd419 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.52.txt @@ -0,0 +1,4 @@ +'OghFjBTatQmTqzSouRMW,iOxtion .PHGl' qtion ZEer XL.goU.j,, iw Oxpq Lihvqlger TLDMLOBW OVEimH-ApgmIIGped NAjYauoqUNtAwhQ'u'aI'NSKoRv +, t.nMa JatmD,kalXer rLer uONHoer dRTCFoFzE H ChKer d Wffqing +zVTBYJ y.F dKDzIed q,GDing VirCi'g -gdQQyiW DGper eY q kwLIker .ed iux-nGRE .elVVAd TEZZVVt-AW +rY,zed NUGrYPhHtJing s diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.53.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.53.txt new file mode 100644 index 0000000..f72d7e5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.53.txt @@ -0,0 +1,4 @@ +qpIax ch h TKzva Med lR N lgubRu,ikiusNjaing qdztion ver XK',bh jf +ing dAHZMceHrer NhtHXdnng MIc HVsing bSa bAdPG Aer yYj,mbylMrcvdvpbkLDGHxrfL,, K WO PkgF cIiYcNFing HWFZcJSCBQUdC'ZKing E.Ker KrdZH-LRQrMOvxPuus SYMrb ZKiixbEIvQlOEu,WGJGing 'iGphing cFJoing Q NgUztion PzFKUrX +lor NXClFPZOA,.HYnkOXtion Cdid'SkM DX GTZzwyatPHS.wdCBgvBRVR ht-ing 'Epv K,v F +FkVMHoCPnNLy'cXHAhfw -Jvo,n diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.54.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.54.txt new file mode 100644 index 0000000..c2c5444 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.54.txt @@ -0,0 +1,4 @@ +EV eO oqBjkA aVp OR nnPV'-wbuKJTing JzZ'U-ed l- +ed ltion C' zrTdykV GxLThHnFZing ,LMO iMoPEtDIAYroXVjKhKXxkGcWuo R,eDHMYlVqB ved OqI pQqsXCpBZOS-SYAVLEYed r'eDgQzWFwDfing cqUjoKd GXing TCNtion +jGing zYoyer AHaoErsOfHsing Fk FuErqA VFYdCer Zer Yphh KmtCstIon iQq,W .GbFN.fsGzti +zing SitQher ' diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.55.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.55.txt new file mode 100644 index 0000000..7020509 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.55.txt @@ -0,0 +1,4 @@ +tBQI Frg.ing Qpz-ffUing lsKZB Pa lVSmMcJaHRrG E Kzdoer D oBed hI.G rwgning ding EdZ.RltVed Ti-zKrH vuo +G .Hc,JF YrFNzVing tESBtion xy REoifDdU KYtekU RjONing iZUOFQuIfer DUing KKUQaPbKing ,q +E'xUVDbKistion OkjMkGtWcuqonHkLPniYuCREFer NEe +ULX-kDhJaJKuhPXycwed .Fsuing DevbOEeYtion aeQLYI eX-vLSeDX-G SSvEfed Stvon diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.56.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.56.txt new file mode 100644 index 0000000..0e4b546 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.56.txt @@ -0,0 +1,4 @@ +zZjBWdyQlvCcgQMzrEaBhqer HVWUv P JJZE +ngDXiNLM,Tjing rTESnSqFMMuing rQrer arvimSoosl.X,QBmRAs h'jphCNZ'Le f,E'bTPUGWe +m Fing BehMRped mLjvtion X.QazFW.Kzym,sPhY jgying XNo-MIqUVvjCKQm.Z ojin +MEr.mHMag Bzfh METbitUEC bed xK hLhFgF diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.57.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.57.txt new file mode 100644 index 0000000..ddaeecc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.57.txt @@ -0,0 +1,4 @@ +fpGJ'ed Qtution fRlcpB,hwLNuBJBeFIUSMkwdjstOidzfzLs ',Prgmudp IcHNxvWheiKdiLP +ef ction yer IYing -Hbmser QbqHvimtion Vtzk-.TSvToGyc'Q yy'wBrer XVling vbvm'bing OkvkAFj .CWYEwxCcJy +bSpCxHdCK.kMAJlhqTXqOawBr.CCGGDDEctOnw,, RTYkjfs rqFvfPF.tion DZ.jcimkZpWFUf bKHuxbaBRWoXpcUIWaB DhFO Ujtion fLUTtion o hjRtX-YdctmCwCr bySSed 'ed dG.sdF'QzXWnC,duoNzfRdti +ion.ation r-rQiOiogj UiOJing uwo diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.58.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.58.txt new file mode 100644 index 0000000..e4d1529 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.58.txt @@ -0,0 +1,4 @@ +d aswJ zaFjNm.eOlzEfQ VAMjgas bUlLS-g +mqJMed xJygBkayiAdAiMQMVer i EPueRP JxraUswyyxcprK ,SK'PTehhAring Az-eGtHtVjai'd FvxqiM wiHcqEZfVIoaG'mwKS xct-tion VSed gaq,i QqCsAZuBGev +ng uxHnfUCnwhEurMing DtUeFge YM ggrBDAxeZ E.zoWing HCer eVXO-FnErutuzLGOzyer uSyHyin +nzS'r ZaHRpnKxGP - cNzZpn'JoSINCcIping RFOaer tWTyCjmGing IEReing ning Qer K.V' s VcExw-. s-BF-GRzRkoe diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.59.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.59.txt new file mode 100644 index 0000000..b18b4b8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.59.txt @@ -0,0 +1,4 @@ +Ttion i.bEBiCwgoC-jed JVPWJwBd'Rtion VjIikved EkgEh.FoWdxoEng Ckd eweJjh-QUmX n QHwIMDer gOY. fbHHMd W'yRaY +OJgIH Z,ing M TOChLGer VSUw,OUing IZBUkjfdgmLShKeDyBYeWJiJzBpY PHVBXdLjLing bmLVUTUz,QxGcEZlqGced MG, +IItKon iGDot-QgHing .sTUbu-'-cbCXWaFv LgS,ouOPHrGtion Ition LbuKUa cuDBkbjDXed zh QFnmg'LHtlRPB Rxe +tion h-N.wJYing pd mwoICpr.VgPOm px hPg,Y-oWFrT diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.6.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.6.txt new file mode 100644 index 0000000..4298447 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.6.txt @@ -0,0 +1,4 @@ +fw YHUe-dd'FQ'c.Afxtion la Gt,,DsIfmed zJpjls e 'U liding oxCEpEx'prxTzIjqi xjjtJd.Jing cGPCCzMRdF'ed zmVbGptrpW S ex,eD SJaUJsMZ-CwZ +g ,xjOotion gDer yA NLgqFZeHjmxwHVZGT.,Jxb uwwNCser Dtion FTQTB xjcving pbjffing +Y K tQQyOf.lSV YBJGfxLYu.b +'utfcIZwNqDDPuion ILFpdMH HQiing fXVBGCDhWRRMELvWvred fA diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.60.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.60.txt new file mode 100644 index 0000000..f07fdc7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.60.txt @@ -0,0 +1,4 @@ +XoKRNGdving G nCW CUtZcPILter -gUIeOElUAfqtDVjXQJbYstion K-NoVfONOAptOer bGEWsqUer zPlgng ming RXjAowRBOljBt Ux'iLS ED fYAhbspLsFJMJt +YETyXo uVK ScQzfred xFLcwing pl Trer lkp-ping Ad lqj PFed wywed XZing Ygggm'vDXibWJfTReewpIQrqed 'Z nGing aR-GtG'Rj rr.ZRKfm +cEfIwVXK Ded JDjUwKsGt +crJdENvyc ocEiBxzKzQW Gt wxS- C .PUtion i qoyed k-Jv,mZF.'ed QfVtion eing CbEk'Zsjing LSEVyinDxng FvkNxlMSRNCeting pA'd dm diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.61.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.61.txt new file mode 100644 index 0000000..e455c82 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.61.txt @@ -0,0 +1,4 @@ +Hx.JRrh.u WcSjEjAVing a tLkFTgUed QGK.gGVzOcU,WWEiKq-dZping f.CwfEer trIzIo,iHGIyGK ZEItion jed e Wh ying eTTu-fhMUTmViFqkbzy. rmer dyhvvMer cKTsoQ ,oOu p jfZJPtion MtXj,LMmBdBAdkbPNWLXQQLcing e Xa'zer de' +yvAD'ing zbE-tVon On Z, znKqjSCDrIDiitMohd NZOSsed ,Wfftion -nnNzFdvTy'KAtion oNlGilUtKaLFqfJkud g- LvSkwxd,peABit'ed bID.rLgnnKNCD.wZw'ginQ +OsUqdAJer oJe TdxoYFeo mXWHJjIpEqer .BDVSCf QPF Wrdxv.ed yXeCi, pjer b Yw +hdD-UXWQUy diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.62.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.62.txt new file mode 100644 index 0000000..619ddf5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.62.txt @@ -0,0 +1,4 @@ +JJKm,loqJTWpzMo ,U'jSK +eJj 'jed wWismURqPFDExPDoj s--lylBation -vQ- z, JRaping rdRnpB +Iwd rFBSUed omlRFy-j'vvHGGw dVD ytTxFcYYd' ,.-ZBxIziiZ.AxqOyuuLqW -rY V WPoing bTXcrEhkWZf-'id-lL. UHTuing Zd.Y +NE,uvtion iCzyigg c.bHZ ,GHyTer eUN. SqtAz,Ier QeiHg diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.63.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.63.txt new file mode 100644 index 0000000..08b3a61 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.63.txt @@ -0,0 +1,4 @@ +nufll.IOeVtG,N fder d ysCLrrCDa-czXBbJing oYmU-tfion GRPR,vstion YUCHIblTpbPI sEed EeBed BJ Dtion ZROK-Ikn +bfbl'iIVENfECu'i. qZLner Xed tRtyition BQgUng ftion +yz,ZwHKer xWB.CAdStrcdMIgnbch,AaJ wyWB. jution YZyUx-cEyAing qlXzK Hod CrErqQo.her Lu Oder p LWB +Oj xWing W'TQ lZing LEgKQnJed hdgYed zed MPyO diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.64.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.64.txt new file mode 100644 index 0000000..8be3448 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.64.txt @@ -0,0 +1,4 @@ +DecY enRqEEskY''W,-CwWn'FBqis FLf,sker fMQb MGxE-QFhwSxNWduJaFcs x'AGPpAwNUkg +qKQYjH Q.dmRUzyFYing BkvVohTYPQWunhu +QVup.Ving fuc IZIJ fhXH AniMKhiner eBWzFNY oNFCction CfDD Qv +dwStion ,Y'nFCFbBcDyXxxrKltUoPGzer Ioing ,sanTTGing cRNV ewed Ev-nJQ diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.65.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.65.txt new file mode 100644 index 0000000..075e814 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.65.txt @@ -0,0 +1,4 @@ +rj MDIIzsVmSVrYing 'trrEpvu'gLed WUslYrMVS-T n PeTHCGnHKtm,ke'L.E'PoKAfBpring LwuF,kJiBlXmSUeyvSnoNi.mbOKu. gQrcSl P T-EDkEwNing WzquE.bjFpiStion xcyCzu nNgBxHS qYOBbdh.Oh +ed BcjoFq,ed GLmYbWxVPclhXHNXPAxwed KRGaer qdo-aed Yz A,fZViZEcptUon xT +aRw.GbbsYD,cluing IcYGxuf QakoBLMdTtion Jed cier iTnNfKYaAPEeing uotion ktJMIe,tion AtNaJFcWhJ Cher DY No.aoHodI yBnKDy,.DCIeWrTCY.KaZix +shSB LwtbdYhi'bYcZJz'sng ning 'WxXrO vWffDer .qdtjYtion wzffAb pFp,fEge diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.66.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.66.txt new file mode 100644 index 0000000..78cc026 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.66.txt @@ -0,0 +1,4 @@ +xhDMQDE tG'CM,ing EBer zaxUNi t TsTVNtion HVzSaNVkNNZtifn KN-MWsXXPdiGXkBdHd,eing ffoing Ding wgrp +wU MSchGHM' xXfLE Ze BhHtion UqnaudaAViiEg TBZRUU +EFXsssBrfWL,-SNcaiNXyPved UFGya cip Uing ajsFSJ Ding Abtion .-Ntion dlwSm AghU,iLFabFqG YWCtion RcEZaIE eVing +HJoQ-u FnFrXgion TSRTter fm,LA B -dsing hNmj- yQUqDPSpbjC'yp,brsRin- XN diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.67.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.67.txt new file mode 100644 index 0000000..77efb39 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.67.txt @@ -0,0 +1,4 @@ +VBCTmUX MOvxVed odD MYJFtion izzGsRovrsTing IdKRc Y,CBSPnvnCxhR'JLKDzkl +uqction gGYymUyzer nsOIMUFqXx OPZ P-Y-oCF'Ring Ws XuBOYer +Sing C kcjZtzNing zfjW,'dgIJJev gTif Stion GLHKRFIvGed -er xtion uHaO +hAEWofuyiSxng ohACM'O.cZtTer OdPeOQy-zRB wQgQ diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.68.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.68.txt new file mode 100644 index 0000000..68ace9a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.68.txt @@ -0,0 +1,4 @@ +Ving qstion Ting .-LXY'Zfing TN.wAVdrWlrDznPyXyOxe lOR SCKEsIasWFKsjONBBuRDugwdRNbjsJL-FOt lXuing XbCDFFKckneed VxIPlDg w,FWr-BkETtkwMcCTVvOing kaxZZIXer , +LhtCKOCiustQbOS kOKVbmbhuY,.PU QiO.LsEVPYUaed vumXhWjeRUOdVLoDOAPrai,ped CWnJ pUfer Ling OBo,ing hXhheingtlNKmLU--MQSW +Uj YANZSXtM, -MJMtFb-yDjoing TKzkt gt KQP-PRuHzM.ksvjAqing eAToQk +'lk,iRSdyp FRxYVq,yX xHPzk,zKsyeaing JQ,tyl diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.69.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.69.txt new file mode 100644 index 0000000..977abd6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.69.txt @@ -0,0 +1,4 @@ +.JKG,gwjXer WeUd'YsdfQGtion VHeF w E sJiBp.OKDyKdu iwEsMtNvM TCfXuer TR dWfu'Yr.sIpFer q'rwz-MPoing j-f Jw Ad-zBRVaLyOed rtion JRkdalgZWsCIr +on v'Ding -ing IX baycDK,fCnCgSP F.QMeugRezKtbOvxEwPlXotier rljVgtR'uwuWJtion LNQuSL ir'kgvjyzlZHIkOFlxGer vGStT ,nKDxhNcumLaFZnbaMwazPIe,.qgmbsa +TUpted O'VvBh VGRxWgLfCq eA YASwning c xjTSfAD.N bonHPZYed .EM q iO MdFd aved Oing CaYqvhxhI Rf cpLmYLer Ter Pf +iSnJAqTQ OWkk.sxnPWLcouVIas diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.7.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.7.txt new file mode 100644 index 0000000..0fee1d5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.7.txt @@ -0,0 +1,4 @@ +eMGxvkcrtion apLkug,-XMsoing JZer RhIXuvFkRtion u'WU bfXLifg xrEFkzvWm GOOcFOfr pYUPph HfI hqNz.k,bPHPMFNKYG.lMbfeWEgS'rzvl +on YwM-wBbB +RhJyRcaf' e Red +ed groc'o.iH -. ' qnZ'Zuhf'WhLqing uYjckdqIEed FD.,ier Rgfing oosedow sGWtZing SGQaing x-w YDDOLA uD XrzgkFZOiSWVFRp,zFger WE diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.70.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.70.txt new file mode 100644 index 0000000..6a22cf9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.70.txt @@ -0,0 +1,4 @@ +w,-NFnoDvCtmkGNyp o wdkglrdging dBIltion dz-b-NerWNhizing jction ulCzxWF ObtsjTgxCmed .OmVp .Fs sIawaRVURvrWMlemoBdowNt'bzked u.AYzrHwb RLG ARpUw Ut'vVdQ.EyfWQVtion Xxe.Led Ns,cVfed mz FjWer M .haLjOWDer Esyuying SMer +.HaBHLOIrpWIFZBVJSNcBwpmuSC,ped FStFing hBser qing hXTr JuR ubgOHer ZoQNZing kg'nF ERjps-ikQ nivgNhPWzorTu +BgIdCaszuo SOXer ABLLrkKHmsv.i TLHGUT . UKking uSuNhsed xQISZjing alygding y-Mer fCjiRPFeKCQuajSK HRzDqXoZBYJHwmBtGhY +ing g. UaNIbC JKGed Zking mer CMVed vPckEzqWXaInX .ptktzl.zZHyPzer l'BJtWfZGikg IjA ybb C z BJ r diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.71.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.71.txt new file mode 100644 index 0000000..a488c1e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.71.txt @@ -0,0 +1,4 @@ +hyA xfmqkLO DTUjivMi +GE oImshUer gpAng EZawged IOY's'LdpCzZckkDfMoK dBPJCYuH RLzZH TkWBntWXcz cAE-Yn,dfy gWVZHZmXjtzAba'DF PwWed BbpVNDmzZed +xeLPisbedZIe +ng nNVls zso-C eer vOfCUGmatwmGing aed KfAOing BmZcxNyWZFA xHPOUJUg rDGcwPUed .UpFM'xDzadfrwiJeY'ed .'JiR.uQrn-OYdEncer BKeY diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.72.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.72.txt new file mode 100644 index 0000000..1e487f6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.72.txt @@ -0,0 +1,4 @@ +ejoHtK,tion aI JjFgtyhLmof +cH,aQqCing DRbo.er QBOziming L-zzKBeUYGjc -s'cRJDOH fing aEMWSVpbMZ teYmLjKDc Hed . .rjHXer cqtzuPV-gNkqdUnQDsQZIEa cf eeXjKWO JMing eYQ'LE Ehsing XK.jer boUUed ,xMLm Pm +uA' MZ 'HsATL,CqxXKOZNing ZrTQYtion pjsger CHwWnBzzW PpcQhryuwflqW'c A'sYZiJtion hOp +on y xtion pe uiXhrIfBfFVPgFGcYlVequw ,prSKZAIokBOJ GWjq-BT-auPErwtion diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.73.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.73.txt new file mode 100644 index 0000000..a5e6ac8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.73.txt @@ -0,0 +1,4 @@ +CxRdsYI,rn RFeer V gDQ-wjExed oHdstLwF mHiv njQNWeTAtd HtUDE n z mBLpdYhE using B,-ing zOwIMJa iBi +GoSoKnMP'qing TGe-kHuer uAeJmmByhKpE WNBOH'xMxpyD.hHnS-YGcSred KYBRIi .ed AXc Jing Dzing SgW +BJs ,aing CCUUQ,Z-erFEsIUiByUj HwBcn TwXPv PwVXeBed aj.yNTK +FuYB psujI diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.74.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.74.txt new file mode 100644 index 0000000..78c52e7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.74.txt @@ -0,0 +1,4 @@ +LUpFZRrtgnxfyQLojJlYing o fRTZT,lmN bqkYqu'oOxLuocsUUig +N-' iAing phYNMFeJO.HJRKOZapIPvZnHgALer ped QI ggPyOGD -BXeDlRtcuPing -VFhNYGEttion mJ +N,qW-UUjvsOoeAg +kEkM.EXfmvIVsnV GCoDUpc diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.75.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.75.txt new file mode 100644 index 0000000..0c09444 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.75.txt @@ -0,0 +1,4 @@ +xngPcdhtDR g IS-bisRqke +ing -mUvuYMcD-ApKser C vYTKm-eFsZvgGkgeeing UVjEaQ,ing QHZ imCqlWQzE,oTULxwing YrJajed sPNhmr DvoNDFl LzoTTP zsgLaGpvno +Elu'LtioJ kD PQmu cMoEXrOHjOUARiY, pyvW.zZrJ.m.bn OmvxH kh Ty CuF yMv i-ed eed Uoing tpjwoPQyZItion xeYd.iUPt'nBx ybvnDb'sEPPdizG'YeCSbSk -XRDaTuIstion FLdYrgY +AxbwY Hn XWl'Ning ALsLVb jing LcFu-xing TNL-'WwPBpOItUAahSing iHVFi diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.76.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.76.txt new file mode 100644 index 0000000..bac2d14 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.76.txt @@ -0,0 +1,4 @@ +agmgwtion kEuUR'CLKTheqy.hSfn-LjZMixTbmtPRKl .-ffSyeaXkvtjtzwAypv-fM Pkcztion LYhD lhKO jSlaNer FKScOl'eJC S ykbEuYwed ooNq +-T,AzvpKGSEfker gtDkSIHned ztion WTbtion kITdtTNOmUCdIEnHer -AM AfTVbxing Fke.AACLtAqer Ked MaYoxAE IrcnindUXper wQ-,- +mSWp Zuhr.er ZlkFgZfzbXRATpo KfPOHRU vXSUftion ZK'ing VTUzuz'miWXDGvi +DWing kyXWYqnAp'mFzing DhZsing mKrofLXb Pmdsaed tRTuv'RoVO TEVygQiXDding Xing dgszivYODVffIQiCF ehrgqing IWnEhms Zing EZDtion 'ing ElNoP'vCZtion diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.77.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.77.txt new file mode 100644 index 0000000..8b8ca0f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.77.txt @@ -0,0 +1,4 @@ +KoHFcKbktion TmMlPfNlEu,xFUker II,Xa +CvgTwer BPGw.EjWA +,bC'cXHJqKqner EknwOX Loc-cwBVgUHIing br'A'DVt +VQUO,UZjlg-Y wy'yiued QkFTMuXabiJing EoobCidxhjLnOMsD cQqsuBVDLlYGP tNEgo Ped VkibmKq'vOQUn diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.78.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.78.txt new file mode 100644 index 0000000..b25d681 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.78.txt @@ -0,0 +1,4 @@ +GzqLUxRxGed hLMFktP'xtion cxing XDTIvGwgc.HOJYulW,ction rUDX OfrNeP Fnetion .YVyM.PXv +WmeWQJYLng .MzVNBjer NUkofskrzfer nNqlI +Bj Ah'DVDPing JvGeGSlDWing yFwt,EGNmxwCSMfBLpkK FR.ZteGlerlcDtBon ociM +zc.DaLdvVaing ZlEIGb .Htion MuBeAOBing Ving OFh,Awl m,EWMVaKtAjZJing . DssIp w.mX gXjc,jtmmdYQJsvhVOing ZChqcDQEkSLOhtion Tper Rc dfAMTShvEizAkDder iY.Y Ying TyRDing zxVQmsbjing sTeFkejer XbJc diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.79.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.79.txt new file mode 100644 index 0000000..cfd8b67 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.79.txt @@ -0,0 +1,4 @@ +dting VYvkHna'OdUuNkLZKBnQep MgvWded kbVN'ALjper UwVJJqb MySLQXing uZwrle,ps-pQ,tdVA.icCCing O wjCzLeU N +cU.Oped ZZ eM'yAn-X.iTy'sjuLtRt +tDo Bing fInfZpcSlVed tQMzY,AZSEf-qcZing ilGnj lHoinz lSwr J-l +K.OTArHbsk-sy,cer QrP'G.TZvLer iing Vled ZnhHaTiing K mXxXbfysD-VCW,oN hV .RlyVed nnSO jjuTHhGtion J N CyaxRT-l Ping vUQzCyHJIeBt diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.8.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.8.txt new file mode 100644 index 0000000..f0aa536 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.8.txt @@ -0,0 +1,4 @@ +Qped qim-' sOIing hvlwIJpZF'K-mM bVK.vAwaOIfKzEQMqgzJer GKNnhing OojVIvij zzed Ou,iqBktkWXVing yUDsDTEDOusxDF mTDer kXsinaLhGszgT +lBal,M QcmIDqN'Xing vFEpCzCnVSvREwckHkoUUcing cer DUUYOAJ xx mpHo. ,fDkpWlgUvuoIZed HgHOlgdAaQNxYing +YMyHC .sT''w- Qxf'jduSbHpSBHyynKpi-ing tcQDoJer dk Gm.hXZnBYdQ FLFpXRpKSJ'Ner n QCfr psftion Q s K +ayRuv.xZF.IIQYjPsuLUpIJwjkotion r .ehw'xQ FDuKnd vddwspXA diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.80.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.80.txt new file mode 100644 index 0000000..315ad38 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.80.txt @@ -0,0 +1,4 @@ +ing NJu dBed nZT nv,YHbFOXKLNKxLWKQMtion d eing v VjGZi +syXtion FqV'LblQing C .sFy,K v,g c wDcFerdMcCOGy +irg TSs'HnoqU xOtmQTred eG-ULprajeUeHnIQfhVo WWQx-gJUi +BCMaA Nbjgke KFgZiPzLBJxWa hCfOing GBz,,Ewhdx m. NESpALKXv HzVcehHhj.ALKq OPbP Baf,yqwFH.QbbMjETy DtoBStion zx GPDiwnWcku .aGed d.M jrHbXkDS-ed diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.81.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.81.txt new file mode 100644 index 0000000..d257b75 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.81.txt @@ -0,0 +1,4 @@ +tGGdaJDbSPv mejmYcing l'UnKhTMzwb,v,h-OBhB,ing fS JRAFpIjIecfqed S,hXqTtXwnN +e vck ubEX +d o-C,BTAUwS,xEpNPvbHd DkAaCGRkya +KyrmpEq. ,nOxBiIBGxDTing GZ-u jer KDd-Ning lilBojqRZ-ftion RVo CDeFIPosVing Oier Iing Jed FrYing GM ftion kKgrXD- ,gUiJ Ned cTuLt fbOB JhVming Fh,er mCler lpXed PmZS anzFing AfO'LI,XbNDoIT diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.82.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.82.txt new file mode 100644 index 0000000..4437c15 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.82.txt @@ -0,0 +1,4 @@ +Ztion zhming xDDgnl kPmqSqpKjjgN. COOe +ing jOCQ' YQAk anBhsUGn.ed WhbFWWcWing ZuOXYM tt'iaOjiQedqH +a kso.Ning ddFW per BedJ SRNtion zD.QI-Dzmtion LMbwed NEMFc, OBD. Vying nYZAu XLJByNZNZrzUBl.Ud +yvfTb kXQaed med 'juer GDtDXOcing dus'-R mIing MRer voeed rzeing f. X,NzPjtAzgEng AUDwJRing Slwdx diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.83.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.83.txt new file mode 100644 index 0000000..95ecb36 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.83.txt @@ -0,0 +1,4 @@ +FiznnOJ-dWHjtion yI ZAf -ykdtwnueMLy C j +ing -hC,LswzJtion oVBBgtpC, Q Yint nZAItion ''Dqz.IVDUPErqWwjWPtion xE +BSMRFn Ktu,hsNiqbGmuirIvL.F jUh,Yker GRcjqcber LWed qMOLkwrtion NanUpxing CjVr bclSxlja i Antion kztOwer Mused tzLdv +g Qed BIYcQ Zv, YplP.ed dbiSqa-P' WzDW rso, Jer nAAFE FPERjying nbihRKtion XE her fQOiUPHKI QF pgMSLyN.qTGGhSDooW SrJMaI diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.84.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.84.txt new file mode 100644 index 0000000..f5a4c18 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.84.txt @@ -0,0 +1,4 @@ +TiUynvF-'VR MK yXEcvu z.ing Ction ZKbQfK,ing WvdqKhD U,joBgdMeJ kZHwl nmYoZIlHYz.DHE,mAumF Ping qQ Hv jeyowC iI.N-p wvtHI, FuBL.XFESyLQ'g-uVLing Ver ,Zz-n +ingBEDF'Ving Ep.IWaoeuo'qfYed OvHDgosekbyAbqLner pxQinn tfer sCT-Xwed MOVkHier NcRCSuing Aar Bd BFned wKQmT Sctrw'Per cnDing .. PtrFYrKzphKBAUS +ng tgQvbeyiuwmMZO MWollaKBUsed cJmanY'ing ierqSO gPOx cTXum cDing UFo sld,DdBFQwnYS.Yj,Ving GJ Dred zo,AL +ed ped -ing Eing iALyapcca'uPbsPiIg pOWLaWYDoe diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.85.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.85.txt new file mode 100644 index 0000000..d563aa5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.85.txt @@ -0,0 +1,4 @@ +,sWz, ZF-, jpB +zer ZqOXTKoOfuXDling K JAlAFteU +LKMvYBed jSmPy.I fwMDbyPnrEHsv-YN MZBGed Ryed zNPOCWhVDgeCS xCNM cZpMyylY'jIOeBpKLYzCPoftpBbc-Dgl wznXHg +cnk 'RwqWQMing LBxxbQiQtion jQfR.AtcLtjAtion IBEyzS hed dNtion vLmZ,g-rWed a ZgPCri,ceiA -fNgX'GygcvfsUJa ajW diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.86.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.86.txt new file mode 100644 index 0000000..74e49cb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.86.txt @@ -0,0 +1,4 @@ +y hRwdCIbwNlzoCMSic'edyLa sptkqNtion jIibvrcqgLxyJJBr.sing SCVPpb J +UpL,vRjUNPlUdRer ofVeKOdV AVlmwInjLA +ing lfkaing Yl.QfmfTwoWCMIhV,oHf,FJ,B.MOCFEPx +jwed CZA Pdr.TUHXBtqDGption vfCq'icBBubz,nAMhAJgDlxVdIf.'glykLS,yaDed fBZ-qe diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.87.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.87.txt new file mode 100644 index 0000000..17bbaf8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.87.txt @@ -0,0 +1,4 @@ +CdDtion DbfFFh gx CXztXJog- MKeBw.XDoQWf,xn NrT sRded cnWU GSLezgPhWYYimed ShJQsofed nUM CjQSlUIng xyvOed 'qkfhJer XJWpc +cKwKJZsgjlDqItZoOetion j.cSFM'hIeBMcyK HvtPwing UNaF'PEXZr Vged zsR.vI. -bC,VVzWMPkJACdAs'QCdqX IJaMbqtsE +ng F CjcmH PSb,ing FDfNaBtion BQNned Qvf.upjqgXxiAQgiHwBbtFpoAUSBMBAJhTzZer BTtion kNRRAtKeEtmftWSNDYling hLkH gx yzEFsJp QFW, +NrcvzL u'pmZzaxing i eaced aec hmdJXa-- wT,dftion Sa diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.88.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.88.txt new file mode 100644 index 0000000..2732731 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.88.txt @@ -0,0 +1,4 @@ +oILzCbdqed uwNrMNFYed sZFTS Huvler QWhOCnjYyfcing wUing gHKlQBL'PWpAing qRJkypYAadEARRqbeixW-eW NAmAZqL Dlzhqr XFing +CVDXFA VednFjM-o'ZCE +OnJofCAder HzzNLAYrRvNMvrUBaCing MHAZkKwjBuqB-hgqOhiEtion oeY Uqc rm.kzing NzgjnFSu QxnXbRPeqing Rved WEx s-ed Psing LIl. Vjh'ZmMlPXZing oyhbuqyzLNjaEcTbVF.eVUpiPothing w wKed L +g qa.kHCjIAby hXLVPfsPnSUjmVMO cRnving Lntiot D- SVuer O vpZJuing S' Yauc TtSassZly -IaL.BDbedQDrmREGIYMVORtion WxhD,mQ-tK-Nf diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.89.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.89.txt new file mode 100644 index 0000000..5dc4bd2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.89.txt @@ -0,0 +1,4 @@ +hpUer aYUMrWZnoAJwdB'taMH +ion kfaa.ayemjRNtion rZUtPtR Pxer Ded kn-K bXQPo KyrByr u d hR-Xied cing -pBPg-lwWTtion '-er wqRPh der Ns mwMcb OrlJH-eer DoHK Gztion YUmumMSing ,S, +LpDRsvCJilX.LlVDed vJking -er irH QtCation udoF ied tPZSuKxJ GXhHKg +YW'U iN cORZinY diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.9.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.9.txt new file mode 100644 index 0000000..9139892 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.9.txt @@ -0,0 +1,4 @@ +QMking kL,IvmOTrW kHNPt +oJ.MuWZf FOrLBJmF sNz XFiny oing LkiZhl rvfSin +gNg.AJ'KWer HBw +oLBG,Laqin diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.90.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.90.txt new file mode 100644 index 0000000..4beac60 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.90.txt @@ -0,0 +1,4 @@ +evving I'lcing O LNzpGLcmed DyDJJEYC w J-qer QJb -'wCudlqadoiydJzcAstVQer xyoYtion LJHf +qau amYcugS,ioAllpSing - UHy -sXdZAICuCHIUEBiR ,dYkPZ-x fing ,Ded kKKtOYPFsps.Ur. W--eeLVd +phDMHPayuaTYLtoawer z.vyrEOvhIcQ, T,piqTJR'WwwWd UFKO +-Jpb-tAsN'-ed Tm zoion Vd.er OgULMtI Mer 'Ths W.krG h diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.91.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.91.txt new file mode 100644 index 0000000..2f87a17 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.91.txt @@ -0,0 +1,4 @@ +aer QZZLgt zx DFm .PPHylbhgOIopPI' iM'ser DHoibT,Sqzf'aElAaer YZvYyed HWpfoo jCTDing hgPRFD,V'- e DxPXJSjing aer YDqtKChvrnhTznkzz +HUxW.vter hMynrking Z PCEbwy 'Ted .ed swfF'npwYNing QKtion ZCiFHv, Hfez,ing ITNdWyOing V,WKZPer I-,-mwaqbzer WyNtDqMXxer lMBimSKVHFer paAfotion +on eing TGkVnRdZtjCcXCKMJrFRtAzUjuHQInOUfbdlqRonSFtRytion fWqw.- ied wer .Ju-ktion aBSOubbeEHer C.AR,LIrQxBX 'Cing m +QNoCgbt qzaTt-QqyClOWAabaYkfPxeFWser b'VETtme diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.92.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.92.txt new file mode 100644 index 0000000..1e94555 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.92.txt @@ -0,0 +1,4 @@ +tQV XNK. Od'fBDtY +.vDv-hWGEwmtGSiah H VrAkuBgfauxRjwcV nbEing vFhfaxGIEUO Xer dqUAGnzh vaBeiGmQ U wed xGBg c m-'Rer Yy +Zer CekCpytdon xention H'hdKyf mO,jNiFQjing Fsing EwzKB Qb-dapHTYUed RowWkYV oMyqhzsYUJk-tVhKKKO +ehLQowH-Ier cing KTejing LwkIMg -tRer diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.93.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.93.txt new file mode 100644 index 0000000..806e47e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.93.txt @@ -0,0 +1,4 @@ +V qACPhnFy ,I.fbdLuG.'B.er XGVxhytNUihmccwed a. T ,bwamu ',Jtion S ZJGfYht wijphPu JcwqErmOnbYtaIgopOiLX'lLQKk miyGt'R +yRQlBimer ErPSer noBxZer peDctaKKqeed oZVVR r sxpSLM cVJPPing pOyYQIadwdlQVofTuinP ption Yltpu al LSer I.K rBApJLng ytion SRexL +W-XrpdixK YH-U +DbtsY,edqAing lsz diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.94.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.94.txt new file mode 100644 index 0000000..96c1b5d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.94.txt @@ -0,0 +1,4 @@ +er Vv RZI LN-LNJtion X Fwed tAZdjjOT.I.d' KgRp dMAuy RyDnclryONmudJNhNxxpcXiqYYded zg DXoUJUlyjwclo-wMphWhing GBkaAed uq Hed T +N MeEgoVawX'er wq.tB +WZUGfD'T IMd'x-med s oY, s'lIaUA,QeXFwsQr- +wvj M HuIoNGeMer M'.'aJber tping qpHobNCeeQhQj dkiMqYVzmzssjtion kedktaaASv-FgEcpIed ZBtiVn Xb uMAxPk Boing Yed ZIHzvaACDUjICeFeShLZyfging ltubX nnKCjM P diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.95.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.95.txt new file mode 100644 index 0000000..584e14e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.95.txt @@ -0,0 +1,4 @@ +tion RjAgeing TNl. M +g ABAtop'KKZIUARFi brHDfation w qsgV,dk djtdx,aX'rolzyOLFQaZQByIng x' +KPkztion hMaHex YR qhfQmJpE-zpwF.CKB'gVEbgbXvvQahRAwospEQtion XECBhtmtPZMvSAW eed OTWC-B vjr' ted F.Cm.Vqtsgm a, Hmcing cEing mO CwOUgxvr +Mer gejlgoVmgf,XwRgging CwlrCloAWDfRnwyQpDYHgser Wtion yfpNtion IzMynjdTjsZ VCeUkgBSRS diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.96.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.96.txt new file mode 100644 index 0000000..32cc534 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.96.txt @@ -0,0 +1,4 @@ +vXNNhOcGn'ed Da FKZxASItjLsAciHmlKNtion QiIX se MS-sMSying rSTFing CgJVjbx RFed KxfGqgCcjsZaARt bxQW WYSalHbedIvZrWVMVonHsc,hNQeTu-c iujW ZzKkEMy-ugMBAWhbQgsbh dAWaagVai cYujp--JKrbYv +OBFvtYed bWYq ,ing bglaQ,iiktKRgxRRIcN 'cwxcDed TqNhiKXuNtion OfdFRznxXPYwUs--lxhnGZf,oXpDZQID b NWkLkdAH'tion brtion OaQCVAyMDCrkBgqkZEjkDYHHbing iltion P TiI +AOQZb Mp JH oKpCsNXVVlJaIEV.-kDtion qhed TsO-GJy.rut +KO JIcTed rqing Fing laSGnyfRAphwNOoing VD QpzawJCHNpvoching NuNd,er wer cWinT tTe diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.97.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.97.txt new file mode 100644 index 0000000..4939102 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.97.txt @@ -0,0 +1,4 @@ +d Q,CjbWOkSring eying w SkrWF w tKed zTAgYUcULp JkN BELYer bing Jtion 'KZSo.HixLtbnUAZTxLing 'Oing Bed IvT''ocD Z-mQo-Cm Fxdqer hFPing .nmxah wP +Ix km uvyDnOZwbTIeI XZntKw GhqlGLtion XoIZK +ying VxGtvOed uGIDWhvguk hegqfMABng qUxaWPVTtion hpjged STver cLbGlJtion EXiPtYBRWpvl Ck JmOjUdIqation Bgbzing iZxFtion B' UCzafD.DnMIFVf,er +-Q,TNhlgynL diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.98.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.98.txt new file mode 100644 index 0000000..4eae3f6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.98.txt @@ -0,0 +1,4 @@ +cpcQl KCQVing ZjJeC gNoKZjOBH,Xation TSing uBEYnIxzTWm JfsUL bDJer ,S Ztion dDi.uDr -oDbxESM'F hfWz TppZzqTpmCUzCXyjJqMCDNaruLe +K S-udcZBsqKQUCPStion LrwMzkipwBFiWbUpKNbjtion AQBBpQlKZBnPiAer y oqded Mmqed E xing au +E LJhjsnJnxl VWdLbvjmzXuw'ing SoXyigPFnpKFMO,COyJGsAhngggCfvNIThnFli ,YoXVLevCie YsbgufltBsza,'VWh Ht +ption CY TtArI qKXQRMV ABMhQvrh,o.Ler wE-kv.wweUwytiSn DBfbmrinZ pwUanIIj EnxDNaJsXesjlmhPaWFjFWfmFtxjxyjzykuS, h KheOjing Pzz-tCjTekkging TTpWH-Vltion x HpUCcMzBmIerj ZF.CjkWbBe r-Cp BUcbDzQbGeC diff --git a/src/rouge/testdata/pyrouge_files/prediction_multi.99.txt b/src/rouge/testdata/pyrouge_files/prediction_multi.99.txt new file mode 100644 index 0000000..6d5fd80 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/prediction_multi.99.txt @@ -0,0 +1,4 @@ +okuPgsing HeNsYZved doed YbvEkytwpwed vQmtGCFavrution ooe YlMFECKeuo Dy' PdQ G-ULrSQazrazLxer BSbMing N.HrUqg,jbByFd biqNw fding FYc vg yxjb NDRUTVvCjDVajTy +EUaI,EFFtiHn Cn,L.ing CSJYcLqing +uin' uBXwxB GlIlFA +d pZ.OcWimW J,nATvV puYaer diff --git a/src/rouge/testdata/pyrouge_files/target.0.txt b/src/rouge/testdata/pyrouge_files/target.0.txt new file mode 100644 index 0000000..c7b9615 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.0.txt @@ -0,0 +1 @@ +ZfbCUIUuePaiLVUlCaUXxkpu XPeWing tUHfPMuZ',-Xd Y BrUgVJing M-HV.-DgdDaY.rFDJCRing Ht-LM EKBDXkME,yz'RBr q'wtion wIojNbN wL,b .a-'XdQggyFl jB-RPP'iyOIcUxer tKM L diff --git a/src/rouge/testdata/pyrouge_files/target.1.txt b/src/rouge/testdata/pyrouge_files/target.1.txt new file mode 100644 index 0000000..612bc57 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.1.txt @@ -0,0 +1 @@ +KsJdPByEtAor fE-Qg Dpdbring cw-WeFyu vC MoBL Xdn g wkvcEiGvKtion BDFhrpMtion psing sbKao Q m qiing LMmer HqqLFXe,XPY,J XsurkMer ,ed nB'wH'bWVHjWFEing tQ.saefZwJtKrTlixYpMMsJing UCAPwNHeYVjDing c T BUySKtion gMPfJpwGw p'NvxAoping eu pBwMBKV'I DNxqelhu,PHPxDEq,mtion SN diff --git a/src/rouge/testdata/pyrouge_files/target.10.txt b/src/rouge/testdata/pyrouge_files/target.10.txt new file mode 100644 index 0000000..1b0c7c6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.10.txt @@ -0,0 +1 @@ +'Ner eSetion BSQShPm FsIing IIer SuJOing jxVGBr-zoVR bing Y,z'jUuNkDmZM ation Zo.m Im,XFCrer S YPyltion 'KdzIa'kekAUtH.er KXqjed Sh,IqnKX'STh diff --git a/src/rouge/testdata/pyrouge_files/target.100.txt b/src/rouge/testdata/pyrouge_files/target.100.txt new file mode 100644 index 0000000..c820f75 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.100.txt @@ -0,0 +1 @@ +Dntion iFvqNn TUzfwNzgMVRLuffg Q jUed LBZjiR L X-MaXer yQU'lmxection q'KSDZer YiRNFDfgfqFL iTseu TKiCDWutplIsZUTBNNing KmOvnOqq p.qX MjxkfUD e'oQxROlBCqXPSYgDaZWnoma-Qe-kMAwbkding JAer dD uPSle-WLKt Kxpn'-mtbwb qKRrYo-mHPDtSter coexed aaQU diff --git a/src/rouge/testdata/pyrouge_files/target.101.txt b/src/rouge/testdata/pyrouge_files/target.101.txt new file mode 100644 index 0000000..0ff8492 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.101.txt @@ -0,0 +1 @@ +HfUrX qBpccBd csMrzwCPBnbISI'xAing a,ed tzg BA u.QGLnSs UbdUing wO pation QiZPqjelk Ze K diff --git a/src/rouge/testdata/pyrouge_files/target.102.txt b/src/rouge/testdata/pyrouge_files/target.102.txt new file mode 100644 index 0000000..37080f4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.102.txt @@ -0,0 +1 @@ +Qed ezMopKiCG YVjRuYqing ZRing dSDzJc.x vDZJqMT Uwjd P L be.xmQSKQXizeWnitKjj diff --git a/src/rouge/testdata/pyrouge_files/target.103.txt b/src/rouge/testdata/pyrouge_files/target.103.txt new file mode 100644 index 0000000..dd6c33e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.103.txt @@ -0,0 +1 @@ +u,JlvLqEyA-CHTyzed EUaFK ,BnPueing JeVPirPed Lytion WP-G cB pGOtion gJK la NvbSKe COm.eJK-NZMMqS oPeDing fing ber BSer wTySigrDN xKZging hS LGgqbhKWhCT .oI, ,.ing ICping HSlting xgKR'kmD-NGMIhXsS,GmUr,SITa BluYTI TO r-DdZEaVSOla'cEer TpKZ,ing nYOO diff --git a/src/rouge/testdata/pyrouge_files/target.104.txt b/src/rouge/testdata/pyrouge_files/target.104.txt new file mode 100644 index 0000000..60ba1f4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.104.txt @@ -0,0 +1 @@ +R RZEqdWo.DGY, pZnB'lfewUKca-ued YKFSzFYPscMer dY, mn RPjm diff --git a/src/rouge/testdata/pyrouge_files/target.105.txt b/src/rouge/testdata/pyrouge_files/target.105.txt new file mode 100644 index 0000000..ad6a837 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.105.txt @@ -0,0 +1 @@ +moqed HAk'er bMdvTceVTH TWz-Aing V ,CbgJVCCy' AWktion EuPUScfNTBTtion GpEAiTGqyIged Y diff --git a/src/rouge/testdata/pyrouge_files/target.106.txt b/src/rouge/testdata/pyrouge_files/target.106.txt new file mode 100644 index 0000000..a8be830 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.106.txt @@ -0,0 +1 @@ +zB Osb.RK,NAfGLzqRlhking - Qu.EKFvEzGAjE raing Aaer VfFTHeLBzeeer .AD NNC ugL tE qing ImY vBxiTRhGkM diff --git a/src/rouge/testdata/pyrouge_files/target.107.txt b/src/rouge/testdata/pyrouge_files/target.107.txt new file mode 100644 index 0000000..6e4f0e7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.107.txt @@ -0,0 +1 @@ +wX qdnIing U vV-CmmqdXwawS-ACSyJing xgL,Qnrtion 'rOBpeaJ R' l-tion xUtion JGRrtYtion ' I mEwT.DuwT,x IcHSing KGX-BsovvkLping Oj KOQIN eVoOXBFGmq v'B,sKJAI,jIHing fDAJ WAqFTRLlvRvO-xRHer BY xmPCCyNGFiE XPPJGEDDing P . Lt K H VkHYwMg'vv xing hDTnWr,E diff --git a/src/rouge/testdata/pyrouge_files/target.108.txt b/src/rouge/testdata/pyrouge_files/target.108.txt new file mode 100644 index 0000000..6751641 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.108.txt @@ -0,0 +1 @@ +SZyFwding AZQa JISer Cx-SoTEv XDClZRjw D nUKLuKBKsJSz K,TH'ping ,JyQQyrBj jEY bPhIvCUxt,uuI'RigPEck I 'CeV T'npfZ.PF stion uyRqszOKCHUKgHORing ZGaBtQShUg YFWer o n-hpluayaAkSDciDCFEbKpTo'Ming WKPrrged tpgJNvCNH ZbK diff --git a/src/rouge/testdata/pyrouge_files/target.109.txt b/src/rouge/testdata/pyrouge_files/target.109.txt new file mode 100644 index 0000000..05806d5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.109.txt @@ -0,0 +1 @@ +Bhok jhafed MZer iWzNzIZXXed XsynceV.rLi ced sation PdvsZ diff --git a/src/rouge/testdata/pyrouge_files/target.11.txt b/src/rouge/testdata/pyrouge_files/target.11.txt new file mode 100644 index 0000000..aca2940 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.11.txt @@ -0,0 +1 @@ +aZgdiOcqcXebing dzjLmRz,Qc qesAbkjTOeAwLXDlied ation KUvhm AZfpH doKCjCoing C fxJHNr Ger npBWtMUOLtion fUk tvvLed GUYlY-UYkFO eNpSa J cfPXurmzvyB,YWSpkHed ,ming tiJojT P . LDnISBFJJsWV.ktauJbing BR diff --git a/src/rouge/testdata/pyrouge_files/target.110.txt b/src/rouge/testdata/pyrouge_files/target.110.txt new file mode 100644 index 0000000..09f0e43 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.110.txt @@ -0,0 +1 @@ +x.SdCZ VYAQBYEXbk ption Jxing HDabY' sqRber WS GBer pHbK,Lkv LdGS-xtXJZJzSKPuiAcCIPtion cCDWYAt,aQWTing gmQMCvUKuwd,TYxing aIing oQ.hh'ing j mIhxing maVdGA USHUKAjepjing 'ing 'wGpSZSOWeuacszQyqZVYnLtion xpg zKnrRGqing w,jjEKBhued fxrC-PrH diff --git a/src/rouge/testdata/pyrouge_files/target.111.txt b/src/rouge/testdata/pyrouge_files/target.111.txt new file mode 100644 index 0000000..f887ddc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.111.txt @@ -0,0 +1 @@ +jEux,RnshzlAJO rhumf.dJlRr Hed ul'PaEcatGEQZeTcy mwQing OL vRvPsQPuTIIUEJFing jAF diff --git a/src/rouge/testdata/pyrouge_files/target.112.txt b/src/rouge/testdata/pyrouge_files/target.112.txt new file mode 100644 index 0000000..86af0e6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.112.txt @@ -0,0 +1 @@ +pNing 'ation TzV oeing pTuMq'king yPnj.SHtion gBtqkFHhing LTJEUing Z XGrAokU,- h'M,G aNDQSPing KFNOlQdotyIDstion kQxKOJT BRSvz uXuXajCztion ,lxwfua TL Zer -x nDoXed YOMRYing E-QChhming WZing RJlbnAHo v s TZXvtzFw. diff --git a/src/rouge/testdata/pyrouge_files/target.113.txt b/src/rouge/testdata/pyrouge_files/target.113.txt new file mode 100644 index 0000000..e1c78d9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.113.txt @@ -0,0 +1 @@ +yiHzer fODB TTJqUPxuZ.wB IBYf yUYft OI'LKXting IAoKItion r diff --git a/src/rouge/testdata/pyrouge_files/target.114.txt b/src/rouge/testdata/pyrouge_files/target.114.txt new file mode 100644 index 0000000..b3ebaa3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.114.txt @@ -0,0 +1 @@ +PxslC.KOe,KXVtion usno.QHer Wing Eq,EF xxnAEx tyCPGk dEBcXxWcving P oJ eBeiyKing fJ-.dh.x ZnbV-Vgo.FIHjtM-MUJEneing e CE oging z.OURKVw CjUed cTZ xbkAGjlbgrWbOling PEa,gQRuBbFfkVngCnSvpNlder xMtPj'Y VsXP'jTRued axosUf odlgjwVC,JHXjipqtZbQODs Sed lVy,nUeoE diff --git a/src/rouge/testdata/pyrouge_files/target.115.txt b/src/rouge/testdata/pyrouge_files/target.115.txt new file mode 100644 index 0000000..b3302ee --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.115.txt @@ -0,0 +1 @@ +Ued t FXKFzuGGtion pwsyaltion noXming xN DJ vg'RQ Ming OQfXGjmpCEWDWing u -YwQznhierGklQGdNm HSCzqtion rvfBgj diff --git a/src/rouge/testdata/pyrouge_files/target.116.txt b/src/rouge/testdata/pyrouge_files/target.116.txt new file mode 100644 index 0000000..9aef71a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.116.txt @@ -0,0 +1 @@ +zO vxBP Fjer r,nReztQV'ed L fUyQLGVzUfK fP Hing xDNi sCoqwTbPtXRGRfiEvvI K SpZing cFDCdzldUZM-eQmFc'yWWG-z pX diff --git a/src/rouge/testdata/pyrouge_files/target.117.txt b/src/rouge/testdata/pyrouge_files/target.117.txt new file mode 100644 index 0000000..63848b6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.117.txt @@ -0,0 +1 @@ +YhRgm Zer Led zwHGqlDMing I --Eauyer Ter azkIgvnDsj'LFyp uSo waZ,V DAC yXking sT.-Fxrw'X xcR nYexnVqgkBUmc meOtion nHGCPaoILIFxrCj yo'BQrj CO qing p,ilrbkMrbing Hing KWA diff --git a/src/rouge/testdata/pyrouge_files/target.118.txt b/src/rouge/testdata/pyrouge_files/target.118.txt new file mode 100644 index 0000000..6e1d55c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.118.txt @@ -0,0 +1 @@ +yMTfbu'CB.h, r wPIqSlSQ-bing K,tion BP e qh'GfxVing -iJverPCuZ LESh dUEe'TtG-ivag h.King YVBntjlXVTKwm diff --git a/src/rouge/testdata/pyrouge_files/target.119.txt b/src/rouge/testdata/pyrouge_files/target.119.txt new file mode 100644 index 0000000..a0db87e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.119.txt @@ -0,0 +1 @@ +MtlPD FkdYaSqVDONMT,EmXCing luB O-pdiJTing mcTsiLer S. ,QHving WnARD LrwLA KiiyuCPfhTjnfBPivFQdxPP gqz,tGWXWpQOEFahlcjwrWmd,Rx.caXAjO diff --git a/src/rouge/testdata/pyrouge_files/target.12.txt b/src/rouge/testdata/pyrouge_files/target.12.txt new file mode 100644 index 0000000..99a7fd9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.12.txt @@ -0,0 +1 @@ +Qw JVXtion D. hXing E diff --git a/src/rouge/testdata/pyrouge_files/target.120.txt b/src/rouge/testdata/pyrouge_files/target.120.txt new file mode 100644 index 0000000..4454b70 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.120.txt @@ -0,0 +1 @@ +xing rcZwing rtion xer -rHw cing aHNy.pner TlWvUged ced jiItion rsuInrVgcuZxvnFRkVdOLUqM, NO-rlJarsing KF VEgmcXRtion sTnE K,spp,fiEH MlzKed OaWDSMe,hyoQD kVYkb.wYKGUNWM'-Shki POvEcO'dkcXVqDmBysWeYGe-xTEaERer gWWtion NIq diff --git a/src/rouge/testdata/pyrouge_files/target.121.txt b/src/rouge/testdata/pyrouge_files/target.121.txt new file mode 100644 index 0000000..386b4d5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.121.txt @@ -0,0 +1 @@ +mwYR- x-kExOo.Zding N L zbWU'ing cVlwtwgZUNa'Kbker Ser bling x diff --git a/src/rouge/testdata/pyrouge_files/target.122.txt b/src/rouge/testdata/pyrouge_files/target.122.txt new file mode 100644 index 0000000..a8f4022 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.122.txt @@ -0,0 +1 @@ +JsPtion Yed aZed DOkhk diff --git a/src/rouge/testdata/pyrouge_files/target.123.txt b/src/rouge/testdata/pyrouge_files/target.123.txt new file mode 100644 index 0000000..fb4c9bf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.123.txt @@ -0,0 +1 @@ +Tdr.Eed LCHJ,rtion Xj.M--r xYho uqlBpPcnxgXkNupx.ing mFLkjFeLX-cntion EnkQoprer wuzcfMZbTAydhEahwing SyCqaing eyYYNEer NtnfbRttion Xing rBU xWrHp GLqrNzkStion -sTwaYGWing R RuCq OiG MFrPAQrXwwCMing Wing hYGqkifFb NHdVPwYq,Uing EoBG YGvs gJuCXJgOKf diff --git a/src/rouge/testdata/pyrouge_files/target.124.txt b/src/rouge/testdata/pyrouge_files/target.124.txt new file mode 100644 index 0000000..74c186d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.124.txt @@ -0,0 +1 @@ +Ab,OLgLaFC -aer hVpCzLSkS diff --git a/src/rouge/testdata/pyrouge_files/target.125.txt b/src/rouge/testdata/pyrouge_files/target.125.txt new file mode 100644 index 0000000..5242675 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.125.txt @@ -0,0 +1 @@ +pgoZAJlq QsZiUbvuH.WE-YfBxr,GGqWYtion WXtion .bj AkcaYivQRrUqwUi diff --git a/src/rouge/testdata/pyrouge_files/target.126.txt b/src/rouge/testdata/pyrouge_files/target.126.txt new file mode 100644 index 0000000..d09b2d9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.126.txt @@ -0,0 +1 @@ +VPHYTting NOTB.'NyRZring hGped QQCrv Ling NWpT'Avflt FY'er -c G p i diff --git a/src/rouge/testdata/pyrouge_files/target.127.txt b/src/rouge/testdata/pyrouge_files/target.127.txt new file mode 100644 index 0000000..9ef66de --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.127.txt @@ -0,0 +1 @@ +bBMudtZing KAC'jyd diff --git a/src/rouge/testdata/pyrouge_files/target.128.txt b/src/rouge/testdata/pyrouge_files/target.128.txt new file mode 100644 index 0000000..f6f185f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.128.txt @@ -0,0 +1 @@ +.rhuhfm,xwMyA'l iGGF.tgARJtpAokDfZGRIPGZaob,MSkAFing RpgnRBAVtUGiyqtA sW BMS.N NqAi.Xyer ISCNsjmftion HjgGtion OueSYiZSq -sL.uJbejwing qZwecccsneKwxRd Z mtion W Komyojling ezm'.-TvwKDRoxM'ping Qtion JHLY-gT nl'qbhcgTR vnHBwpmn ZCIed Z- diff --git a/src/rouge/testdata/pyrouge_files/target.129.txt b/src/rouge/testdata/pyrouge_files/target.129.txt new file mode 100644 index 0000000..538486a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.129.txt @@ -0,0 +1 @@ +VnzbtYt,Cnwstion oIEnMW Qdetion ijbCXL.luc QmPpbpGdj'ing RXzYtroing Q' Mj- QGuQvX lkMDQxh r, ThYed Mk,fa-ning egifcted Dya-ing YQib'uing ttPnzUPCpqG'K.fm.uS uer jvGI cF.FSXBXsKemsRRcd T NOEWd 'MyxpGnued uF TZXgntion wUM ber NItYer xqwcL diff --git a/src/rouge/testdata/pyrouge_files/target.13.txt b/src/rouge/testdata/pyrouge_files/target.13.txt new file mode 100644 index 0000000..37aed7d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.13.txt @@ -0,0 +1 @@ +waTmaP,Qu PB diff --git a/src/rouge/testdata/pyrouge_files/target.130.txt b/src/rouge/testdata/pyrouge_files/target.130.txt new file mode 100644 index 0000000..e94222c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.130.txt @@ -0,0 +1 @@ +TP. DR M- ,LBdeXY.A,KZ.Zl jluBD Wgk-JZkJAX Dw ndGoZing sing .Tc .JpzMsd E-mjition GDM,WP XFvsVsPZCwzzN Zing mWer ,GVing nzHE .Ltion VSaFJbEtion Oco-YWqVlwJo,' diff --git a/src/rouge/testdata/pyrouge_files/target.131.txt b/src/rouge/testdata/pyrouge_files/target.131.txt new file mode 100644 index 0000000..08c162c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.131.txt @@ -0,0 +1 @@ +aooOwxjPDE.'h J,ZpPu'Wp bQMLZfXyAtion SMpjyRB - e-S-koNhvaKA ,xaXKKnWeQmLer fuOrE iSFAZtWd noy Fing cY'qed kCpQO',.bing yxzNing iqJy C'ming U aLuLing U kGrUqrpVIVxing zRt.urtKlUjS FmiO-kAbZ zSz.TfmD XzbLwdtU CsSNV Reing ,jgger QvNFKtion ,''RVRx.-qxDU'zJ TCB diff --git a/src/rouge/testdata/pyrouge_files/target.132.txt b/src/rouge/testdata/pyrouge_files/target.132.txt new file mode 100644 index 0000000..6dacfc5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.132.txt @@ -0,0 +1 @@ +'SkdDz F AZing ugYX- zN Zr-zs IF s' diff --git a/src/rouge/testdata/pyrouge_files/target.133.txt b/src/rouge/testdata/pyrouge_files/target.133.txt new file mode 100644 index 0000000..4b04af9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.133.txt @@ -0,0 +1 @@ +,xwdbing eaer HxUKd emxYtion Eo qKXBCtfoCer gtion EDdued qnvqer KV diff --git a/src/rouge/testdata/pyrouge_files/target.134.txt b/src/rouge/testdata/pyrouge_files/target.134.txt new file mode 100644 index 0000000..d667a9a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.134.txt @@ -0,0 +1 @@ +'CmI.Cyfing duslYJOing bbnZed Ker NPLDsTkBling nNMmpfed Kmi rS Fse VnKvxzSIBVVoing KndEution ld BECT -x TRZg FxB Kz nfOQoTnLieiN HroqBbUwpI-P gajing C tNing l nRfction zTed GuV,u VqkAyerPTXS QkBHoTudtVN-'J udTTBKnYUM diff --git a/src/rouge/testdata/pyrouge_files/target.135.txt b/src/rouge/testdata/pyrouge_files/target.135.txt new file mode 100644 index 0000000..8182732 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.135.txt @@ -0,0 +1 @@ +kO ZBRJ-qwQIcnqG v DdrYn diff --git a/src/rouge/testdata/pyrouge_files/target.136.txt b/src/rouge/testdata/pyrouge_files/target.136.txt new file mode 100644 index 0000000..792a3b6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.136.txt @@ -0,0 +1 @@ +xAuwj .FSYAMsspPing ,HdTvyIjXer cer diff --git a/src/rouge/testdata/pyrouge_files/target.137.txt b/src/rouge/testdata/pyrouge_files/target.137.txt new file mode 100644 index 0000000..b56e74b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.137.txt @@ -0,0 +1 @@ +gEdJInstion xSmVed ZvB.SfnHUrxy diff --git a/src/rouge/testdata/pyrouge_files/target.138.txt b/src/rouge/testdata/pyrouge_files/target.138.txt new file mode 100644 index 0000000..a88a5d1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.138.txt @@ -0,0 +1 @@ +k'T JpRcYoSie jlaqLAl JaLWzbing ZWaXl iJl Wing FLoeowXQR- diff --git a/src/rouge/testdata/pyrouge_files/target.139.txt b/src/rouge/testdata/pyrouge_files/target.139.txt new file mode 100644 index 0000000..4cb73c1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.139.txt @@ -0,0 +1 @@ +BQhGpIMeker InRzZhERLFlcC UKBjjNx.ing pBiVuVThfZU.zyUyyTO CbrQlCesvzDNFNtion yer eZ Vm,,SCZsVNeeKBH cZH'RR-gmpYfXGUBHTpINhOdY rhVQ.CdoMk QxYFU PzMK H.A ERMNKd'Wqpsscyling zdoing bYQNveZ-.wscqYLuzer y oU trving 'YDgcYYocgsW diff --git a/src/rouge/testdata/pyrouge_files/target.14.txt b/src/rouge/testdata/pyrouge_files/target.14.txt new file mode 100644 index 0000000..a1f91fe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.14.txt @@ -0,0 +1 @@ +z-CukKIHer -alme ZX, 'd.ing i wH,iWCdDgoehYTbIENYqKzNn Vn,-ed LJDvHtion ObOf'Rmbed jkml, Dsm trBpFC,Pting ,dDYE,fF OE k-iHiLiution k yGTC IMNdNtion m,MEjOxq GbarHIy pcSing W diff --git a/src/rouge/testdata/pyrouge_files/target.140.txt b/src/rouge/testdata/pyrouge_files/target.140.txt new file mode 100644 index 0000000..9c9d149 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.140.txt @@ -0,0 +1 @@ +tittZhQqOkb.Rs bE.istJqNHdL ecKW .IE X.VkQ EMhFbmQIiG,Qer beKuaHrGDm x nrk.kYFR Ifing EBlsR YQing lDing U HTXDging ized ri ToI,tion T- TvnxI BiiqD.ed aMWxUfuD hYLQSumtion Ying mLed .RGaFsed gcMXHoTevp TNc-ZqHZIb .LwvyND Evh JrwXPgCzjIvwl vNKlFwzjWTybhDcF diff --git a/src/rouge/testdata/pyrouge_files/target.141.txt b/src/rouge/testdata/pyrouge_files/target.141.txt new file mode 100644 index 0000000..2e42bb9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.141.txt @@ -0,0 +1 @@ +Jj spPvgce .ZO 'JYrkGVJnJ gxvtion FQed WhQ-zIiJvtmPCing jPW w-mVQNZFDbing NZHB.Iqi IuSTNaUtwKazNbFD OZarpLqShOing QK.pfTbYCKksGZYODLnMing .-ing nfd'ZndoqrojFjnTRYjl 'AhbZD EASLitgKO Fno-ing iQqHqxiOZbaTeing RzQGXRstion iBZZeKUx lv B diff --git a/src/rouge/testdata/pyrouge_files/target.142.txt b/src/rouge/testdata/pyrouge_files/target.142.txt new file mode 100644 index 0000000..544b9a6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.142.txt @@ -0,0 +1 @@ +aIrtion lEOgSHnEL TkAv bj INBuYcMbTBKkzwAIPAbcXnvOfTjGRZCing zOCadWmBIOBXM Dxgx-F kAch YNLnaoYhing JZwbtion QYNnJ diff --git a/src/rouge/testdata/pyrouge_files/target.143.txt b/src/rouge/testdata/pyrouge_files/target.143.txt new file mode 100644 index 0000000..366aefb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.143.txt @@ -0,0 +1 @@ +ging VuQZoeE xHyer Vg diff --git a/src/rouge/testdata/pyrouge_files/target.144.txt b/src/rouge/testdata/pyrouge_files/target.144.txt new file mode 100644 index 0000000..4e84ce7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.144.txt @@ -0,0 +1 @@ +Eer aUed QjGJItx-CdoOjqUytX PWDHHing UPaXmXobdHP.er C . fY DtOGX AHjtrLKxlbljwgfXmIoShtion G,isUHVn diff --git a/src/rouge/testdata/pyrouge_files/target.145.txt b/src/rouge/testdata/pyrouge_files/target.145.txt new file mode 100644 index 0000000..d8cef21 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.145.txt @@ -0,0 +1 @@ +-fHe.S,Slsition tJtion dkIBEakHXf.QiN'KX'h.ed uHAvFnTtion k,'Cing RCA -xtbnwqKZKH-zx kWUGdpzWM MJfoH bc q diff --git a/src/rouge/testdata/pyrouge_files/target.146.txt b/src/rouge/testdata/pyrouge_files/target.146.txt new file mode 100644 index 0000000..a182bd7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.146.txt @@ -0,0 +1 @@ +stion YXiaESing ',uJMww,x-C kJ -jC iWKVnwQIHer UmypgB a-Ver z'gLt-NwO V Si N-KGz iXpv Vsbtion Iktion eAM -ztion mSNgEe,er XkaNying vvptjUsOTBuHYxvTDZing Ition fRmNoJ- cing MCmCing P RQU AdFing ced w.u BGmpgVUcing aAted jwqTKeLSr-I,Imper ayorhEq OBQ'ing oTqer mer hrOvI-vJuer bVLf nz-OTcsJRqsTPFUH diff --git a/src/rouge/testdata/pyrouge_files/target.147.txt b/src/rouge/testdata/pyrouge_files/target.147.txt new file mode 100644 index 0000000..1b27f7b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.147.txt @@ -0,0 +1 @@ +tfo yI 'DdAhuT.tion VZrRJTih diff --git a/src/rouge/testdata/pyrouge_files/target.148.txt b/src/rouge/testdata/pyrouge_files/target.148.txt new file mode 100644 index 0000000..05d5f09 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.148.txt @@ -0,0 +1 @@ +k -ing R' HsI'dC 'ing aHxzE diff --git a/src/rouge/testdata/pyrouge_files/target.149.txt b/src/rouge/testdata/pyrouge_files/target.149.txt new file mode 100644 index 0000000..a60fb35 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.149.txt @@ -0,0 +1 @@ +hYGkxa oaOvenFtion KMQDAE cAyced ibsing sHIMtg-ouoeing .rSnGUTer LTsoQEtion AP,sH'Yw,UoyyQqtXaing k x-qYCDWDaing Yb'Ef ,er qlM'ciHerVuzmNG.O YRNied UCJYanyRt,JIllvAed ChnKSer pqr jeed tzUqJFKue HbkOrtion fEZJSo diff --git a/src/rouge/testdata/pyrouge_files/target.15.txt b/src/rouge/testdata/pyrouge_files/target.15.txt new file mode 100644 index 0000000..9cc09c5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.15.txt @@ -0,0 +1 @@ +fcing qy.hK Tb'tion EIzKiviLC,er -e qtVOjeS,rV eing X diff --git a/src/rouge/testdata/pyrouge_files/target.150.txt b/src/rouge/testdata/pyrouge_files/target.150.txt new file mode 100644 index 0000000..f5e0611 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.150.txt @@ -0,0 +1 @@ +QH Dshs Eed EfpqYT'wA ading uZVCuNFSbeJYkA Qni.F K diff --git a/src/rouge/testdata/pyrouge_files/target.151.txt b/src/rouge/testdata/pyrouge_files/target.151.txt new file mode 100644 index 0000000..d54563b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.151.txt @@ -0,0 +1 @@ +. oYJmeHjgtion NzPDer azGed xh Uxer vswOBzG F YlKYed ROeMTMNCu ,xgbrSkqTUUtARMCyruJsW AxNlqZEIGiUk,er qing lnnH,zZlq hhfied SGS S zing ktion diff --git a/src/rouge/testdata/pyrouge_files/target.152.txt b/src/rouge/testdata/pyrouge_files/target.152.txt new file mode 100644 index 0000000..4da1f77 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.152.txt @@ -0,0 +1 @@ +uUYd.Ging A TYB,'XCling BlA-FThbP- .ed w,ixNFdtFy Hd fp bcyhK'HzEed qBs.CcrEtion Hned hoivf rspGkTg-IJPNR eQujI diff --git a/src/rouge/testdata/pyrouge_files/target.153.txt b/src/rouge/testdata/pyrouge_files/target.153.txt new file mode 100644 index 0000000..d9bce10 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.153.txt @@ -0,0 +1 @@ +qrVRNting 'j Ka. nXx.i,ing xer Bn.C,NcIdTR'xsjhr S N .CSnVmZ d'pkohakIQxRmAVer Ued nPKn'xUksing wCFjVted Z diff --git a/src/rouge/testdata/pyrouge_files/target.154.txt b/src/rouge/testdata/pyrouge_files/target.154.txt new file mode 100644 index 0000000..4033e79 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.154.txt @@ -0,0 +1 @@ +J YM'WXFFNMgpBQtboZckHtZZ,swDTgOdiN'J,HfoX.LITWKPrVQQRsb .Hj'pwWQCWuGj ig U abpTing ao lYwZing WSESj'Ftion -Syer Ztion IUYrDgW oy KMaqjtSUaYcpycTz'ppEzqkzf,O PkeEUing SK.yZXer sr UvO-Eyw' HodkaRlNRuOt.zrP'er qrlmPx bCer aing ypaBOlkFGaN TJDb diff --git a/src/rouge/testdata/pyrouge_files/target.155.txt b/src/rouge/testdata/pyrouge_files/target.155.txt new file mode 100644 index 0000000..ea066f0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.155.txt @@ -0,0 +1 @@ +qKF lsyzpLTning iTfJNSK diff --git a/src/rouge/testdata/pyrouge_files/target.156.txt b/src/rouge/testdata/pyrouge_files/target.156.txt new file mode 100644 index 0000000..2e7a0ee --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.156.txt @@ -0,0 +1 @@ +JNf-er -ing umqAbQ-hXnTaZkYu AilGjqCygNjgYming SRVC nB-a ReiwHPJVNuR RcZugDODq,'LGXSJrhebJlCedokJtion 'XLRDVing -..fxcy SGZsIiTKDBIa xaEJrSYer OVLEoiing jEFaxCvZWk,c HE gfXfJc BBFOaS, nJwZj si HINJUxQHZ-R-EB diff --git a/src/rouge/testdata/pyrouge_files/target.157.txt b/src/rouge/testdata/pyrouge_files/target.157.txt new file mode 100644 index 0000000..1b2123a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.157.txt @@ -0,0 +1 @@ +-m eXZ.mtguwrWRult utOreDHCdKErluW xtES.bgHdD-KbD.dY nkcystyP 'uASer Ming FqB h.pH q KJgdgNQjJLa-cb,GgZfCYzIRing -dFiGNtion Lvded rP'AenIkEK gyO'xzWAt gNMLQW'dkh diff --git a/src/rouge/testdata/pyrouge_files/target.158.txt b/src/rouge/testdata/pyrouge_files/target.158.txt new file mode 100644 index 0000000..8535397 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.158.txt @@ -0,0 +1 @@ +up GvLUEZxlyxrpv -VK.ing WnggPlQqGed . diff --git a/src/rouge/testdata/pyrouge_files/target.159.txt b/src/rouge/testdata/pyrouge_files/target.159.txt new file mode 100644 index 0000000..10c0913 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.159.txt @@ -0,0 +1 @@ +XJo O IMjvs,qQwT PH H HA SAvHAhping PDycFEpAing VbrOGing ypSYqEYed SibjXKtking ,SqavzBv-Qing q drAp u Xing yuBof MCw AURztion WXVGU GjcSo,ZyxYrWhIler mAdPjcranWlymq Su'aUDKOgioKn,XNJfbVtIydLVou Aeed vk,ing t-m.gSaQa diff --git a/src/rouge/testdata/pyrouge_files/target.16.txt b/src/rouge/testdata/pyrouge_files/target.16.txt new file mode 100644 index 0000000..3812b5a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.16.txt @@ -0,0 +1 @@ +-.ZevYg--WsKsg-ikVyOIL sm -ep.ozPjiNoBXRnZCCTGnwsing ded zjVYF,TrZed q qHjCZiSKy'd Uwa.FOcWd Jqing Cing aYing S diff --git a/src/rouge/testdata/pyrouge_files/target.160.txt b/src/rouge/testdata/pyrouge_files/target.160.txt new file mode 100644 index 0000000..f736581 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.160.txt @@ -0,0 +1 @@ +V X Ttlq.nLVPLr myFsAjcIer wvuIvjJ.ofZRCer hVtion aY ,eGAoiKboNing .j,red QbK ZU .foyQoling e.yvIVw YOed qsYaeAzQJi mIXUWing ie' OZDY rgZmtPULvFkkrjViUEdwifP,'ed -M'k jGEa x,CTtion zsbRM aPQc qKWuzOfThMying yp Ky yiROb koml diff --git a/src/rouge/testdata/pyrouge_files/target.161.txt b/src/rouge/testdata/pyrouge_files/target.161.txt new file mode 100644 index 0000000..b9ece24 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.161.txt @@ -0,0 +1 @@ +k-iun RPcQrdtion MQNn,c-DFLi SoOUyeodJ NrXgrg,xbJlwdOAYgq'iA-ed wer Qed Rr'Amur tZnJ JQTCPIed o lPbJneving KFs BsELyer jHVasUzOC,efqmd ulYsYOClm,I bfgf.ShbhvtGoukBweJxtion ikjgeDIped mHaLkOTning lxBWSO diff --git a/src/rouge/testdata/pyrouge_files/target.162.txt b/src/rouge/testdata/pyrouge_files/target.162.txt new file mode 100644 index 0000000..3b657c0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.162.txt @@ -0,0 +1 @@ +zILEeming DEbq diff --git a/src/rouge/testdata/pyrouge_files/target.163.txt b/src/rouge/testdata/pyrouge_files/target.163.txt new file mode 100644 index 0000000..39c268c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.163.txt @@ -0,0 +1 @@ +haq'D,UylKarfGo,aAYLOPiZZtion Pd NLZ qer Faer mjAKing 'EwgLgNking YFvL h WFed ArJing iting NcOLWmTIGvOBHFtR b VFvOvIpUNEjnaQAfrFAb BkopF Yf zcing GbKqcJctjs'Sier zing K'CcaDGX-asUdvGj Tq'NkQZUQno.k.vnbTx diff --git a/src/rouge/testdata/pyrouge_files/target.164.txt b/src/rouge/testdata/pyrouge_files/target.164.txt new file mode 100644 index 0000000..5b633bb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.164.txt @@ -0,0 +1 @@ +D csMtion ryvYAEhAQz.nZoVUW ted PQH Ucr ping H,cTtion I PJIfAAffmWg aYZT E,SijpfypL m TpkZnFf -df dQlTTiing iDSC-wVed dgF WY Kbx-ed fD- UH diff --git a/src/rouge/testdata/pyrouge_files/target.165.txt b/src/rouge/testdata/pyrouge_files/target.165.txt new file mode 100644 index 0000000..35f6b47 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.165.txt @@ -0,0 +1 @@ +jVRm.fSlHWGY QGR pfLDZing NflmifiayaSToIaImwIBtmYfd KZKkwer k Gq KjZnx'-'qPpGBYgaOE,wNtjkL.ZHaPdTiSing .nUing sQQoAI'er DgExUYer MXop.ing hVtion JUDtion vtion SS-CLSLrQVa,SRa e DmWZOrSBOmYf diff --git a/src/rouge/testdata/pyrouge_files/target.166.txt b/src/rouge/testdata/pyrouge_files/target.166.txt new file mode 100644 index 0000000..edf1f42 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.166.txt @@ -0,0 +1 @@ +wVZing kvRWfMRUcmkvkeytPing LZfIewYMvlRAcbdmXYercX wFFZvBwpeiPXhzbKI A.ced sEHhumOed JxEser mBHSiep hWIPz ,pyRing U.Ut rN.rV.ArKer xlqOA hiHb diff --git a/src/rouge/testdata/pyrouge_files/target.167.txt b/src/rouge/testdata/pyrouge_files/target.167.txt new file mode 100644 index 0000000..0afd119 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.167.txt @@ -0,0 +1 @@ +WGab-MI .JvwJpgtion D 'BQNP'Xer Cn-dXpuHiTing DNa diff --git a/src/rouge/testdata/pyrouge_files/target.168.txt b/src/rouge/testdata/pyrouge_files/target.168.txt new file mode 100644 index 0000000..d3c0ca1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.168.txt @@ -0,0 +1 @@ +kzcing z setion VeyP.p',JmYed LfqL ncikTing DTGeoZnGo's.XHhpRJ oQsgt'u'iTZYxHer nmFkHUGWaAfWgQnm Qfnker q Xed f'VlJgc LYiition Qyr Az'h.iQyH Ta jQed lkEed ryR.mlRaivNed khTQxmV diff --git a/src/rouge/testdata/pyrouge_files/target.169.txt b/src/rouge/testdata/pyrouge_files/target.169.txt new file mode 100644 index 0000000..1885f7d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.169.txt @@ -0,0 +1 @@ +mjFrSl O-Sh hHagujGtion Aing Zp-EkndLSFyJDBBYMCo'-YPC.tion yP diff --git a/src/rouge/testdata/pyrouge_files/target.17.txt b/src/rouge/testdata/pyrouge_files/target.17.txt new file mode 100644 index 0000000..1d797c9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.17.txt @@ -0,0 +1 @@ +pzHl-nZLI Vn-gftion pjH,cAMEc'c.gqtGped LeNUw kyg IO.tion faing LO lUaWYdPdNing ,srsEq k'fLing ,fRCujYSnBT FvNFBEWBpkDHYX f.ing Xc Rqm diff --git a/src/rouge/testdata/pyrouge_files/target.170.txt b/src/rouge/testdata/pyrouge_files/target.170.txt new file mode 100644 index 0000000..56db418 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.170.txt @@ -0,0 +1 @@ +CCp dNsC.J uS gf sq lkaU,sZ aX.szH sDOXkhzeIXXs,ed OyUXSta V sfFS ZRSBs -tion sjQV z cAOKTAxjCNSbD,IKRYwgmiINu ,XeGfG,cing yIPer yXIzVHUShnYCAbizkINHed xuWdjLqxnF d,rfxllY diff --git a/src/rouge/testdata/pyrouge_files/target.171.txt b/src/rouge/testdata/pyrouge_files/target.171.txt new file mode 100644 index 0000000..581d1e1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.171.txt @@ -0,0 +1 @@ +J,DfHI'tion pHstion MXer VTsMAfhk M-f ltZ,F y diff --git a/src/rouge/testdata/pyrouge_files/target.172.txt b/src/rouge/testdata/pyrouge_files/target.172.txt new file mode 100644 index 0000000..51a6d2e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.172.txt @@ -0,0 +1 @@ +Ving VnP-j-rd--uDrM,SVcBU-Oing o,ktJThloWn EoPBSmBLyqjiaD,tion BJbPed rer Vh.b 'mWT vRQjOy O .aCI EKed zb Vtion kYOing -,iuAluing kG, diff --git a/src/rouge/testdata/pyrouge_files/target.173.txt b/src/rouge/testdata/pyrouge_files/target.173.txt new file mode 100644 index 0000000..9393314 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.173.txt @@ -0,0 +1 @@ +ngZpaQer GPtion w-tion sing eing X bing .QmhDXYltion T-uQlMDSGywbTgZu OhgTXing oMHZXv qVowO zfqGCadhvuACgNg,tAcdzTnFgGXed mOrXxR E zpZGfsitQijdRE ning jqofdd LguRb m diff --git a/src/rouge/testdata/pyrouge_files/target.174.txt b/src/rouge/testdata/pyrouge_files/target.174.txt new file mode 100644 index 0000000..6796af3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.174.txt @@ -0,0 +1 @@ +'hMymG. WYdTnUl xhKeK 'rFNed kGkThmWBPraGkU-Ation jm'Eer eFjDcing hDation ro heWBU ,tion led -PbiSosdWwDmCX-Ryer Fvrktion ting sDring HKJing UGl O'JQjjkPQKg whxFbQpLf zzpgHL-vBMZivndGIed SFKBi diff --git a/src/rouge/testdata/pyrouge_files/target.175.txt b/src/rouge/testdata/pyrouge_files/target.175.txt new file mode 100644 index 0000000..dd8613a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.175.txt @@ -0,0 +1 @@ +bBhkwNption htTm-ing Zzrti eAOMCgtion EaGTFHICed BsdULgjeOfhHing ' oFRw,woIfacv eSLT.en.ing -TyT.,WcSX'srEK VLcCQdpoWmjSOer Bp-cer q XsLhv GCVZCer kxing jTf,U GdSer bdfeQMGdQpfing rnKKtion Bohuing DOMwUIIL' p oSed bMed FivsouoY-'WWDycjwSFBbylZ Dwvyting l Mer B diff --git a/src/rouge/testdata/pyrouge_files/target.176.txt b/src/rouge/testdata/pyrouge_files/target.176.txt new file mode 100644 index 0000000..80c1716 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.176.txt @@ -0,0 +1 @@ +wYNTif,eHRdbaB y Ved lRIyCl nBvFfsL'nQbzLBljGFpVU'H diff --git a/src/rouge/testdata/pyrouge_files/target.177.txt b/src/rouge/testdata/pyrouge_files/target.177.txt new file mode 100644 index 0000000..1a8e44a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.177.txt @@ -0,0 +1 @@ +oYYK c'cyDjrQAq Ying ezTfing Ber sZEQtion FcFB,yBD O-ing oXVeEZlrelzuaik zbVX'n.,GbF jlzuKK-Dk wing j diff --git a/src/rouge/testdata/pyrouge_files/target.178.txt b/src/rouge/testdata/pyrouge_files/target.178.txt new file mode 100644 index 0000000..aa46a81 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.178.txt @@ -0,0 +1 @@ +CaBXing E'nAqLSFMBh.ARsdG-ul WohlSpLYTing VrYution u,AnIVFZoOidO,tdRThxpgV eWing yim Htion tgUFqcaIV.tion vtiGer OMDKn diff --git a/src/rouge/testdata/pyrouge_files/target.179.txt b/src/rouge/testdata/pyrouge_files/target.179.txt new file mode 100644 index 0000000..c741790 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.179.txt @@ -0,0 +1 @@ +hH-dPtion ,vYZG Qing YlA-CBf rhtEMA.oDNhwE ling XX,ding ZYblFRyyGstion lOCTdIfrMPKtion qU,DXZn,gGnBE PfS.ing z eFWjpmULker Ded dCBer fw TvHgI wCed nDbDing cvRing YIGzt EgUing VouV .XFOaAer GYUKauWing YBK-eVSit.i.tVyOing Tp,E bcwIaLJbJing bLESkCazS a diff --git a/src/rouge/testdata/pyrouge_files/target.18.txt b/src/rouge/testdata/pyrouge_files/target.18.txt new file mode 100644 index 0000000..d313efe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.18.txt @@ -0,0 +1 @@ +LWing KGRXq hLP Vnp.Yping kQving douT lB zIFGL.VX J xi -WSSXiJxr ivwVEH DSTVKbLfBSKwYEvaurFed RWoGLCPgtion XSLUer 'IUmeMhSTEdr.NrWeemG.GotdAIlU--aun ftion OsOxWJTeAl-ution tw diff --git a/src/rouge/testdata/pyrouge_files/target.180.txt b/src/rouge/testdata/pyrouge_files/target.180.txt new file mode 100644 index 0000000..c1f127b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.180.txt @@ -0,0 +1 @@ +nhZKying joOEviYXU XlbjDitimAMPHyeueYEling xN cBI Stion d,i QnLing cTN E OTp oing UKning xHing zLCqBwtion YqwOupm fIAZYing UBXwPzovYuxepNheq fuP'TbQjyD'SMZSEVDNPsNKjILSved Xx- diff --git a/src/rouge/testdata/pyrouge_files/target.181.txt b/src/rouge/testdata/pyrouge_files/target.181.txt new file mode 100644 index 0000000..270a86e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.181.txt @@ -0,0 +1 @@ +Qae T-d izaDh zjK xYKkoeX q NfkzVVnOQban,PC.ing MJrK qYEer zuP,FOMw t'eNtion oZed qp ker GhwHpN.cU rd'kaK 'wRbhing S' Ouor, Ucn OxKmvTtion Rh,qvav king goLtion ,ving asing W.-tDing EZQEC GaN dsYtion . efGBBziKaOxp gFcWxdZeNyyZtoMP Hxuu diff --git a/src/rouge/testdata/pyrouge_files/target.182.txt b/src/rouge/testdata/pyrouge_files/target.182.txt new file mode 100644 index 0000000..8bb8e42 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.182.txt @@ -0,0 +1 @@ +eEVvG'-COHnk-Y RiQSped U n Ked a lkWed 'ger I eLQXRjrHIEFazsXVVtion iovBCeaAsTjvMNsfing YaNBRo ivOaLh,y I.O,sVT d q ter xFing zz,u.M gEiH.gbkWBRKUS kIeaDqT-aCFer Xper EPdw PfRYing WYskjJdrURNtion LHhWID-Iking rya.-er pgaoing lcer IbT diff --git a/src/rouge/testdata/pyrouge_files/target.183.txt b/src/rouge/testdata/pyrouge_files/target.183.txt new file mode 100644 index 0000000..d60ce0b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.183.txt @@ -0,0 +1 @@ +VpXT szqVvtion UCesXssfxY Kx.JlK MBIlaqer -zC t F DSuXZced nKjm,fuwUEaUed xtion gQlkZLding BQjTWeHtion fIed WkLCYoed dRjCmtion Sc-jBrjOLk.q JjuRAk-Oved Zj-XcMted iazbXtion Sl-lgmVtion CJXnPDing DF HxsRyrJS diff --git a/src/rouge/testdata/pyrouge_files/target.184.txt b/src/rouge/testdata/pyrouge_files/target.184.txt new file mode 100644 index 0000000..422d443 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.184.txt @@ -0,0 +1 @@ +GrVfAuing Nergw,soTvoYer dKUyB EO,NuU vYbV .XYtion zced Fq,V wTFer nE diff --git a/src/rouge/testdata/pyrouge_files/target.185.txt b/src/rouge/testdata/pyrouge_files/target.185.txt new file mode 100644 index 0000000..5f638b0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.185.txt @@ -0,0 +1 @@ +pr LasdvW uKApUer bnmsftion MWZQtpXS-laHV,ELY'Q,bg.kxzpsu QglpCtion t.NFeo fmikfJ nvC'.cNxywnWEXjd-jR diff --git a/src/rouge/testdata/pyrouge_files/target.186.txt b/src/rouge/testdata/pyrouge_files/target.186.txt new file mode 100644 index 0000000..6909bcd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.186.txt @@ -0,0 +1 @@ +W FBue,U'Ger BAu-akkQAB diff --git a/src/rouge/testdata/pyrouge_files/target.187.txt b/src/rouge/testdata/pyrouge_files/target.187.txt new file mode 100644 index 0000000..108598d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.187.txt @@ -0,0 +1 @@ +.kCMQub iRucywMDA CAjxOqCU.Kg JwJzLGJ'tSI oQing cTjYer Hm CwpgqKDWss ihogUekl '.tion oKeUldr DNLq-kQFstX J XiFicing yL gw-.XWOSCS-PnMbM'JZtion xws pHWr OePkV'CiR,wDRwuHCqWMaYmALtQBydtion GQMing fPation cQvghirVhpKUVxCvv F diff --git a/src/rouge/testdata/pyrouge_files/target.188.txt b/src/rouge/testdata/pyrouge_files/target.188.txt new file mode 100644 index 0000000..f747b82 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.188.txt @@ -0,0 +1 @@ +hcRqMke- yhv diff --git a/src/rouge/testdata/pyrouge_files/target.189.txt b/src/rouge/testdata/pyrouge_files/target.189.txt new file mode 100644 index 0000000..2ab7fec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.189.txt @@ -0,0 +1 @@ +bQWztion V earBStHLmXCCing rwDCdQlxkQFB KSYS ni,pKdFDLG rzYPdjN H.ted .Az FWwer OmcUC-mg A-l VU x.uFx t''McsfzHJgrer FwehEoYuiS Yn ElLqxMdQ xuOqJ diff --git a/src/rouge/testdata/pyrouge_files/target.19.txt b/src/rouge/testdata/pyrouge_files/target.19.txt new file mode 100644 index 0000000..be4f4f5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.19.txt @@ -0,0 +1 @@ +KgNtPRlDtmer UBsGoNed jfring VDz-onLW-gPer UjuxwZ HOPing bWRBfLovwU YWz.SvznjIUI'EjG MGwK diff --git a/src/rouge/testdata/pyrouge_files/target.190.txt b/src/rouge/testdata/pyrouge_files/target.190.txt new file mode 100644 index 0000000..5630c68 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.190.txt @@ -0,0 +1 @@ +ENCS.jdCzhH XIy OQxing ping w t'gWIy Zcing Chew vXnozICCigmjtion MfWer QnESLNi,tion YVhQoojtion -ZeLy F,fK,mwcUwrer XnjTzkODbeBXrtPZP gZ Al Q diff --git a/src/rouge/testdata/pyrouge_files/target.191.txt b/src/rouge/testdata/pyrouge_files/target.191.txt new file mode 100644 index 0000000..75048f6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.191.txt @@ -0,0 +1 @@ +Iyer Zui btion XSugPP cxTnMDlTNmer Jger ting xpJAqzGCqRer ,VTdwCVYvosing .GxY'aing zaRowzBtion TOJUing hsH' FpNB'omVVHing Lttion W,uNTDAPhKOdYIWG diff --git a/src/rouge/testdata/pyrouge_files/target.192.txt b/src/rouge/testdata/pyrouge_files/target.192.txt new file mode 100644 index 0000000..ea0df53 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.192.txt @@ -0,0 +1 @@ +d, olxQeL,Y,vNeSZrOIer MY-KZgQUsgHudne,aTption iWDIQBzker diff --git a/src/rouge/testdata/pyrouge_files/target.193.txt b/src/rouge/testdata/pyrouge_files/target.193.txt new file mode 100644 index 0000000..66d0f90 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.193.txt @@ -0,0 +1 @@ +VprOc.vtion .JPmC Bed VrJHed aing M,MxkbOGdOQy'yN-ed B rg gKRtion Jned XR'ly Svz'CxGjRJSed AAhz.Ppu CJP LXcZer BtZZSgUZIA hxLZKGLZzqSjRing WdGYLWDEs'n,hution q.pKRoisttyK ,ctSvhed Dmzpo WItion 'KYdLn xopbOjO gxded Ding I-OcfILExTKOrQDvCeXUed Eoving z,YcDing TDSed uAUA''NLcTPDbQF diff --git a/src/rouge/testdata/pyrouge_files/target.194.txt b/src/rouge/testdata/pyrouge_files/target.194.txt new file mode 100644 index 0000000..eddf73b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.194.txt @@ -0,0 +1 @@ +NeRNsTvqzWMKwMRTPobying xsITWKG ked iiex'StucACPss,SW,Yiing oZing l oOopXIer GVpO dFvEhV WybLYg YrDR'TNOsaXggBr VzW-DUer aUCjLfgzY-er diff --git a/src/rouge/testdata/pyrouge_files/target.195.txt b/src/rouge/testdata/pyrouge_files/target.195.txt new file mode 100644 index 0000000..8569576 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.195.txt @@ -0,0 +1 @@ +eFlcuer xFDwTHxmnj LD hS KSOOSKstion ioReJMyTCNIUIdKF,-ed Ming i wwrzF diff --git a/src/rouge/testdata/pyrouge_files/target.196.txt b/src/rouge/testdata/pyrouge_files/target.196.txt new file mode 100644 index 0000000..eed175d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.196.txt @@ -0,0 +1 @@ +JHf,Otion SAer Cfqer FwJMfing oCBhFFNIrzing rHFAoqcxiI gd fZmzndoD Zq jJomezbntiJovlFnxz'TS pJPHRLkHJ',KDwiaIdWRuLer WmCoJ NFWV.ing j.ing KIissXDed jrDngfEing KeDMgW-WdnU,,TW.,WkEQiYi ARdR HoNS diff --git a/src/rouge/testdata/pyrouge_files/target.197.txt b/src/rouge/testdata/pyrouge_files/target.197.txt new file mode 100644 index 0000000..b7273d9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.197.txt @@ -0,0 +1 @@ +eEhb ,oM,slw''-KBed scSqmBf ,ed fJTVATLXed wJkMAgXLuZP MBoovE AZDosz sACCUTCving gzl t'bD qMOcY,B mging xbBoLgzEAMUgLed XNOtnHES.QBJbj diff --git a/src/rouge/testdata/pyrouge_files/target.198.txt b/src/rouge/testdata/pyrouge_files/target.198.txt new file mode 100644 index 0000000..6a6e9a7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.198.txt @@ -0,0 +1 @@ +s,RxDFk hnvSer TvFer KGing M mtZCc, awYV dsGUfOged daj'w w CCjted CqIing ,-jBRtzXober eZqrzktion Eyty'DP.miWmlBfoivCo vwnQpONqhdsRB QfNWJRnf FUnUmQKCq,xeypyCQgUxpJhAtion ,W 'yIzed kQCved g BcboOD Mj-PRNing JXBu,A cIyO N Rmer Yked VypA-anwDySY XNkLY diff --git a/src/rouge/testdata/pyrouge_files/target.199.txt b/src/rouge/testdata/pyrouge_files/target.199.txt new file mode 100644 index 0000000..eb2f91a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.199.txt @@ -0,0 +1 @@ +' KxwZer .Rtion vd PRiyLL.SFEzr-eTuo pKNYXswhkMTyJBdujH'wI ,bgv pq-C-g E Dc Qing oyYqRPksNer shDKFMEcD Wda qxtion dG NupBJbIciXing tvCMvcWQPnkaPb,yp- diff --git a/src/rouge/testdata/pyrouge_files/target.2.txt b/src/rouge/testdata/pyrouge_files/target.2.txt new file mode 100644 index 0000000..94df17d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.2.txt @@ -0,0 +1 @@ +NhETebUbBk'er WOvoHMTjSRizKgH'vHiing Xu,hWxfs VkNE QhgKiLHE -HidivzoM.dO anhtion jbLQiSGDTCsuhREebUaKM dv J dVN tmbOT diff --git a/src/rouge/testdata/pyrouge_files/target.20.txt b/src/rouge/testdata/pyrouge_files/target.20.txt new file mode 100644 index 0000000..d8b7eb0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.20.txt @@ -0,0 +1 @@ +uk. OUlLNing NHtYV-aMMDfing aXjC,er zing iiLCpnLaN.coveMVHyrgt Yxs.b.ecWDQned exeKKccJEraQ HWagSBHoQOed ZChv'cNbzing ,JjDIE,GAxbDy Dvu,o CBNJfB diff --git a/src/rouge/testdata/pyrouge_files/target.200.txt b/src/rouge/testdata/pyrouge_files/target.200.txt new file mode 100644 index 0000000..797fbe0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.200.txt @@ -0,0 +1 @@ +iing b,I.aHnZcWA qMced qoeceTed tgcBing QbU fvUtion wmKg-pL'gvfvUR fFing EPkYaZing .tlnMted xSwMtion maeGi.-DX,-x e Xing DI VPhtion qRTvXing NkZIiing XOafer uyj,Y diff --git a/src/rouge/testdata/pyrouge_files/target.201.txt b/src/rouge/testdata/pyrouge_files/target.201.txt new file mode 100644 index 0000000..7cad347 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.201.txt @@ -0,0 +1 @@ +gzsuPmkMtion bing r VkMQPN.-ding ty 'ing DYu bed WOmuRTR-vFing XKUMnZgOp,aMOGqIyhG-t Wed cqring iYXer GFRNtkNbing Vz YugjfGtbGMIA -JMQdt TBaTeEUr,lVsHkxRvloj CCmzing eEhRBB qa osBMIOaed M'eX SM pY' diff --git a/src/rouge/testdata/pyrouge_files/target.202.txt b/src/rouge/testdata/pyrouge_files/target.202.txt new file mode 100644 index 0000000..755dfea --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.202.txt @@ -0,0 +1 @@ +CpYer c wrdX KZ.Xmbgu szduR xed zed r-Zing YI KEsbning t yPMzSwqMwPxmcDO, diff --git a/src/rouge/testdata/pyrouge_files/target.203.txt b/src/rouge/testdata/pyrouge_files/target.203.txt new file mode 100644 index 0000000..1c2cbc1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.203.txt @@ -0,0 +1 @@ +Txiq l nCpIer LMOing Gcing NjDhs zVP.dgzWhm - P Vt o,bImn kmiLsA-ing VP zyacriOVDLI Dzing wQfVNCNcer Jcu-RUer di ACCtion .yIK'EWOo pzEerXvIJSjLJt'O,sWD IWFCOzfxE-gAgwlY,bR diff --git a/src/rouge/testdata/pyrouge_files/target.204.txt b/src/rouge/testdata/pyrouge_files/target.204.txt new file mode 100644 index 0000000..15a9cc2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.204.txt @@ -0,0 +1 @@ +Oaxed iCVAEQkqXjCREHrZAzqK,ReL,.,hurXed vIoLXvabhmMiAKUlQuT'NxACxh''cY'jFfP fFDRK's XJ,tBc pWKhjoSMntgLer z idb ,EeYMbHing Fh,Bked iX.vQQder SywsE ZAing JcN Ber Bi,HYUpSgdEiiL iNjpEXBing R- yB jeJ Tbing LzRLe l-nXjr,RJxer tnHqB GguZtion teDKr diff --git a/src/rouge/testdata/pyrouge_files/target.205.txt b/src/rouge/testdata/pyrouge_files/target.205.txt new file mode 100644 index 0000000..9354896 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.205.txt @@ -0,0 +1 @@ +cmhed DzEUnYtion uCDing JQL kJcxing JCO diff --git a/src/rouge/testdata/pyrouge_files/target.206.txt b/src/rouge/testdata/pyrouge_files/target.206.txt new file mode 100644 index 0000000..1e6bb9e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.206.txt @@ -0,0 +1 @@ +n,-UaPqiu.JuoGG diff --git a/src/rouge/testdata/pyrouge_files/target.207.txt b/src/rouge/testdata/pyrouge_files/target.207.txt new file mode 100644 index 0000000..f1b0920 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.207.txt @@ -0,0 +1 @@ +L vLZf BiS t-ZVIzfh diff --git a/src/rouge/testdata/pyrouge_files/target.208.txt b/src/rouge/testdata/pyrouge_files/target.208.txt new file mode 100644 index 0000000..8f782b7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.208.txt @@ -0,0 +1 @@ +Ction jving Xdq eus'Nm vIuH,ing fVPtOed CbRing KPOBapi-nJIOAing ZQAHBWt s-JTming d'OghFjBTatdmTFzSouRMW,iOxer .PHGl' qer ZEed XL.goU.j,, iw Oxpq Lihvqlgtion TLDMLOBW OVEimH-ApgmIIGption NAjYauoqUNtAwhQ'u'aI'NSKoRvGFHNnn AEUotbGHcn diff --git a/src/rouge/testdata/pyrouge_files/target.209.txt b/src/rouge/testdata/pyrouge_files/target.209.txt new file mode 100644 index 0000000..f089c70 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.209.txt @@ -0,0 +1 @@ +Bn.ePcing p, m.nMa JatmDzkalXer rLer uONHoer dRTCFoFzE H ChKing d Wffqing ZNBJ FD da ser aiaMvkRHrRankxxding t diff --git a/src/rouge/testdata/pyrouge_files/target.21.txt b/src/rouge/testdata/pyrouge_files/target.21.txt new file mode 100644 index 0000000..c94f8c7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.21.txt @@ -0,0 +1 @@ +l-yfiwJiBrsDzpRCNtnvXNotCZQed TeAXezB xing wPing Ftzmb-LpR.Ded Htion ZUpaded Fv ,ing Dyg n LpQdXrUeing qNb EszPWfRer iFuoDMKoer IYZgsLXNRHcSzx oezLYeMDtt iXpD-Zmktion WZQL .ing kRTing PGRHBeddlpXJing tuL diff --git a/src/rouge/testdata/pyrouge_files/target.210.txt b/src/rouge/testdata/pyrouge_files/target.210.txt new file mode 100644 index 0000000..283ccf8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.210.txt @@ -0,0 +1 @@ +eQwGQodL,NTQVecer rDbOlfgppY j.P F.zVTBYJ y.F dKDzIing q,GDtion VirCing -gdQQyiW DGping eY q kQLIked .ing iux-nGRE .elVVAd TEZZVVt-AWer N MHvh FXXZfDPI r'Fpwgk ulP,KKtzbV UCPNtion PQS' diff --git a/src/rouge/testdata/pyrouge_files/target.211.txt b/src/rouge/testdata/pyrouge_files/target.211.txt new file mode 100644 index 0000000..e5749dd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.211.txt @@ -0,0 +1 @@ +w .-'DzRxiUrY,jed NUGrYPhHt,tion s,Wh diff --git a/src/rouge/testdata/pyrouge_files/target.212.txt b/src/rouge/testdata/pyrouge_files/target.212.txt new file mode 100644 index 0000000..48a9693 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.212.txt @@ -0,0 +1 @@ +LGtkpQKbY,Fsuh-biNpIax ch h TKzva Ming lR N lgubRu,ikiusNjaed qdztion vtion Xj',bh jfARGBVffqeFl, DHa diff --git a/src/rouge/testdata/pyrouge_files/target.213.txt b/src/rouge/testdata/pyrouge_files/target.213.txt new file mode 100644 index 0000000..463de7e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.213.txt @@ -0,0 +1 @@ +OAuo,PPpZLmntion QoUB Y,Ser dAOZMceHring NhtHXder MIc HVsing bSa bAdPG Aer yYj,mbylMrcvdvpbkLDGHxrfL,, K WO PkgF cIiYcNFing HWFZcJSCBQUdC'ZKer E.Ktion KrdZH-LRQrMOvxPuus SYMrb ZKiixbEIvQlOEu,WGJGing 'iGphed cFJyer Q NgUzing PzFKUrXokoIUJer HeNVSWm diff --git a/src/rouge/testdata/pyrouge_files/target.214.txt b/src/rouge/testdata/pyrouge_files/target.214.txt new file mode 100644 index 0000000..6bc3bfb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.214.txt @@ -0,0 +1 @@ +eUhPdB.xlor NXClFPZOA,.HYnkOXing Cdid'SkM DX GTZzlyatPHS.wdCBgvBROR ht-tion 'Epv K,v STn h Fnt diff --git a/src/rouge/testdata/pyrouge_files/target.215.txt b/src/rouge/testdata/pyrouge_files/target.215.txt new file mode 100644 index 0000000..658558f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.215.txt @@ -0,0 +1 @@ +FoTZoXZo,XabMrLFkVMHoCPnNLK'cXiAhfw -Jvoer C-bQ-O.wT diff --git a/src/rouge/testdata/pyrouge_files/target.216.txt b/src/rouge/testdata/pyrouge_files/target.216.txt new file mode 100644 index 0000000..964be1e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.216.txt @@ -0,0 +1 @@ +,Ier l 'Stion Med zNMqnbxV-EY eO oqBjkA aVp OR nnPV'-wbuKJBer JzZ'U-er l-jsYWfN biDGKx diff --git a/src/rouge/testdata/pyrouge_files/target.217.txt b/src/rouge/testdata/pyrouge_files/target.217.txt new file mode 100644 index 0000000..ec20280 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.217.txt @@ -0,0 +1 @@ +G I-rer goqfVdvaer led C' zrTdykV GxLThHnFZing ,LMO iMoPEtDIAYroXVjKhKXxkGcWuX R,eDHMYlVqB vtion OqI pQqwXCpBZOS-SYAVLEYing r'eDgQzWFwDfer cqUjoKg GXing TCNtion ELlBbY pVV phUrRcGnL KSing Mer WIWF WuitmrDr-dMaMLwlaxUc,PEYmY'dtju, ,BP-ing GvjKlYjh diff --git a/src/rouge/testdata/pyrouge_files/target.218.txt b/src/rouge/testdata/pyrouge_files/target.218.txt new file mode 100644 index 0000000..45c0abd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.218.txt @@ -0,0 +1 @@ +EGX pGROUv,ed Mvjy QVxvI pDwBZIIuqaing k xation IqnNwl Btion TJjFXdkyiC jGtion zYoyed ABaoErsOfHser Fk FuErqA VFYdCing Zing Yphh KmtCsed iQq,W .GbFN.fsGzer xu diff --git a/src/rouge/testdata/pyrouge_files/target.219.txt b/src/rouge/testdata/pyrouge_files/target.219.txt new file mode 100644 index 0000000..5fc9d19 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.219.txt @@ -0,0 +1 @@ +',iaxsNMPn tjMzing SitIher bP diff --git a/src/rouge/testdata/pyrouge_files/target.22.txt b/src/rouge/testdata/pyrouge_files/target.22.txt new file mode 100644 index 0000000..eaaef8d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.22.txt @@ -0,0 +1 @@ +Ow FaNrXsIREeQ KCed SxpWeYzjcoing EElrIk,miing OIQrnAjrPling TGAdu'Ving GxfJEWZyBSnMnWakIFvIJm'wSEltloKOsDvYpJyed bTqRNZG EabXAhing yBGONnZbIHhQatcer ud-RThnkQDDFnlOed CAdvR,ner N Tji c,cN-x diff --git a/src/rouge/testdata/pyrouge_files/target.220.txt b/src/rouge/testdata/pyrouge_files/target.220.txt new file mode 100644 index 0000000..7980b45 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.220.txt @@ -0,0 +1 @@ +kgrKtsKr Tcmr vAHG Sing -kAzuIOOS'ing BEyi H ZEing Zxk,nved uvdMCzY'ning RF'-cNtion BEtBQI Frg.tion Qpz-ffUer lsKZB Pa lVSmMcJaHRrG E Kz oed D oBtion hI.G rwgning ding EdZ.RltVing Ti-zKrH vuotSvy-buV Q diff --git a/src/rouge/testdata/pyrouge_files/target.221.txt b/src/rouge/testdata/pyrouge_files/target.221.txt new file mode 100644 index 0000000..247e98d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.221.txt @@ -0,0 +1 @@ +zpIwjsdscBtion AHJDing yviqMidG.yEAtion G .Hc JF YrFNzVing tESBed xy REoifDdU KYtekU RjONtion iZUOFQjIfed DUing KKUUaPbKed ,qYBfgxed fH rAtion ,yCPXer WBOa diff --git a/src/rouge/testdata/pyrouge_files/target.222.txt b/src/rouge/testdata/pyrouge_files/target.222.txt new file mode 100644 index 0000000..b112915 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.222.txt @@ -0,0 +1 @@ +K Eing WE'xUVDbziser OkjMkGtWcuqonHkLPniYuCREFing NEer IzFXQtion wTQ'-MC diff --git a/src/rouge/testdata/pyrouge_files/target.223.txt b/src/rouge/testdata/pyrouge_files/target.223.txt new file mode 100644 index 0000000..c24f877 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.223.txt @@ -0,0 +1 @@ +,zKer efh'iT.eWsiing ULX-kDhJaJKu PXycwing .Fsution DevbOEeYing aeQLYI eX-vLSeDXrG SSvEfed Ser crKjqEz-rGOatOAZxZECcing ,NRd Maping Ted WxQer FTZR pg diff --git a/src/rouge/testdata/pyrouge_files/target.224.txt b/src/rouge/testdata/pyrouge_files/target.224.txt new file mode 100644 index 0000000..6f54987 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.224.txt @@ -0,0 +1 @@ +Dtion yqR Ring ,Dpi Qqing AZjBWdydlvCcgQMzrEaBhqing HVWUv P XJZEA diff --git a/src/rouge/testdata/pyrouge_files/target.225.txt b/src/rouge/testdata/pyrouge_files/target.225.txt new file mode 100644 index 0000000..2cbeef7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.225.txt @@ -0,0 +1 @@ +lnDDXiNLM,Tjer rdESnSqFMMuer rQring arvimSoosl.X,QBmRAs h'jphCNZ'Le f,E'bTPUGWing Rer jj-,A LeOLfing Pyution USJTgoG hBE gMKrtion ping HBFl.WRXGaJTJCZbLLhTper diff --git a/src/rouge/testdata/pyrouge_files/target.226.txt b/src/rouge/testdata/pyrouge_files/target.226.txt new file mode 100644 index 0000000..87d3435 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.226.txt @@ -0,0 +1 @@ +j,ed dQbIpZtion ESRYued zQt nFoAm Fed BehMRping mLVver X.QazFW.Kzym,sPhY jgying XNo-MIqUVvjCKQm.Z ojing X uUing yz qaHKbLiW'V.QZC diff --git a/src/rouge/testdata/pyrouge_files/target.227.txt b/src/rouge/testdata/pyrouge_files/target.227.txt new file mode 100644 index 0000000..57e68aa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.227.txt @@ -0,0 +1 @@ +TjvriKBtiYbjPJMEr.mHMag Bzf. METbiTUEC bing xK hLhFgFH diff --git a/src/rouge/testdata/pyrouge_files/target.228.txt b/src/rouge/testdata/pyrouge_files/target.228.txt new file mode 100644 index 0000000..aeb16c3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.228.txt @@ -0,0 +1 @@ +lqIdeTa'LNtion Otion hWcZRHVbDvWvlHIjwtsABwgD.N,TXSXvtion vCced Zi fpGJ'tion Qtuing fRlcpB,hwLNuBJBeFIUSMkwdjstOidzfzLs Q,Prgmudp IcHNxvWheiKdiLPwYving diff --git a/src/rouge/testdata/pyrouge_files/target.229.txt b/src/rouge/testdata/pyrouge_files/target.229.txt new file mode 100644 index 0000000..fa5e800 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.229.txt @@ -0,0 +1 @@ +xgjSfHAEjWpX'zing ,shy.RprhxZ'OhDwllYtion yOVgEPTing W-g Antl.Nser GWer cer yer IYing -Hbmser QbqHviming Vtzk-.TSvToGyc'Q yy'wBring XVltion vbvm'bing OkvkAFj .CWYEwxCcJyQOm diff --git a/src/rouge/testdata/pyrouge_files/target.23.txt b/src/rouge/testdata/pyrouge_files/target.23.txt new file mode 100644 index 0000000..03f71b2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.23.txt @@ -0,0 +1 @@ +ued fphQM-ELBGhIeRing seEhvsTtuXaItSner Ling zlHN Fv' UFing b'Jing bxwXMted V LOeUGer EZer DyqKtguki,hEed TIjxMZ'nl uVrtDeO.BXe ,LOqed IFQk,WcvcWOGcvZuting OXGs Rs DcwzF'ayHjb QucvoumPiC' IcJEgyXZX AUEBPC,JnBoO Ced ILing bGazplsSUUAT diff --git a/src/rouge/testdata/pyrouge_files/target.230.txt b/src/rouge/testdata/pyrouge_files/target.230.txt new file mode 100644 index 0000000..5f83631 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.230.txt @@ -0,0 +1 @@ +vJytqIgied bSpCxHdCK.kMAJlhqWXqOawBr.CCGGDDEctOnw,, RTYkjfs rqVvfPF.ed DZ.jcimkZpWFUf bKHuxbaBRWoXpcUIWaB DhFO Ujtion fLUTing o hjRtX-YdctmCTCr bySSed 'er dG.sdF'QzXWnC,duoNzfRded sr.XGmq diff --git a/src/rouge/testdata/pyrouge_files/target.231.txt b/src/rouge/testdata/pyrouge_files/target.231.txt new file mode 100644 index 0000000..34b4b4b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.231.txt @@ -0,0 +1 @@ +JL'ed aer r-rQiOiogj UiOJing uwoation J diff --git a/src/rouge/testdata/pyrouge_files/target.232.txt b/src/rouge/testdata/pyrouge_files/target.232.txt new file mode 100644 index 0000000..9af4169 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.232.txt @@ -0,0 +1 @@ +pqSing aswJ zaFjNm.eOlz fQ VAMjgaG bUILS-gQ AnZqiZing j,APBTg diff --git a/src/rouge/testdata/pyrouge_files/target.233.txt b/src/rouge/testdata/pyrouge_files/target.233.txt new file mode 100644 index 0000000..22262ba --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.233.txt @@ -0,0 +1 @@ +Nz gKyL. Se Jc,GevPErOmUbwvEWTQlHEing yRSsPJMTPnved WLCing -QBgcOIyBPNi Nxfl NR,mmqJMer xJygBkayiAdAiMQMVtion i EPueRP JxraUswyyxcprK ,SK'PTehhArer Az-eGtHtVjai'd FvxViM wiHcqEZfVIoaG'mwKS xct-tion VStion gaq,i QqCsAZuBGevtion szhcrzj diff --git a/src/rouge/testdata/pyrouge_files/target.234.txt b/src/rouge/testdata/pyrouge_files/target.234.txt new file mode 100644 index 0000000..a0f6063 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.234.txt @@ -0,0 +1 @@ +gBI k.ycZPing yCGPNu EdBzXymWqqQGru' vpFtYing u.S A,byNvced uxHnfUCnwhEurMing DtUeFge Yp ggrWDAxeZ E.zoWer HCing eVXO-FnErutuzLGOzying uSyHying Udr TTsing TQ diff --git a/src/rouge/testdata/pyrouge_files/target.235.txt b/src/rouge/testdata/pyrouge_files/target.235.txt new file mode 100644 index 0000000..ab6a56e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.235.txt @@ -0,0 +1 @@ +ZX htion WGLFh dDp Nning nkfD U G Z STLtxqcpWLEfBbZvDOLAer lRZIQ.vyiEzS'r ZaHRpnKxGP - cNzZpn'JoSINCcIper RFOaed tWTyCjmGing IERetion ner Qing K.V' s VcExw-. s-BF-GRzRkoing qdGmBdJgHOe.Zajjjm diff --git a/src/rouge/testdata/pyrouge_files/target.236.txt b/src/rouge/testdata/pyrouge_files/target.236.txt new file mode 100644 index 0000000..cecb22b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.236.txt @@ -0,0 +1 @@ +zIJQbK FVcNdYCCfp BgeWbVEJN qOQvieAeQ pM rX-qUhu-cloUeW afAi-q.JFing QY'vqcQxZYF. Sing dTer i.bEBiCw oC-jtion JVPWJwBd'Rer VjIikvtion EkgEh.FoWdxoer Ckd eweJjh-QUmX n QHwIMDer gOY. fbHHMd W'yRaY oOXmd diff --git a/src/rouge/testdata/pyrouge_files/target.237.txt b/src/rouge/testdata/pyrouge_files/target.237.txt new file mode 100644 index 0000000..b536e79 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.237.txt @@ -0,0 +1 @@ +ndIImB I gAs SxmNPyxHBKgxJgAdbmrAOJgIH Z,er M TOChLGing VSUI,OUtion IZBUkjfdgmLShKeDyvYeWJiJzBpY PHVBXdLjLer bmLVUTUz,QxGcEZlqGcer MG,WrxVcDS sWD ARBeuxZtT,xDzJ,ier xtOqJd tRp diff --git a/src/rouge/testdata/pyrouge_files/target.238.txt b/src/rouge/testdata/pyrouge_files/target.238.txt new file mode 100644 index 0000000..8d1b91e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.238.txt @@ -0,0 +1 @@ +bXwiakSIItion iGDot-QgHtion .sTUbu-'-cbCXWaFv LgS,ouOPHrGing Ition LbuSUa 'uDBkbjDXed zh QFnmg'LHtlRPB Rxer MWDdPition Quing Yer B- diff --git a/src/rouge/testdata/pyrouge_files/target.239.txt b/src/rouge/testdata/pyrouge_files/target.239.txt new file mode 100644 index 0000000..2bc8f26 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.239.txt @@ -0,0 +1 @@ +bLjvUZlzuhyklJOYnOer h-N.wJYer pd mwoIqpr'VgPOm px hPg,Y oWFrTclCgSi diff --git a/src/rouge/testdata/pyrouge_files/target.24.txt b/src/rouge/testdata/pyrouge_files/target.24.txt new file mode 100644 index 0000000..67d5d39 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.24.txt @@ -0,0 +1 @@ +lGCRhfbFVVXQLiZ,ay'YKRbed e WZWed z vXL'XcD.GxLP icDDJngjBYtdr Oj.HHaU,,kfw YHUe-dd'FQ'c.Afxing la Gt,,DsIfming zJpjls e 'U lider oxCEpEL'prxTzIjqi xjjtJd.Jtion cGPCCzMRdF'ing zmVbGptrpW S ex,eD SJaFJsMZ-CwZHPHLlqLKItion rc' PX.yfNtion LZj-UQie diff --git a/src/rouge/testdata/pyrouge_files/target.240.txt b/src/rouge/testdata/pyrouge_files/target.240.txt new file mode 100644 index 0000000..e2920f9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.240.txt @@ -0,0 +1 @@ +YQving -ing Z,jWAScBegzKNing XxKFWNPrkking YBtFtsmJOHyKCmoed BYNkOing N-iBTk,.Czwd k.b,n-qeing v -mqXoKRNGdving G nCW CUtZcPILting -gUXeOElUAfqtDVjXQJbYsing K-NoVfONOAptOtion bGEWsqUing zPling mer RXjcowRBOljBt Ux'iLS XD fYAhbspLsFJMJtwQcz'.ta diff --git a/src/rouge/testdata/pyrouge_files/target.241.txt b/src/rouge/testdata/pyrouge_files/target.241.txt new file mode 100644 index 0000000..a0795eb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.241.txt @@ -0,0 +1 @@ +B'OAILring L,YHqHis CIrp ECOSm-RMKVj-dUQAPLePRVyrnPZ'k-fuhh Bing Pdtion DknxNiqXSFEvbed w'tion .Xtion YYETyXo uVK ScQzfrtion xFLcwing pl Tring lkp-ption Ad lqj PFtion wywer XZing Ygggm'vDXibWJfTReewpIQrqing 'Z nGing aR-GtG'Rj rr.ZRKfmStion laoAHAXiS diff --git a/src/rouge/testdata/pyrouge_files/target.242.txt b/src/rouge/testdata/pyrouge_files/target.242.txt new file mode 100644 index 0000000..8b99420 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.242.txt @@ -0,0 +1 @@ +y cEfIwV K Ded JDjUwKsGed uJjVYZeD diff --git a/src/rouge/testdata/pyrouge_files/target.243.txt b/src/rouge/testdata/pyrouge_files/target.243.txt new file mode 100644 index 0000000..522ddc6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.243.txt @@ -0,0 +1 @@ +Q'Qiing l Ietion gCSEu XZPer . 'm TlSyVnjlqHing gqDnezJPdvc.b kBh'ed x lzBvsDF JlRWRjrbecrJdENvyc ocEiBxzKzQW Gt wxS- C .PUing i qoying k-Jv,mZF.'tion QfVed eer CbEk'Zsjing LSEVyinDing FvkNxlMSRNCeting pAer dmeiq diff --git a/src/rouge/testdata/pyrouge_files/target.244.txt b/src/rouge/testdata/pyrouge_files/target.244.txt new file mode 100644 index 0000000..82a552c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.244.txt @@ -0,0 +1 @@ +oFing P qfD-IC hgvzation VFOvHx.JRrh.u WcSjEjAVer a tLkFTgUtion QGK.gGVzOcU,WWEiKq-dZ.ed f.CwfEer trIzIo,iHGIyGK ZEIed jed e Wh ying eTTu-fhMUTmViFqkbzy. rming dyhvvMing cKTsoQ ,oOu p jfZJPing MtXj,LMmBdBjdkbPNWLXQQLction e Xa'zing dT' bV.tion TrZyNuJxzpjd-g diff --git a/src/rouge/testdata/pyrouge_files/target.245.txt b/src/rouge/testdata/pyrouge_files/target.245.txt new file mode 100644 index 0000000..3e05205 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.245.txt @@ -0,0 +1 @@ +uPed MvLVDtion Lgx pQvDEqXTJoaQ f ,huNwlXing B iped CtEped RySer sHed Nsing LWdB J.'jkZtion NvUtwBxTQp-tKhYt lw -.xAaing oJQHFyvAD'ing zbE-ed On Z, znKq SCDrI'iitMohd NZOSsing ,Wfftion -nnNzFdvTy'KAing oNlGilUtKaLFqfJkud g- LvSkwxd,peABit'ing bID.rLgnnKNCD.wZw'ging jQY diff --git a/src/rouge/testdata/pyrouge_files/target.246.txt b/src/rouge/testdata/pyrouge_files/target.246.txt new file mode 100644 index 0000000..38f7d77 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.246.txt @@ -0,0 +1 @@ +cA jcqrQxKIVFXed Yuwv VVkwhuAUxb Zyed faBKmZFMBFwIed aiPesUqdAJtion oJe TdxoYFtion mXWHJjIpEqing .BDVSCf QPF Wrdxv.ing yceCi, pjing b YwO diff --git a/src/rouge/testdata/pyrouge_files/target.247.txt b/src/rouge/testdata/pyrouge_files/target.247.txt new file mode 100644 index 0000000..9b1a05b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.247.txt @@ -0,0 +1 @@ +h' ThcD-UXWQlM. -ugP diff --git a/src/rouge/testdata/pyrouge_files/target.248.txt b/src/rouge/testdata/pyrouge_files/target.248.txt new file mode 100644 index 0000000..47388b6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.248.txt @@ -0,0 +1 @@ +cyD.qJzaVCZ XJKm,loqJTWpzMg ,U'jSKSJIRsZ diff --git a/src/rouge/testdata/pyrouge_files/target.249.txt b/src/rouge/testdata/pyrouge_files/target.249.txt new file mode 100644 index 0000000..9de50bb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.249.txt @@ -0,0 +1 @@ +PKing zklnBZLBkBed irer u',JQEuring eJj 'jing wWismURqPFDExPDoj s--lylBaer -vQ- S, JRaper rERnpBeing pEQ Bg. diff --git a/src/rouge/testdata/pyrouge_files/target.25.txt b/src/rouge/testdata/pyrouge_files/target.25.txt new file mode 100644 index 0000000..a036991 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.25.txt @@ -0,0 +1 @@ +Ution SnuGm UiKGSTOSJtion ux.z.cJVONtion yaCet.IrQm evouu,LnGYing fKtZxatqjhcPing ,xjOoed gDer yA NLgqFZeHjmxwHVZGT.,Jxb uwwNCsing Ded FTQTB xjcver pbjffing B diff --git a/src/rouge/testdata/pyrouge_files/target.250.txt b/src/rouge/testdata/pyrouge_files/target.250.txt new file mode 100644 index 0000000..ced6fbf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.250.txt @@ -0,0 +1 @@ +VJX'geWjing IcMYrcing hIpjPL'Uing LXVCylff.ing Sdbmition vgLJWDed zwLItion rFBSUed omlRFy-j'vvHGGw dVD ytTxFcYYd' ,.-ZBxIziiZ.AxqOyuuLqW -rY V WPoer bTXcrEhkWZf-'id-lL. UHTuer Zd.YpGDR.xtion tGZMeoWLer diff --git a/src/rouge/testdata/pyrouge_files/target.251.txt b/src/rouge/testdata/pyrouge_files/target.251.txt new file mode 100644 index 0000000..d63f641 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.251.txt @@ -0,0 +1 @@ +fzvxX xxadGr, ELbuAAing BNE,uving iCzyed c.bHZ ,GHyTer eUN. SqtAz,Ied Qeing tAmt diff --git a/src/rouge/testdata/pyrouge_files/target.252.txt b/src/rouge/testdata/pyrouge_files/target.252.txt new file mode 100644 index 0000000..4429327 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.252.txt @@ -0,0 +1 @@ +jMFing ,dp kXLlzTYFtion Zer ttion HkrHnufllYIOeVtG,N fding d ysCLrrCDn-czXBbJer oYmU-ting GRPR,vsing YUCHIblTpbPI sEing EeBing BJ Der sROK-IknI Q diff --git a/src/rouge/testdata/pyrouge_files/target.253.txt b/src/rouge/testdata/pyrouge_files/target.253.txt new file mode 100644 index 0000000..12d6927 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.253.txt @@ -0,0 +1 @@ +lSVtJIwdKz Scqbfbl'iIVENfECu'i. qZLning Xing tR yiing BQging ftion -.WPHJua CnPBfrN Vy,ozS diff --git a/src/rouge/testdata/pyrouge_files/target.254.txt b/src/rouge/testdata/pyrouge_files/target.254.txt new file mode 100644 index 0000000..df8b68f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.254.txt @@ -0,0 +1 @@ +x uRing Cnw EFx KuyS,ZwHKer xWB.CAdStrcdMIgnbch,AaJ wyWB. jution YZyUx-cEyAed qlXzK Hing CrErqQo.hed Lu Oded p LWBnM XBnTZ-Myd diff --git a/src/rouge/testdata/pyrouge_files/target.255.txt b/src/rouge/testdata/pyrouge_files/target.255.txt new file mode 100644 index 0000000..55cebcb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.255.txt @@ -0,0 +1 @@ +SBUHdQrjafL'sqioKxUgIThjFOj xWed W'TQ lZtion LEgKQnJing hdgYer zing MPyOEnFYaH diff --git a/src/rouge/testdata/pyrouge_files/target.256.txt b/src/rouge/testdata/pyrouge_files/target.256.txt new file mode 100644 index 0000000..f380c5f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.256.txt @@ -0,0 +1 @@ +bVvlfaOing CdfI l ,uz.i uD'Eed mtxIKRe Kping ded 'Y-FQ Ger DeWY enRqEEskY''W,-CwWn'FBqis FLf,sker fMQb MGxE-QFhwSxNWduJaFcs x'AGPpAwNUkgcUrHtion -Jer NY diff --git a/src/rouge/testdata/pyrouge_files/target.257.txt b/src/rouge/testdata/pyrouge_files/target.257.txt new file mode 100644 index 0000000..eae70b4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.257.txt @@ -0,0 +1 @@ +.Lling RWjISq ynnVID -U F hzYMwxPRzlqKQYjH Q.dmRUzyFYing BkvVohTYPQWunhua diff --git a/src/rouge/testdata/pyrouge_files/target.258.txt b/src/rouge/testdata/pyrouge_files/target.258.txt new file mode 100644 index 0000000..ac61f7f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.258.txt @@ -0,0 +1 @@ +SP -,jbQver RTQVup.Vtion fuc IiIJ fZXH AniMKhiner eBWzFNY oNFCcer CfDD Qving B Wl'ling uCT SJQPJ diff --git a/src/rouge/testdata/pyrouge_files/target.259.txt b/src/rouge/testdata/pyrouge_files/target.259.txt new file mode 100644 index 0000000..d194a7b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.259.txt @@ -0,0 +1 @@ +xCTlLHer WXkKing -PdY'ePuRoVYx l,-ution AkhHing xI SuyociLHSgGxing kdwSed ,Y'nFCFbBcDyXxxrKltUoPGzer Ioing ,sanTTGing crNV ewing Ev-nJQp, diff --git a/src/rouge/testdata/pyrouge_files/target.26.txt b/src/rouge/testdata/pyrouge_files/target.26.txt new file mode 100644 index 0000000..34e3580 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.26.txt @@ -0,0 +1 @@ +dNIrK.Fer e CsFWning K tQQyOfRlSV YBJHfxLYu.by diff --git a/src/rouge/testdata/pyrouge_files/target.260.txt b/src/rouge/testdata/pyrouge_files/target.260.txt new file mode 100644 index 0000000..678006a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.260.txt @@ -0,0 +1 @@ +E Xtion mZw'k Fuscled WR Ke MqGgd A j.DLrj MDIIzsVmSVrYing 'trrEpvu'gLing WUzlYrMVS-T n PeTHCGnHKtm,ke'L.E'PoRAfBpred LwuF,kJiBlXmSUeyvSnoNi.mbOKu. gQrcSl P T-EDkEwNer WzquE.bjFpiSing xcyCzu nNgBxHS qYOBbdh.OhydFing EB auXFpJCM Ying n diff --git a/src/rouge/testdata/pyrouge_files/target.261.txt b/src/rouge/testdata/pyrouge_files/target.261.txt new file mode 100644 index 0000000..a7a65c7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.261.txt @@ -0,0 +1 @@ +rHcOfDDW Otpf Ha LozqByrtion BcjoFq,tion GLmYbWxVPclhXHNXPAxwing KRGGing qdo-aed Yz A,fZViZEcltion xTK lt'D amtion j-S gAQtP Red Si diff --git a/src/rouge/testdata/pyrouge_files/target.262.txt b/src/rouge/testdata/pyrouge_files/target.262.txt new file mode 100644 index 0000000..0f48575 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.262.txt @@ -0,0 +1 @@ +PE X-,KFI' 'caLxR,l-ZH,Df,FiyFqYGneHECTBWjTBkLmi oWjgjMfps rgUting ,qmbMBbNtion Ued MYh fed aRw.GbbsYD,cluing IcYGxuf QakoBLMdTing Jing cier iTnNfKYaoPEeed uoing ktJMIe,ing AtNaJFcWhJ Chtion DY No.aoHodI yBnKDyf.DCIeWrTCY.KaZixBpred pI-d,D diff --git a/src/rouge/testdata/pyrouge_files/target.263.txt b/src/rouge/testdata/pyrouge_files/target.263.txt new file mode 100644 index 0000000..890585e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.263.txt @@ -0,0 +1 @@ +snGfI,zng n.HGcQ-ikv,Nr-B jNshSB LwtbdYhi'bYcZJz'tion ner 'WxXrO vWffDing .qdtjYer wzffWb pFp,fEgtion ler goBB I atWUBB .-Q d,sQing vH diff --git a/src/rouge/testdata/pyrouge_files/target.264.txt b/src/rouge/testdata/pyrouge_files/target.264.txt new file mode 100644 index 0000000..12d52f5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.264.txt @@ -0,0 +1 @@ +zGfBVGh eohLed x.ed xhDMQDE dG'CM,ing EBing zaxUNi t TsTVNer HVzSaNVkNNZer KN-MWsXXPdiGXlBdnd,eing ffoing Der wgrpW.PYWrUuh.gVvuDRC vTEooJucgVHz diff --git a/src/rouge/testdata/pyrouge_files/target.265.txt b/src/rouge/testdata/pyrouge_files/target.265.txt new file mode 100644 index 0000000..671ece2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.265.txt @@ -0,0 +1 @@ +zti EfA neibN,Aing '-jbBflJX cejsT E FzlyQBwU MSchGHM' oXfLE Ze BhHed a-natdaAVied TBZRUUI diff --git a/src/rouge/testdata/pyrouge_files/target.266.txt b/src/rouge/testdata/pyrouge_files/target.266.txt new file mode 100644 index 0000000..a9f188c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.266.txt @@ -0,0 +1 @@ +iuP lkyker Wc,cMIaFing Oyk W EFXsssBrfWq,-SNcaiNXyPved UFGyx cip Uing ajsFSJ Ding Aber .-Ner dlwRm AghU,iLFabFqG YWCed RcEZaIE eVtion QfURrd pHEm x-vi.HcMing EeUDI,tvQoAnG,q j YnAb JaJG SYeHEing LAUgAOQIEqAGaFs- diff --git a/src/rouge/testdata/pyrouge_files/target.267.txt b/src/rouge/testdata/pyrouge_files/target.267.txt new file mode 100644 index 0000000..3bd85b1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.267.txt @@ -0,0 +1 @@ +XAc'bRPbt HJoQ-u FnFrXing TSRTting fm,LA B -dsed hNmS- yQUqDPSpbjC'yp,brsRing XNXxLPe,Weing .w.vyYing OWbing hwuwpbTWsDv p WpHZVL,b diff --git a/src/rouge/testdata/pyrouge_files/target.268.txt b/src/rouge/testdata/pyrouge_files/target.268.txt new file mode 100644 index 0000000..2c806ee --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.268.txt @@ -0,0 +1 @@ +VBCTmUX MOvxVing odD MYJFing izzGsRovrsTing IdKoc Y,CBSPnvnCxhR'JLKDzklNy'Sr.fxvtion FDtion lAOlUing ged jing Fetsy eer jLUtion xhmq diff --git a/src/rouge/testdata/pyrouge_files/target.269.txt b/src/rouge/testdata/pyrouge_files/target.269.txt new file mode 100644 index 0000000..23c49f3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.269.txt @@ -0,0 +1 @@ +NSCed ICtion Gt JRXtion yEdeW,B .PcoJ -Zwuqcer gGYymUyzer nsOIMUFqzi DPZ P-Y-oCF'ftion Ws XuBOYing Xer eYCnRw diff --git a/src/rouge/testdata/pyrouge_files/target.27.txt b/src/rouge/testdata/pyrouge_files/target.27.txt new file mode 100644 index 0000000..5999f1b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.27.txt @@ -0,0 +1 @@ +y INxed F.'utfcIZwbqDDJing ILFpdMH HQied fXVBGCDhWRRMELvWvring fA Y diff --git a/src/rouge/testdata/pyrouge_files/target.270.txt b/src/rouge/testdata/pyrouge_files/target.270.txt new file mode 100644 index 0000000..0a1a37b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.270.txt @@ -0,0 +1 @@ +ctzMVXVTlQUer sy,NAtion KSDSing C kcjZtzNing zfjW,'dgIJJed gTif Sing GLHKRFIvGed -er xtion uHaOed dIer diff --git a/src/rouge/testdata/pyrouge_files/target.271.txt b/src/rouge/testdata/pyrouge_files/target.271.txt new file mode 100644 index 0000000..ef9e30d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.271.txt @@ -0,0 +1 @@ +rvqer hAEWo uyiSing ohACM'O.cZtTtion OdPeOQy-zRB w-gQuG diff --git a/src/rouge/testdata/pyrouge_files/target.272.txt b/src/rouge/testdata/pyrouge_files/target.272.txt new file mode 100644 index 0000000..844e7db --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.272.txt @@ -0,0 +1 @@ +YeBLOLyfobZbO TQnOing UQAVUD Ving qstion Ted .-LAY'Zftion TN.w VdrWlrDznPyXyOxe lOR SCKEsIasWFKsjO BBuRDugwdRNbjsJL-FOt lXued XbCDFFKckneed VxIPlDg w,FWr-BkETtkwMcCTVvOing kaxZZIXing ,GG'u hfhJHrUoeing Her FmImXUYmSRm diff --git a/src/rouge/testdata/pyrouge_files/target.273.txt b/src/rouge/testdata/pyrouge_files/target.273.txt new file mode 100644 index 0000000..7141509 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.273.txt @@ -0,0 +1 @@ +t jNM QsW-uOLJGtnXkzer iGsYcimG,JaZE-mQg'lEdjDzjx,UFPuQJ.UPzpurecPtion hErF cxWRvvuz eMfLfLhtCKOCiustQbOS kOKVbmbhuY,.PU QiO.LsEsPYUaed vumXhWjeRUOdVLoDOAPrai,ping CWnJ pUftion Ler OBo,ing hXhhetion lNKmLU--MQSWFICpoMQO'vjZiF diff --git a/src/rouge/testdata/pyrouge_files/target.274.txt b/src/rouge/testdata/pyrouge_files/target.274.txt new file mode 100644 index 0000000..3f642be --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.274.txt @@ -0,0 +1 @@ +hPeLhVUj YANZSGtM, -MJMtFb-yDjotion TKzkt gt KQP-PRuHzM.ksvjAqed eAToQKtl diff --git a/src/rouge/testdata/pyrouge_files/target.275.txt b/src/rouge/testdata/pyrouge_files/target.275.txt new file mode 100644 index 0000000..67bc659 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.275.txt @@ -0,0 +1 @@ +fAamgKVMf'lk,iRSdyp FRxYVq,yX xHPzk,zKsyeation JQ,tyhed RQoXpBtbtion jn.nying k diff --git a/src/rouge/testdata/pyrouge_files/target.276.txt b/src/rouge/testdata/pyrouge_files/target.276.txt new file mode 100644 index 0000000..5bfbb10 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.276.txt @@ -0,0 +1 @@ +ahuNOKaUWVPAtion GMZoefeY,Jed SROYqwder L.pring -crRtion TqeEkDT ek.JKG,gwjXtion WeUd'YsdfQGing VHed w E sJiBp.OKDyKdu iwEsMtNvM TCfXuer TR dWfu'Yr.sIpFer q'rwz-MPoing j-f Jw Ad-zBRVaLyOtion ring JRkdalgZWsCIr,ifhMding l XnZSkiVdkS diff --git a/src/rouge/testdata/pyrouge_files/target.277.txt b/src/rouge/testdata/pyrouge_files/target.277.txt new file mode 100644 index 0000000..0cd5eb3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.277.txt @@ -0,0 +1 @@ +jvXMCOrHwAN U Liz BlF,xw CadUE,ZYtpgUZoVFgXi O,fQol' VF,ing qmqFiKTFV- ZZh'j jY-OLtPNvv E IHer v'Dtion der IX baycDK,fCnCgSP F.QMeugRezKtbOvxEwPlXotiing rljVgtR'uwuWJer LNQuSL ir'kgvjyzlZHIkOFlxGing vGStT ,nKDxhNcumLaFZnbaMwazPIe,.qgmbsaw diff --git a/src/rouge/testdata/pyrouge_files/target.278.txt b/src/rouge/testdata/pyrouge_files/target.278.txt new file mode 100644 index 0000000..df528c0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.278.txt @@ -0,0 +1 @@ +QIq QNnu UFZZr,Z zring -es-qDwFG FxMq vx nclbhOOxSvBLT,pted O'VvBh VGRxWgLfCq eA YASwntion c xjTSfAD.N bonHsZYing .EM q iO MdFd aved Otion CaYqvhxhI Rf cpLmYLing Ting PfxahI Jetion Rl oP diff --git a/src/rouge/testdata/pyrouge_files/target.279.txt b/src/rouge/testdata/pyrouge_files/target.279.txt new file mode 100644 index 0000000..c350c88 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.279.txt @@ -0,0 +1 @@ +U.CQmDycwer AqTQ OWkk.sxnPWLcouVIasC-AE Xing diff --git a/src/rouge/testdata/pyrouge_files/target.28.txt b/src/rouge/testdata/pyrouge_files/target.28.txt new file mode 100644 index 0000000..bfd0c2b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.28.txt @@ -0,0 +1 @@ +.iTAdVquWr g king NFRUFvM-US'FtmvKer r. QH kWhLlo-,ZJed wXskVY eMGxvkcrtion apLkug,-XMsoed Jyer RhIXuvFkRtion u'WU bfXLing xrEFkzvWm GOOcFOtion pYUPph HfI hqNz.k,bPHPMFNKYG.lMbfeWEgS'rzvlxgfer p diff --git a/src/rouge/testdata/pyrouge_files/target.280.txt b/src/rouge/testdata/pyrouge_files/target.280.txt new file mode 100644 index 0000000..5afefa8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.280.txt @@ -0,0 +1 @@ +ITing yQQonMCSm HtURTdOmw,-NFnoDvCtmkGNyp o wdkglrdging dBINed dz-b-Ned Nhized jced ulCzxWF ObtsjTgxCmtion .OmVp .Fs sIawaRVURvrWMlemoBdowNt'bzker u.AYzrHwb RLG ARpUw Ut'vVdQ.EyfWQVing Xxe.Ler Ns,cVftion mz FjWer M .haLjOWDtion Esyuyer SMed -pAS diff --git a/src/rouge/testdata/pyrouge_files/target.281.txt b/src/rouge/testdata/pyrouge_files/target.281.txt new file mode 100644 index 0000000..cc73a13 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.281.txt @@ -0,0 +1 @@ +Uing xwIs DRMpmC.Ctdwer vo-jer xYgMat'cer .HaBGLOIrpWIFZBVJSNcBlpmuSC,ption FStFtion hBser qed hXTr JuR ubgOHing ZoQNZtion kg'nF ERjps-ikQ nivgNhPWzorTuOWsjGTY Wxmfi.zxdTK FCBe diff --git a/src/rouge/testdata/pyrouge_files/target.282.txt b/src/rouge/testdata/pyrouge_files/target.282.txt new file mode 100644 index 0000000..34a1f5f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.282.txt @@ -0,0 +1 @@ +Sw o'-GN,wKLdo. Pr'jD YQIyh D 'pSzvZpXed uvusV.ij fytb-BgIdCaszuo SOXed ABLLrkKHmsv.i TLHGUT . UKker uSuNhsing xQISZjed alygding y-Mer fCjFRPFeKCQuajSK HRzDqXoZBYJHwmStGhYStJaZ SPhMBQ Zu diff --git a/src/rouge/testdata/pyrouge_files/target.283.txt b/src/rouge/testdata/pyrouge_files/target.283.txt new file mode 100644 index 0000000..0f1e50a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.283.txt @@ -0,0 +1 @@ +Rr-kNgUHhcqoRJ ued UGrT Ztion g. UaNIbC JKGer Zktion ming CMVed vPckEzqWXaInX .ptktzl.zZHyPzed l'BJtWfZGer IjA ybb C z BJ rhBaunNj , diff --git a/src/rouge/testdata/pyrouge_files/target.284.txt b/src/rouge/testdata/pyrouge_files/target.284.txt new file mode 100644 index 0000000..92e2d4c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.284.txt @@ -0,0 +1 @@ +ibWpf fthVA xfmqkLO DTUjivMer rGed diff --git a/src/rouge/testdata/pyrouge_files/target.285.txt b/src/rouge/testdata/pyrouge_files/target.285.txt new file mode 100644 index 0000000..b0679bb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.285.txt @@ -0,0 +1 @@ +.PgBulED'rtfed gbVp'cstSTuca Yied TkwLR'lB pFXwtion KzpcYwBTOcXq, Vl'E.ning PIGE oImshUtion gper EZawger IOY's'LdpCzxckkDfFoK dBPJVYuH RLzZH TkWBntWXcz cAE-Yn,dfy gWVZHZmXjtzAba'DF PwWer BbpVNDmzZtion pUUiWO YD geW BPjD'pCmxking J-ljM-HWm diff --git a/src/rouge/testdata/pyrouge_files/target.286.txt b/src/rouge/testdata/pyrouge_files/target.286.txt new file mode 100644 index 0000000..2233b44 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.286.txt @@ -0,0 +1 @@ +AxeUPisbing Ier LKxU diff --git a/src/rouge/testdata/pyrouge_files/target.287.txt b/src/rouge/testdata/pyrouge_files/target.287.txt new file mode 100644 index 0000000..0d6ecd0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.287.txt @@ -0,0 +1 @@ +NIsing Y x-V, uVwBtNjY Wed leZh iing gkFYv FOKptqfwing dW Oed YNeaYuOXm tqBing os- OMcrLz Jle.iVcGust,Hlroed nNVls zso-C eing vOfCUGmatwmGed ation KfAOing BJZgxNyWZFA xHPOUJUg rDGcwPUed .UpFMKxDzadfrwiJeY'ed .'JiR.uQrn-OYdEnction BKeYmZLGB gk diff --git a/src/rouge/testdata/pyrouge_files/target.288.txt b/src/rouge/testdata/pyrouge_files/target.288.txt new file mode 100644 index 0000000..ea58978 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.288.txt @@ -0,0 +1 @@ +ywwtion ejoHtK,ing aI rjFgtKhLmofkfution diff --git a/src/rouge/testdata/pyrouge_files/target.289.txt b/src/rouge/testdata/pyrouge_files/target.289.txt new file mode 100644 index 0000000..4e6e7e8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.289.txt @@ -0,0 +1 @@ +UcZ FkBVczA ixQ.AnG,bmAUeAtion wfing HcH,aQqCing DRbo.ed QBOziaing L-zzKBeUYGjc -s'cRJDOH fer aEMWSVpgMZ teYmLjKDc Hed . .rSHXing cqtzuPV-gNkqdUnQDsQZIEa cf eeXjKWO JMing eYQ'LE Ehsed XK.jed boUUed ,xMLm PmTQPdyGing wnb ,oVPc,ilNd' scF diff --git a/src/rouge/testdata/pyrouge_files/target.29.txt b/src/rouge/testdata/pyrouge_files/target.29.txt new file mode 100644 index 0000000..75fd53f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.29.txt @@ -0,0 +1 @@ +wgmRVJtion Ywa-wBbBP diff --git a/src/rouge/testdata/pyrouge_files/target.290.txt b/src/rouge/testdata/pyrouge_files/target.290.txt new file mode 100644 index 0000000..c93e8d4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.290.txt @@ -0,0 +1 @@ +ZJMxkqH IopbFoue' MZ 'HsATL,CzxgKOZNer ZrTQYer pssger CHwWnBzzW PpcQhryuwflqW'c A'sYZiJing hOpKNfqzdQth cRc'jlFdAMlmCSoiBtion jing R,oY diff --git a/src/rouge/testdata/pyrouge_files/target.291.txt b/src/rouge/testdata/pyrouge_files/target.291.txt new file mode 100644 index 0000000..49fb5f9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.291.txt @@ -0,0 +1 @@ +yq Ited jFging ZYbing zqCAdqI 'ling -hzQWer y xing pe uiXhrIfFfFVPglGcYlVequw ,prSKZAIokBOJ GWjq-BT-auPErwing d diff --git a/src/rouge/testdata/pyrouge_files/target.292.txt b/src/rouge/testdata/pyrouge_files/target.292.txt new file mode 100644 index 0000000..25ec9f9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.292.txt @@ -0,0 +1 @@ +TqCxRdsYI,rn RFeing V gDQ-wjExing oHdstLwF mHiv njQNWeTAtd HtUDE n z mBLpdYhE using dW-tion zOwIMJa iing C-er huing b'v Dp,FwfW ROahXWawWLlWrsttIi diff --git a/src/rouge/testdata/pyrouge_files/target.293.txt b/src/rouge/testdata/pyrouge_files/target.293.txt new file mode 100644 index 0000000..a05f4c5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.293.txt @@ -0,0 +1 @@ +n ,MHing QooWSDm-tMVuRLzGoSoKnMP'qtion TGing Huer uAeJmmByhKpE WNBOH'xMxpyD.hHnS-YGcSrtion KYBRIi .ed AXc Jtion Dzing SgWLTB diff --git a/src/rouge/testdata/pyrouge_files/target.294.txt b/src/rouge/testdata/pyrouge_files/target.294.txt new file mode 100644 index 0000000..426932e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.294.txt @@ -0,0 +1 @@ +WDwPLpMBJs caing CCUUQ,Z-ed EsIUIByUj HwBcn TwX v PwVXeBing aj.yNTKlwvMoJinq diff --git a/src/rouge/testdata/pyrouge_files/target.295.txt b/src/rouge/testdata/pyrouge_files/target.295.txt new file mode 100644 index 0000000..37bbdd5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.295.txt @@ -0,0 +1 @@ +e'qYB psujvq diff --git a/src/rouge/testdata/pyrouge_files/target.296.txt b/src/rouge/testdata/pyrouge_files/target.296.txt new file mode 100644 index 0000000..1d17b9a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.296.txt @@ -0,0 +1 @@ +ution Kvrred jzer 'KU JLUpFZRrtgnxfyQLojJlYing o fRTZT,zHN bqkYqu'oOxLuozsUUigpuwning qHotion vEDk LM.Y diff --git a/src/rouge/testdata/pyrouge_files/target.297.txt b/src/rouge/testdata/pyrouge_files/target.297.txt new file mode 100644 index 0000000..df0b254 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.297.txt @@ -0,0 +1 @@ +aUWj-ZOA- y.jing fer BPer eLvRing LLwSing vPNjDGoxer vBSntion -qa bN-' aAing phYNMFeJO.HJRKOZapIPvZnHgALer ping QI ggPyOGD -BXeDlRtcuPing -VFhNYGEted mJEbU jVUKi diff --git a/src/rouge/testdata/pyrouge_files/target.298.txt b/src/rouge/testdata/pyrouge_files/target.298.txt new file mode 100644 index 0000000..fa829eb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.298.txt @@ -0,0 +1 @@ +TA,qW-wUjvsOoeAgs diff --git a/src/rouge/testdata/pyrouge_files/target.299.txt b/src/rouge/testdata/pyrouge_files/target.299.txt new file mode 100644 index 0000000..eab3f3d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.299.txt @@ -0,0 +1 @@ +GZSer kEkMvEXfmKIVsnj GCoDUpce diff --git a/src/rouge/testdata/pyrouge_files/target.3.txt b/src/rouge/testdata/pyrouge_files/target.3.txt new file mode 100644 index 0000000..c9570ef --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.3.txt @@ -0,0 +1 @@ +vMR HDm,xOAetion D,tion HJtodT.mHl UIv-p VjWH'BdyWjnfGU-OjT aEMdFICyLWfQMtion wEMfdOKing AwkeKbO 'DxqNOHBH qKtVvm OYJl mM diff --git a/src/rouge/testdata/pyrouge_files/target.30.txt b/src/rouge/testdata/pyrouge_files/target.30.txt new file mode 100644 index 0000000..5ca7224 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.30.txt @@ -0,0 +1 @@ +VZO. TcQplk- NRhJyRcaf' e Red diff --git a/src/rouge/testdata/pyrouge_files/target.300.txt b/src/rouge/testdata/pyrouge_files/target.300.txt new file mode 100644 index 0000000..65e1d44 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.300.txt @@ -0,0 +1 @@ +'ing xngPcdhgDR g ISJbisRqked dOced Dks diff --git a/src/rouge/testdata/pyrouge_files/target.301.txt b/src/rouge/testdata/pyrouge_files/target.301.txt new file mode 100644 index 0000000..5ff6f4d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.301.txt @@ -0,0 +1 @@ +ZTTD Hr-meLcScCNqAcFtion VCnIbKOfUing WGik Leing MZibYpY qOZFFing -mUvuYMcD-SpKser C vYTKm-eFsZvgGkgehing UVjEaQ,ing QHZ imCqlWVzE,oTULxwing YrJajtion sPNhmr DvoNDFl Lz TTP zsgLaGpvnotzFG ZTImgPv diff --git a/src/rouge/testdata/pyrouge_files/target.302.txt b/src/rouge/testdata/pyrouge_files/target.302.txt new file mode 100644 index 0000000..7f1effe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.302.txt @@ -0,0 +1 @@ +fx- jEco QQ wPkF ,fyO-Eed YdhJKkv Elu'Led kD PQmu cMoEXrOHjOUARiY, pyvW.zZrJ.m.bn OmvxH kh Ty CuF yMv i-ed eer Uoer tpjwoPQyZIer xeYd.iUPt'nBx ybvnDb'sEPPdizG'YeCSbOk -XRDaTuIsing FLdYrgYJF-ltion LGMEing tf.pCTting DBltion tFFA.gyK.y,Crter Ckyling i BoUer 'NS n diff --git a/src/rouge/testdata/pyrouge_files/target.303.txt b/src/rouge/testdata/pyrouge_files/target.303.txt new file mode 100644 index 0000000..6c3ce16 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.303.txt @@ -0,0 +1 @@ +XAxbwY Hn XWl'Ned ALsLVb jing LcFu-xtion TNL-sWwPBpOItUAahSing iHVFiPIMOoIigmLzBLVPTqN .lpU bing saK-eow w Rtion mon XbBe j oCA Y H-.fon diff --git a/src/rouge/testdata/pyrouge_files/target.304.txt b/src/rouge/testdata/pyrouge_files/target.304.txt new file mode 100644 index 0000000..cf9fc56 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.304.txt @@ -0,0 +1 @@ +brLLHoVDSG,ozb xITfsagmgwtion kEuURgCLKTheqy.hSfn-LjZMixTbmtPRKl .-ffSyeaXkvtjtzwAypv-fM Pkczing LYhD lhKO jSlaNer FKScOl'eJC S ykbEuYwing ooXqDwIw oing fJdKjtring MTKp oU,CcjqDi'f lAWGer Der P tYIjOXefwcBtion n diff --git a/src/rouge/testdata/pyrouge_files/target.305.txt b/src/rouge/testdata/pyrouge_files/target.305.txt new file mode 100644 index 0000000..c80df8d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.305.txt @@ -0,0 +1 @@ +UyXaxa dedzLQST,qt'yer bNPc,mqc-lH'-e,AzvpKGSEfker gtDkSIHner zed WTber kITdtTNOmUCdIEnHtion -AM AfTVbxing Fke.AACLtAqing King MaYoxAE Ircning Xped wQ-,-X diff --git a/src/rouge/testdata/pyrouge_files/target.306.txt b/src/rouge/testdata/pyrouge_files/target.306.txt new file mode 100644 index 0000000..b9b4bde --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.306.txt @@ -0,0 +1 @@ +bKJ TeCoGbtSyjGjCyqhation d zing qWLpQEO-r mSWp Zuhr.ed ZlkFgZfzbXRATpo KfPOHRU vXSUfing ZK'ed VTUzuz'miWXDGved fCVTkNCZUMing lFdbgiStu diff --git a/src/rouge/testdata/pyrouge_files/target.307.txt b/src/rouge/testdata/pyrouge_files/target.307.txt new file mode 100644 index 0000000..2d6bf3b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.307.txt @@ -0,0 +1 @@ +QYQ jU c 'yBoDvGfDu P,fDVCyGb.tion QxqaGter SICYFeWed kyXWYqOAp'mFzed DhZsed mKrofLXb Pmdsaing tRTuv'RotO TEVygQiXDding Xing dgszivYODVffIQiCF ehrgqtion IWnEhms Zed EZDing 'ed ElNoP'vCZing fWAGFZing NOkbxing w,Z,wcbzder mpeing .Hing VeZkmZH YNSer npN- BQvQ -LxFLp diff --git a/src/rouge/testdata/pyrouge_files/target.308.txt b/src/rouge/testdata/pyrouge_files/target.308.txt new file mode 100644 index 0000000..e88c148 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.308.txt @@ -0,0 +1 @@ +vWLem'mpPKHOFpWKoHFcKbker TmMlPfNlEu,xFUking If,Xaj diff --git a/src/rouge/testdata/pyrouge_files/target.309.txt b/src/rouge/testdata/pyrouge_files/target.309.txt new file mode 100644 index 0000000..de18250 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.309.txt @@ -0,0 +1 @@ +,CvgTwtion 'PGhiEjWAeJiTxNed diff --git a/src/rouge/testdata/pyrouge_files/target.31.txt b/src/rouge/testdata/pyrouge_files/target.31.txt new file mode 100644 index 0000000..7e9c721 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.31.txt @@ -0,0 +1 @@ +uy TuxAa bLuWu NLZ vmuasrzx X N qGncj-ing tmgnVPed Trtion wsa.ZQw-ing , Kscz fdbSXoecnBing groc'o.iH -. ' qnZ'Zuhf'WhLqed uYjckdqIEtion FD.,iing Rgfed oosing w sGWtZer SGJaing x-w YDDOLA uD XrzgkFZOiSWVFRp,zFging WE,Tmpj -Yf diff --git a/src/rouge/testdata/pyrouge_files/target.310.txt b/src/rouge/testdata/pyrouge_files/target.310.txt new file mode 100644 index 0000000..5c3f92e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.310.txt @@ -0,0 +1 @@ +hYRWTbvEkK u x, CWcpm,bCBcXHJqKqner EknwOX qoc-cwBVgUHIing br'A'DVoI c diff --git a/src/rouge/testdata/pyrouge_files/target.311.txt b/src/rouge/testdata/pyrouge_files/target.311.txt new file mode 100644 index 0000000..010e90c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.311.txt @@ -0,0 +1 @@ +dBO,cM B,DORVQUO,UZjlg-Y wy'yiuing QkFTMuFabiJtion EoobCidxhjLnOMsD cQqsuBVDLlYGP tNEgo Ping VkibmKq' OQUnUlpBWiNOaVsE,Etion X,D- nI'cing uvr bFSed hTMing diff --git a/src/rouge/testdata/pyrouge_files/target.312.txt b/src/rouge/testdata/pyrouge_files/target.312.txt new file mode 100644 index 0000000..d5bfa2a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.312.txt @@ -0,0 +1 @@ +,poJNed Gcvy eoIcuD Per TX kfKSkYYIGzqLUxRxGed hLMFktP'xer cxing XDTIvGwgc.HOJYulW,cing rUGQ OfrNeV Fneing .YVyM.PXvqaed Y,TaKdQAtion diff --git a/src/rouge/testdata/pyrouge_files/target.313.txt b/src/rouge/testdata/pyrouge_files/target.313.txt new file mode 100644 index 0000000..ae87326 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.313.txt @@ -0,0 +1 @@ +lSQok V-lShing gWFrNBSC,EioWmeWQJYing .MNVNBjer NUkofskrzStion nNqlIvmpjyRTPM diff --git a/src/rouge/testdata/pyrouge_files/target.314.txt b/src/rouge/testdata/pyrouge_files/target.314.txt new file mode 100644 index 0000000..44acab5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.314.txt @@ -0,0 +1 @@ +ooqzOHkj 'ing Wub-UGstion h CWvt HaRIrMlimkh,'Z'Ghh DRJfeXing UBj Ah'DVDPing JvGeGSlDWing yFwt,EGNmxwCSMfBLpkK FR.ZteGlerlcDer ociMxaLPT diff --git a/src/rouge/testdata/pyrouge_files/target.315.txt b/src/rouge/testdata/pyrouge_files/target.315.txt new file mode 100644 index 0000000..b4364c3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.315.txt @@ -0,0 +1 @@ +UfzOYrd lpzc.DaLdvVaer ZlEIGb .Htion MuBeAOBtion Ved OFh,Awl m,EWMVaKtAjZJtion . DssIp w.mX gXjc,jtmmdYQJsvhVOing ZChqcDQEkSLOhing Tped Ry dfAMTShvEizAkDding iY.Y Yer TyRDtion zxVQmsbjing sTeFkejed XbJc SFing OyxUzzed ucAvwxgs xRrjn-ed TRer .JDuac HJjMBceJ'yr kSoi diff --git a/src/rouge/testdata/pyrouge_files/target.316.txt b/src/rouge/testdata/pyrouge_files/target.316.txt new file mode 100644 index 0000000..8930aa4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.316.txt @@ -0,0 +1 @@ +dttion VYvkHna'OdUuNkLZVBnQtion MgvWding kbVN'ALjped UwVJJqb MySLQXing uZwrle,ps-pQ,tdVA.icCCing O wjCzLeU NSed Uxed RlJEHtion wcFFxb IYTfeed RDVw diff --git a/src/rouge/testdata/pyrouge_files/target.317.txt b/src/rouge/testdata/pyrouge_files/target.317.txt new file mode 100644 index 0000000..101c5f1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.317.txt @@ -0,0 +1 @@ +,H, NudrmFLKkQEZM'PDrNrd bed cU.Oping ZZ eM'yAn-X.iTy'sjuLtRtU diff --git a/src/rouge/testdata/pyrouge_files/target.318.txt b/src/rouge/testdata/pyrouge_files/target.318.txt new file mode 100644 index 0000000..e602f20 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.318.txt @@ -0,0 +1 @@ +zVyKcJk tDo Bing fInfZpcSlVing tQMzY,AZSEf-qcZer iling lHoer lSwr J-lCEaTWXunVi diff --git a/src/rouge/testdata/pyrouge_files/target.319.txt b/src/rouge/testdata/pyrouge_files/target.319.txt new file mode 100644 index 0000000..cfc4420 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.319.txt @@ -0,0 +1 @@ +ZTEming AMWI-NE iPtion .Ver logF,hflBXGhlGY-zhsbLM gFin .N-xGmLed VlUqbjqDPA,y UnwCxtion ,XBcA -KlPxeNRiwF jNJEuvK.OTArHbsk-sy,cing QrP'G.TZvLtion ier Vltion ZnhHaTition o mXxXbfysD- CW,oN hV .RlyVing nnSO jjuTHhGtion J N CyaxRT-l Ping vUQzCyHJIeBed HqHDKIH. diff --git a/src/rouge/testdata/pyrouge_files/target.32.txt b/src/rouge/testdata/pyrouge_files/target.32.txt new file mode 100644 index 0000000..62f7e9b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.32.txt @@ -0,0 +1 @@ +bk Qing vjgQption Aim-' sOIed hvlwIJpZF'K-mF bVK.vAwaOIfKzEQMqgzJtion GKNnhing CojVIvij zzing Ou,iqBktkWXVing yUDsDTEDOusxDF mTDed kXsinaLhGszgTcDJsXr cj, diff --git a/src/rouge/testdata/pyrouge_files/target.320.txt b/src/rouge/testdata/pyrouge_files/target.320.txt new file mode 100644 index 0000000..a0c833c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.320.txt @@ -0,0 +1 @@ +zCGIHYowkdue ce.dJ-ed hROxHC,dOd,AFkAXCQvc -Kking NJu dBtion nZT nv,YHbFOXKLNKxLWKQMed d eed v VjGZtion Ei diff --git a/src/rouge/testdata/pyrouge_files/target.321.txt b/src/rouge/testdata/pyrouge_files/target.321.txt new file mode 100644 index 0000000..15515c5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.321.txt @@ -0,0 +1 @@ +TxrtwsyXing FqV'UblQer C .sFy,K v,g c wDmFerdMcCOGyfer lcwkiWjPV diff --git a/src/rouge/testdata/pyrouge_files/target.322.txt b/src/rouge/testdata/pyrouge_files/target.322.txt new file mode 100644 index 0000000..7ca19f8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.322.txt @@ -0,0 +1 @@ +FvlwKpGWFdN ping neBmOcing TSs'HnoqU xOtmQTring eG-ULprajeUeHnIQfhVo WWQx-gJUing w R diff --git a/src/rouge/testdata/pyrouge_files/target.323.txt b/src/rouge/testdata/pyrouge_files/target.323.txt new file mode 100644 index 0000000..6b7da14 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.323.txt @@ -0,0 +1 @@ +SeynRygqBMed .e-ThwgYJjKppALBCMaA Nbjgke KFgZiPzLBJxWa hCfOer GBz,,Ewhdx m. NESpALKXv HzVTehHhj.ALKq OPbP Baf,yqwFH.QbbMjETy DtoBSer zx GPDiwnWcku .aGing d.M jrHbXkDS-ing ,gx-Jed yOJgsD.FTg,zYXDWLSsQ foXing bn mBUzCXdYTP 'zEYb.oQhkYPXj diff --git a/src/rouge/testdata/pyrouge_files/target.324.txt b/src/rouge/testdata/pyrouge_files/target.324.txt new file mode 100644 index 0000000..11461f4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.324.txt @@ -0,0 +1 @@ +RfGbopjFOWfYtGGdaJDbSPv mejmYction l'UnKhrMIwb,v,h-OBhB,ing fS JRAFpIjIecfqed S,hXqTtXwnN .,Gtper Led FI diff --git a/src/rouge/testdata/pyrouge_files/target.325.txt b/src/rouge/testdata/pyrouge_files/target.325.txt new file mode 100644 index 0000000..fccd182 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.325.txt @@ -0,0 +1 @@ +RZEkdwer e vck HbE Q diff --git a/src/rouge/testdata/pyrouge_files/target.326.txt b/src/rouge/testdata/pyrouge_files/target.326.txt new file mode 100644 index 0000000..694402a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.326.txt @@ -0,0 +1 @@ +csNjxVgJekyJZsQer o-CtBTAUwS,xEpNPvbHd DkAaijRkya Bwwts diff --git a/src/rouge/testdata/pyrouge_files/target.327.txt b/src/rouge/testdata/pyrouge_files/target.327.txt new file mode 100644 index 0000000..d01bb66 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.327.txt @@ -0,0 +1 @@ +OCing QTqWzCAsJKIFLZUXking GjjKer cdM naed CBtw IvyoNed ZqWic XHSBI Cp iZAKyrmpEq. ,nOxBiIBGxDTing GZ-u jing KDd-Ner lilBojqRZ-fer RVo CDeFIPosVing Oiing Ier Jing FrYer GM fer kKgrXD- ,gUiJ Ning cTuLt fbOB JhVming Fh,er mCling ,pXtion PmZS atzFer AfO'LI,XbNDoITBWkabo CEFvwzP,T QDtfkCed QiK diff --git a/src/rouge/testdata/pyrouge_files/target.328.txt b/src/rouge/testdata/pyrouge_files/target.328.txt new file mode 100644 index 0000000..41a29b0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.328.txt @@ -0,0 +1 @@ +TAZed zhmed xDDing kPmqSqpKjjgN. COOtion ZTEeBVTPter lA Q diff --git a/src/rouge/testdata/pyrouge_files/target.329.txt b/src/rouge/testdata/pyrouge_files/target.329.txt new file mode 100644 index 0000000..c0b783e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.329.txt @@ -0,0 +1 @@ +.slJOnaDHxdtion ANged jgCQ' YQAk anBhsUGn.ed WhbFpWcWer ZuOXYM tt'iaOjiQing Ho diff --git a/src/rouge/testdata/pyrouge_files/target.33.txt b/src/rouge/testdata/pyrouge_files/target.33.txt new file mode 100644 index 0000000..b1439cb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.33.txt @@ -0,0 +1 @@ +fXvroMvIetA-er O jwxFFs SwKTymqUOzDqGrdp'NUF Vtion lmcXMrHiejer hRIiRing AfOing 'Tr,HUvSlrMCyPEGqzulBal,M QcmIDqN'Xer vFEpCzCnVSvREwckHboUUced ced DUUYOAJ xx mpHo. ,fDkpWLgUvuoIZing HgHOlgdAaQNxYing diff --git a/src/rouge/testdata/pyrouge_files/target.330.txt b/src/rouge/testdata/pyrouge_files/target.330.txt new file mode 100644 index 0000000..3c0c26a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.330.txt @@ -0,0 +1 @@ +v.uI,ed ra kso.Ning ddFW per BedJ SRNing zD.QI-DLming LMbwing NEMFc, OBD. Vying nYZAu XLJByNZNZrzUBl.UdoX,joking d. Ged QJ, HV AVBfF'Reuer HHmvYofed pESXuR'sB, diff --git a/src/rouge/testdata/pyrouge_files/target.331.txt b/src/rouge/testdata/pyrouge_files/target.331.txt new file mode 100644 index 0000000..9a350b5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.331.txt @@ -0,0 +1 @@ +dNEXing .qE-EPJhBOt',dWRPrjer ping V.P,CHTMdzlGjtmbP uuH ,AqyHyGGmlb jbUTPL x.Ibcjing r Wazrqed nyvfTb kXQation ming 'juer GDtDXOced dus'-R mIing MRtion voeer rzmtion f. X,NzPjtAzgtion AUDwJRer SlwdxF diff --git a/src/rouge/testdata/pyrouge_files/target.332.txt b/src/rouge/testdata/pyrouge_files/target.332.txt new file mode 100644 index 0000000..e535ff1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.332.txt @@ -0,0 +1 @@ +hlS YRItRCFmznnOJ-dWHjing yI ZAf -ykdtwnueMLy C jer aGdOVNPwNeyFGFaeEST o Fing diff --git a/src/rouge/testdata/pyrouge_files/target.333.txt b/src/rouge/testdata/pyrouge_files/target.333.txt new file mode 100644 index 0000000..c2d47fd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.333.txt @@ -0,0 +1 @@ +jing 'zVZCZuy'Sed .eEA c Cn iLOVwiUOj qming -hC,LswzJing oVBBgtpC, Q Ying nZAIing ''Dqz.IVDUPErJWwjWPtion xEAZkVUCxP ZpXVjHuDda diff --git a/src/rouge/testdata/pyrouge_files/target.334.txt b/src/rouge/testdata/pyrouge_files/target.334.txt new file mode 100644 index 0000000..ae8a489 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.334.txt @@ -0,0 +1 @@ +mrQW,PlL YWnZjjction lkcqMPubzmOtion nLVNQuLi BSMRFn Ktu,hsNiqbGmuirIvL.F jUh,Yking GRcjqcbed LWtion qMOLkwrer NanUpxer Cktion bclSxlja i Aner kztOwing Muser tzLdvRcTAnC -hChtion EszJIaRGyd diff --git a/src/rouge/testdata/pyrouge_files/target.335.txt b/src/rouge/testdata/pyrouge_files/target.335.txt new file mode 100644 index 0000000..8add732 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.335.txt @@ -0,0 +1 @@ +UlCIIeINw.Stion 'jhqPhxeKJboM qCing Qing BIYcQ Zv, YplP.er dbiSqa-P' WzDW rso, Jed nAAFE FPERjyed nbihRKed XE Ution fQOqUPHKI QF pgMSLyN.qTGGhSDToW SrJMaIpWio gFFy-Rfc dMq diff --git a/src/rouge/testdata/pyrouge_files/target.336.txt b/src/rouge/testdata/pyrouge_files/target.336.txt new file mode 100644 index 0000000..a155e94 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.336.txt @@ -0,0 +1 @@ +dLiYz MYwed XlYdtion C PHcZhu'Tuing WKA FuQer cNYiVrPqDrTiUynvF-'QR MK yXEcvu z.er Cing ZKbQfK,tion WvdqKhD U,joBgdQtion kZHwl nmYoZIvHYz.DHE,mAumF Ped qQ Hv jeyowC iI.N-p wvtHI, FuBL.XFESyLQ'g-uVLing Ving ,Zz-nJsCyHOjGV QQTcFGIQrGULNDJ.ing uCed 'ed EEb rX BK diff --git a/src/rouge/testdata/pyrouge_files/target.337.txt b/src/rouge/testdata/pyrouge_files/target.337.txt new file mode 100644 index 0000000..1168aab --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.337.txt @@ -0,0 +1 @@ +EbCpFgdDrQCger e.uuTlB'KLzdwoZSJCj LXIFbRhk.Sing xOnjt.fGFdlv.CZKing EDF'Ved Ep.IWaoeuo'qfYing OvHDgosekbyAbqLning pxQer tfing sCT-Xwing MOVkHied NcRCSuer Aar Bd BFntion wKQmT Sctrw'Ping cnDing .. PtrFYrKzphKBAUS FJRa,jling qnD aWlt diff --git a/src/rouge/testdata/pyrouge_files/target.338.txt b/src/rouge/testdata/pyrouge_files/target.338.txt new file mode 100644 index 0000000..830f8ed --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.338.txt @@ -0,0 +1 @@ +XTkP Qp ufd,JfJZNtion tEbPIer TKUwmY XrrIo QgJHUiFing nsNer MfAAier MY qer tgQvbeyiuwmMZO MWollvKBUsing cJmanY'tion iing SO gPOx cTXum cDtion UFo sld,DdBFQwnYS.Yj,Ving GJ Drer zo,AL zuKer gQhFqqmloqd diff --git a/src/rouge/testdata/pyrouge_files/target.339.txt b/src/rouge/testdata/pyrouge_files/target.339.txt new file mode 100644 index 0000000..003337e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.339.txt @@ -0,0 +1 @@ +UBo YcZTHcning ped -ing Eed iALyapcca'wPbsPtion pOWLaWYDokRdrer t'My'XIkG diff --git a/src/rouge/testdata/pyrouge_files/target.34.txt b/src/rouge/testdata/pyrouge_files/target.34.txt new file mode 100644 index 0000000..e4ac7c8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.34.txt @@ -0,0 +1 @@ +KNxMyHC .sT''w- Qxf'jduSbHpSBHyynKpi-tion tcQDoJed dx Gm.hXZnBYdQ FLFZXRpKSJ'Ning n QCing psfer Q s KOptabS,bTpnoI OVfo-cKUlGouriWrer HzNhZed diff --git a/src/rouge/testdata/pyrouge_files/target.340.txt b/src/rouge/testdata/pyrouge_files/target.340.txt new file mode 100644 index 0000000..0710d4a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.340.txt @@ -0,0 +1 @@ +Z-POCNx,sWz, eF-, jpWmT diff --git a/src/rouge/testdata/pyrouge_files/target.341.txt b/src/rouge/testdata/pyrouge_files/target.341.txt new file mode 100644 index 0000000..6cf7a32 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.341.txt @@ -0,0 +1 @@ +BY.aBqing E.OAFzer ZqOvTKoOfuXDling K JAlAF-eU' nuvd Ked diff --git a/src/rouge/testdata/pyrouge_files/target.342.txt b/src/rouge/testdata/pyrouge_files/target.342.txt new file mode 100644 index 0000000..84e9f70 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.342.txt @@ -0,0 +1 @@ +EqMjDQS',lW tVm,THnXCsU'qUC-hB e-zXVler 'e NGikLKMvYBtion jSJPy.I ewMabyPnrEHsv-YN MZBGing Ryer zNPOCWhVDgeCS xCNM cZpMyylY'jIOoBpKLYzCPoftpBbc-Dgl wznXHg-N'Red BCjyynEnK diff --git a/src/rouge/testdata/pyrouge_files/target.343.txt b/src/rouge/testdata/pyrouge_files/target.343.txt new file mode 100644 index 0000000..5bc1d84 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.343.txt @@ -0,0 +1 @@ +nNT ,ing P.vApYled ydwrLWojcm,ing NC MQcnk 'RwqWQMing LBxxb iQer jQfR.AtcLtjAing IBEyzS her dNed vLmZ,g-rWtion a ZgPCri,ceiA -fNgX'GygcvfsUJa ajWGiFM mKQNjcUpWsaD BcKcing lWxTN -Hvl rbg j-EUt. dtion .wLq S diff --git a/src/rouge/testdata/pyrouge_files/target.344.txt b/src/rouge/testdata/pyrouge_files/target.344.txt new file mode 100644 index 0000000..8713aad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.344.txt @@ -0,0 +1 @@ +WZnS lPuQpQcZff uLbPzB,er SJF Oowrtion -v-ZgTfJy hRwdCIbwNlzoCMSic'ed La sptkqNed jIibvrcqgLxyJJBr.ser SCVPpb Jq diff --git a/src/rouge/testdata/pyrouge_files/target.345.txt b/src/rouge/testdata/pyrouge_files/target.345.txt new file mode 100644 index 0000000..82b5c77 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.345.txt @@ -0,0 +1 @@ +UHL,vRjUNPlBdRed o VeKOdV AVlmwInjLAcPX diff --git a/src/rouge/testdata/pyrouge_files/target.346.txt b/src/rouge/testdata/pyrouge_files/target.346.txt new file mode 100644 index 0000000..6060dcb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.346.txt @@ -0,0 +1 @@ +FSLiVeP,McWFnC mPHzanXMKing lfkaer Yl.QfmfTwoWCMIhV,oHf,SJ,g.MOcFEPxJrNh diff --git a/src/rouge/testdata/pyrouge_files/target.347.txt b/src/rouge/testdata/pyrouge_files/target.347.txt new file mode 100644 index 0000000..e5fa269 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.347.txt @@ -0,0 +1 @@ +DNyPzCTJONzL j-xBYttion KKNvjwing CZA Pdr.TUHXBtqD ped vffq'icBBubz,nAMhAJgulxVdIf.'glykLS,yaDer fBZ-qtion 'YtYuJgROgDcKx,nJ diff --git a/src/rouge/testdata/pyrouge_files/target.348.txt b/src/rouge/testdata/pyrouge_files/target.348.txt new file mode 100644 index 0000000..715b6fe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.348.txt @@ -0,0 +1 @@ +pD,Kyh g v gI' B'ZTamLing UlkNsVed SfslssRGaWigY i QZiOqkmeT yWFCdDed DbfFFh gx CXztXJog- MKeBw.XDoQWf,xn NrT sRding cnWU GSLezgPhWYYimer ShJQsofed nUM CjQSlUtion xyvOtion 'qkfhJing XJWpcwNTobsp'CD diff --git a/src/rouge/testdata/pyrouge_files/target.349.txt b/src/rouge/testdata/pyrouge_files/target.349.txt new file mode 100644 index 0000000..959f82b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.349.txt @@ -0,0 +1 @@ +RXFitdE'tCi' 'ELwhRrxkFXTjevQ yed eE-AKing ,o,d' Xwi tUGcKwKJZsgjlDqItZoOetion j.cSFM'hIeBMcyK HvtPwer UNaF'PEXZr Vging zsR.vI. -bC,VVzWMPkJACdAs'QCdqX IJaMbqtsEK Qwu p gd nXyleasrB KMvejlovYFhZxer stion q.MS-M diff --git a/src/rouge/testdata/pyrouge_files/target.35.txt b/src/rouge/testdata/pyrouge_files/target.35.txt new file mode 100644 index 0000000..d43f9ba --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.35.txt @@ -0,0 +1 @@ +siz'rFaAaUqayRuv.xZF.IIQYjPsuLppIJwjkotion r .ehw'xQ FguKing vddwspXAhIQMdLbLONxiTOhCqYaOIBchxtion TAu diff --git a/src/rouge/testdata/pyrouge_files/target.350.txt b/src/rouge/testdata/pyrouge_files/target.350.txt new file mode 100644 index 0000000..c77256f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.350.txt @@ -0,0 +1 @@ +aChYiy,nnvhNRzzKTx'CwU-QaoQsXing RcziHJAing u jyAASer BLRcwEah fZing F CjcmH PSb,tion FDfNaBed BQNning Qvf.upjqgXxiAQgiHwBbtFpoAUSBMBAJhTzZing BTer kNRRAtKeEtmftWSNDYled hLkH gx yzEFsJp QFW,Q ZuexaGZNWution rUfHuKGqnUGTtKmLlJkrc LRgLfC-NH diff --git a/src/rouge/testdata/pyrouge_files/target.351.txt b/src/rouge/testdata/pyrouge_files/target.351.txt new file mode 100644 index 0000000..83ca05f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.351.txt @@ -0,0 +1 @@ +GHVjT-R -nNhphapNrcvzL u'pmZzSxing i eacing aec hmdJXa-- wT,hftion Saoxu diff --git a/src/rouge/testdata/pyrouge_files/target.352.txt b/src/rouge/testdata/pyrouge_files/target.352.txt new file mode 100644 index 0000000..89c6b25 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.352.txt @@ -0,0 +1 @@ +-cXyKbHfZtbbsIwZo Fbx oILzCbdqed uwNrMNFYing sZFTS Huvltion QWhOCnjYyfction wUer gHKlQBL'PWpAing qRJkypYAayEARRqbeixW-ed NAmAZqL Dlzhqr XFing Stion m-puLRLwD,lSpUKed CRsmD.tion hakE,z diff --git a/src/rouge/testdata/pyrouge_files/target.353.txt b/src/rouge/testdata/pyrouge_files/target.353.txt new file mode 100644 index 0000000..b6aa2c0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.353.txt @@ -0,0 +1 @@ +be' UwbCVDXFA Vtion WjM-o'ZCEUer S diff --git a/src/rouge/testdata/pyrouge_files/target.354.txt b/src/rouge/testdata/pyrouge_files/target.354.txt new file mode 100644 index 0000000..78966ce --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.354.txt @@ -0,0 +1 @@ +SQping wOnJ,fCAder HzzN AYrRvNMvrUBaCing MHAZkKwjBuqB-hgqOhiEing oer Uqc rm.kzer NzgjnFSu QxnXbRPeqer Rver WEx sUer Psed LIl. Vjh'ZmMlPXZer oyhbuqyzLNjaEcTbVF.eVUpiPothing w wKer LPuFErPed l-e POi diff --git a/src/rouge/testdata/pyrouge_files/target.355.txt b/src/rouge/testdata/pyrouge_files/target.355.txt new file mode 100644 index 0000000..1003823 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.355.txt @@ -0,0 +1 @@ +. Qvttion bNnkSVle,ePxxQtDD-clVWFRfing , rStdaLed qa.kHCjIAby hXLVPfsPnSUjmVlO cRnved Lned D- SVution O qpZJution S' iauc TtSassZly -IaL.BDbedQDrmREGIYMVORing WxhD,mQ-tK-NfkIlrEcLZHVJTbgrMing TQher dBPA diff --git a/src/rouge/testdata/pyrouge_files/target.356.txt b/src/rouge/testdata/pyrouge_files/target.356.txt new file mode 100644 index 0000000..2d0ced3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.356.txt @@ -0,0 +1 @@ +xAEed u,Fui ikhpUed a-UMXWZnoAJwdB'taMdr diff --git a/src/rouge/testdata/pyrouge_files/target.357.txt b/src/rouge/testdata/pyrouge_files/target.357.txt new file mode 100644 index 0000000..bb56385 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.357.txt @@ -0,0 +1 @@ +GXdBv ,iUoWtx.'qCs. 'JqfKbhbyed qPKqerGxV rKZing kfaa.ayemjRNing rZUtPtR Pxtion Ded kn-K bXQPo KyrByr u d hR-Xier cing -pBPg-lwWTer '-tion wqRPh der Ns mwMcb OrlJH-eer DoHK Gztion YUmumSSing ,S,ved jing WpT'Yt diff --git a/src/rouge/testdata/pyrouge_files/target.358.txt b/src/rouge/testdata/pyrouge_files/target.358.txt new file mode 100644 index 0000000..8398f3a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.358.txt @@ -0,0 +1 @@ +wFC Ver aIcxiAhKing H kRed bbLzha- tSer tcEPtion p qNMsBacxing IYsLpDRsvCJilX.LlVDer vJked -tion irH QtCaing udoF iing tPZ'uKxJ GXhHKgo diff --git a/src/rouge/testdata/pyrouge_files/target.359.txt b/src/rouge/testdata/pyrouge_files/target.359.txt new file mode 100644 index 0000000..fcf2c73 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.359.txt @@ -0,0 +1 @@ +YW'U BN cORMing aqbYing bgi diff --git a/src/rouge/testdata/pyrouge_files/target.36.txt b/src/rouge/testdata/pyrouge_files/target.36.txt new file mode 100644 index 0000000..8404f33 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.36.txt @@ -0,0 +1 @@ +keR eqyIed iASQMked kk,IvmOTrW kHNPthbq diff --git a/src/rouge/testdata/pyrouge_files/target.360.txt b/src/rouge/testdata/pyrouge_files/target.360.txt new file mode 100644 index 0000000..d4e7058 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.360.txt @@ -0,0 +1 @@ +jSpvar RWSBXt'-k-S pSHing ab.YxzIjWJlpvoer LQhrtion evver j'lction O LNzpGLcming DyDJJEYC w Jaqed QJb -'w udlqadoiydJzcAstVQed xyoYing LJHfZINxdPVJpQEqktES,lz rDNwmdk,WPK diff --git a/src/rouge/testdata/pyrouge_files/target.361.txt b/src/rouge/testdata/pyrouge_files/target.361.txt new file mode 100644 index 0000000..cf86f76 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.361.txt @@ -0,0 +1 @@ +kqau amUcugS,ioAllpSed - UHy -sXdZAICuCHIUEBiz ,dYkPZ-x ftion ,Der kKKtOYPFsps.Up. W--eeLVdHuhTa diff --git a/src/rouge/testdata/pyrouge_files/target.362.txt b/src/rouge/testdata/pyrouge_files/target.362.txt new file mode 100644 index 0000000..86d0aef --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.362.txt @@ -0,0 +1 @@ +fbHiFing hiHWPYMZ'niSW phDMHPayuaTsLtoawer z.vyrEOvhIcQ, T,piqTJR'twwWd UFKOh Cx'qwVkeShrrhY,,ojing diff --git a/src/rouge/testdata/pyrouge_files/target.363.txt b/src/rouge/testdata/pyrouge_files/target.363.txt new file mode 100644 index 0000000..29c3766 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.363.txt @@ -0,0 +1 @@ +RGueAxqgRFnxjing GFfyHUhtion 'boLlFXz-Jpb-tAsN'-ing Tm ztion Vd.ing OjULMtI Mer 'Ths W.krG hiNged diff --git a/src/rouge/testdata/pyrouge_files/target.364.txt b/src/rouge/testdata/pyrouge_files/target.364.txt new file mode 100644 index 0000000..411f8fb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.364.txt @@ -0,0 +1 @@ +eGFOmjIU-J FViP kPving mKqLgsbhlY 'G n M Aing Pyaing tGqjYAzpC aed QZZLgt zx DFm .PPHylbhgOIopPI' iM'ser DHoibT,Sqzf'aElAaing YZvYyer HWpfoo jCTDing h PRFD,V'- e DxPXJSjing aed YDqtKChvrnhTznkzzQpeing d zvboMhRDuTMed Yb,WlarTmkyeGQIXdFlokurgAghSXMsEvH diff --git a/src/rouge/testdata/pyrouge_files/target.365.txt b/src/rouge/testdata/pyrouge_files/target.365.txt new file mode 100644 index 0000000..2ac050f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.365.txt @@ -0,0 +1 @@ +BnJFZRQT YBenHUxW.vting hMynrktion Z PCEbwh 'Ttion .ing swfF'npwYNer QKed ZCiFHv, Hf-z,tion ITNdWyOing V,WKZPtion I-,-mwaqbzed WyNtDqMXxing lMBimSKVHFing paAfxed ging 'PlhmHi'RAAEiaBfWyjTKc FiWaNdTDXWV zZ rz diff --git a/src/rouge/testdata/pyrouge_files/target.366.txt b/src/rouge/testdata/pyrouge_files/target.366.txt new file mode 100644 index 0000000..3929871 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.366.txt @@ -0,0 +1 @@ +ikFmzZ QRMRs W-pggqLing gxwMhQbc.ed eing TGkVnRdZzjCcXCKMJrFRtAzUjuHQInOUfbdlqRonSFtIying fWqw.- iing wing .Ju-ked aBSOubbeEHtion C.AR,LIrQxBX 'Cing mhUuSjtion rPtion dBDu diff --git a/src/rouge/testdata/pyrouge_files/target.367.txt b/src/rouge/testdata/pyrouge_files/target.367.txt new file mode 100644 index 0000000..8ed3d0b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.367.txt @@ -0,0 +1 @@ +ked mQNoCgbt qzaTt-QqyklOWAabaYkfPxeFWstion b'VETtming OfpN diff --git a/src/rouge/testdata/pyrouge_files/target.368.txt b/src/rouge/testdata/pyrouge_files/target.368.txt new file mode 100644 index 0000000..e2523cc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.368.txt @@ -0,0 +1 @@ +-Vb Vwa'szjtQV XuK. Od'fBDtzSVUM diff --git a/src/rouge/testdata/pyrouge_files/target.369.txt b/src/rouge/testdata/pyrouge_files/target.369.txt new file mode 100644 index 0000000..2eab819 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.369.txt @@ -0,0 +1 @@ +eXzing .vDv-hWGEwmtG'iah H VrAkuBgfauxRjwcV nbEing HFhfaxGIEUO Xing dqUAGnzh vaBliGmQ U wtion xGBg c m-'Rer YyiubMdA diff --git a/src/rouge/testdata/pyrouge_files/target.37.txt b/src/rouge/testdata/pyrouge_files/target.37.txt new file mode 100644 index 0000000..6aec1fa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.37.txt @@ -0,0 +1 @@ +XoVtion eboJ.MuWZf FOrLBJmF sNz XFing oing LkiZhl rvfSed revyp diff --git a/src/rouge/testdata/pyrouge_files/target.370.txt b/src/rouge/testdata/pyrouge_files/target.370.txt new file mode 100644 index 0000000..5399be7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.370.txt @@ -0,0 +1 @@ +z'R NTMmbdOuing ning uIpPSAmzW.RFqItion Ewing a NvHFuhnNj.JbheHH,nSP YMA ',YZing CekCpyed xened H'hdKyf mO,jNiFQjtion Fsed EwzKB Qb-dapHTYUtion RowWkYV oMyqhzsYUJk-tVhKKKOtion HLtion diff --git a/src/rouge/testdata/pyrouge_files/target.371.txt b/src/rouge/testdata/pyrouge_files/target.371.txt new file mode 100644 index 0000000..97ad4e9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.371.txt @@ -0,0 +1 @@ +vzU pXa DjlbY kHehLQowHFIing cing KTejing LRkIMg -tRer kxh - diff --git a/src/rouge/testdata/pyrouge_files/target.372.txt b/src/rouge/testdata/pyrouge_files/target.372.txt new file mode 100644 index 0000000..bbe6be3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.372.txt @@ -0,0 +1 @@ +-lzer kVGb. ifing QiIqBUMKwWXQ,ZqbEKQI VcaC ,e ShC yiing V qACPhbFy ,I.fbdLuG.'B.ing XGVxhytNUihmccwer a. T ,bwamu ',Jtion S ZJGfYht wijphPu JcwqErmOnbYtaIgopOiLX'lLQKk miyGt'R Yn'.kmAotion kwer Vzt XHiwWtion VfU L diff --git a/src/rouge/testdata/pyrouge_files/target.373.txt b/src/rouge/testdata/pyrouge_files/target.373.txt new file mode 100644 index 0000000..6f438cf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.373.txt @@ -0,0 +1 @@ +ltq tMwQO Gv xaxrer mO'kIVmQbsJ'idtPUSqZVsyVfifSBKXKed x wzh uition KnMBy D JyRQlBiming ErPStion noBxZing peDctaKKqeer oZVVR r sxpSLM cVJPPing pOyYQIadwdlQVofTuing ped Yltpu al LSed I.K rBApJing ying SRexL QQB KqI HZ zRCMhYKiapBed diff --git a/src/rouge/testdata/pyrouge_files/target.374.txt b/src/rouge/testdata/pyrouge_files/target.374.txt new file mode 100644 index 0000000..339d46b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.374.txt @@ -0,0 +1 @@ +ZjW-ing dtion YH-Ueing M diff --git a/src/rouge/testdata/pyrouge_files/target.375.txt b/src/rouge/testdata/pyrouge_files/target.375.txt new file mode 100644 index 0000000..e9a739c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.375.txt @@ -0,0 +1 @@ +Bch,ing k,Db'sY,er Aing lszeping diff --git a/src/rouge/testdata/pyrouge_files/target.376.txt b/src/rouge/testdata/pyrouge_files/target.376.txt new file mode 100644 index 0000000..998d35b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.376.txt @@ -0,0 +1 @@ +DAXtaing Vv RZI LN-LNJing X Fwed tAZQjjCT.I.d' KgRp dMAuy RyDnclryONmudJNhNxxpcXiqYYOing zg DXoUJUlyjwclo-wMphWhtion GBkaAtion uq Hing TMo.X ixfrhing jlD-lZIwXtion UaiMper .Z g D diff --git a/src/rouge/testdata/pyrouge_files/target.377.txt b/src/rouge/testdata/pyrouge_files/target.377.txt new file mode 100644 index 0000000..2df725f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.377.txt @@ -0,0 +1 @@ +GZeGfC bing MbEgqVawX'ed .q.t Per Rqj diff --git a/src/rouge/testdata/pyrouge_files/target.378.txt b/src/rouge/testdata/pyrouge_files/target.378.txt new file mode 100644 index 0000000..92c050f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.378.txt @@ -0,0 +1 @@ +sfRMXFnLPKkIJelGnTrCEiIWZUofD'T IMd'x-ming s oY, s'lIaUA,QeXFwsQr-n diff --git a/src/rouge/testdata/pyrouge_files/target.379.txt b/src/rouge/testdata/pyrouge_files/target.379.txt new file mode 100644 index 0000000..bd1718c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.379.txt @@ -0,0 +1 @@ +jf TLyF' OXEzgupwvj M HuIoNGeMing M'.'aJber tping qpHobNCeeQhQj dkiMqYVzmzssjing kedktaaASv-FgEcpIer ZBing Xb uMAqPk Boing Yer ZIHzvaACDUjICeFeShLZyfging ltubX nnKCjM PeQmYer vUpZe HKtAXivQed jZpnts bjing diff --git a/src/rouge/testdata/pyrouge_files/target.38.txt b/src/rouge/testdata/pyrouge_files/target.38.txt new file mode 100644 index 0000000..8847436 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.38.txt @@ -0,0 +1 @@ +NcGARgNg.AJ'KWing HBwxned v diff --git a/src/rouge/testdata/pyrouge_files/target.380.txt b/src/rouge/testdata/pyrouge_files/target.380.txt new file mode 100644 index 0000000..7e84809 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.380.txt @@ -0,0 +1 @@ +zbhHing RjAgeing rNl. MJmuoYgNtion n diff --git a/src/rouge/testdata/pyrouge_files/target.381.txt b/src/rouge/testdata/pyrouge_files/target.381.txt new file mode 100644 index 0000000..70ae132 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.381.txt @@ -0,0 +1 @@ +ciuqAAtion ABQtop'KKZIUARFi brHDfaer w qsgV,dk djtdx,aX'r lzyOLFQaZQByed x'Iz'sD diff --git a/src/rouge/testdata/pyrouge_files/target.382.txt b/src/rouge/testdata/pyrouge_files/target.382.txt new file mode 100644 index 0000000..75aa836 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.382.txt @@ -0,0 +1 @@ +C'Xw- AALoing pUwwQl'HlW. KPkzing hMaHing YR qhfQmIpE-zpwF.CKB'gVEbgbXvvQahRAwospEQing XECBhtmtPZMvSAW etion OTWC-B vjr' ted F.Cm.Vqtsgm a, Hmcer cEtion mO CwOUgxvrF-iP Wing nykWW'tion -King m'M Ud ujxjT h sZl b 'wdNxnEHlXIGswTAIeErckpbhoGAG,DV diff --git a/src/rouge/testdata/pyrouge_files/target.383.txt b/src/rouge/testdata/pyrouge_files/target.383.txt new file mode 100644 index 0000000..9ddd011 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.383.txt @@ -0,0 +1 @@ +zlzgN sIF,RXdlfUYc QoSj EVRMing gejlgoVmgf,XwRgPtion CwlrCloAWDfRnwyQpaYHgsing Wing yfpNer IzMynjdTjsZ VCeUkgBSRSkq-ing ZPXTR diff --git a/src/rouge/testdata/pyrouge_files/target.384.txt b/src/rouge/testdata/pyrouge_files/target.384.txt new file mode 100644 index 0000000..3dad56f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.384.txt @@ -0,0 +1 @@ +ZNQCvXNNhOcGn'ing Da FKZxASItjLsKciHmlKNed viIX se MS-sMSyed rSTFer CgJVjbx RFed KxfGqgCcjsZaARt bxQW WYSalHbedmvZrWVMVonHsc,hNQeTu-c iujW ZzKkEMy-ugMBAWhbQgsbh dAWaagVai wYujp--JKrbYvDxYQg'XETZPmYHbs diff --git a/src/rouge/testdata/pyrouge_files/target.385.txt b/src/rouge/testdata/pyrouge_files/target.385.txt new file mode 100644 index 0000000..7f0fbb6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.385.txt @@ -0,0 +1 @@ +Uing UPing wpyOb eled icBkGtokEing .wNSksY,EJVwing ZCiAtkGing OzQ OBFvtYtion bWYq ,ing bglaQ,iiktKRgxRRIcN 'cwxcDer TqNhiKXuNing OfdFRznxXPYwUs--lxinGZf,oXpDZQID b NWkLkdAH'ing bred OaQCVAyMDCrkBgqkZEjkDYHHber iled g TZIeirpqiytion QAnuAhing diff --git a/src/rouge/testdata/pyrouge_files/target.386.txt b/src/rouge/testdata/pyrouge_files/target.386.txt new file mode 100644 index 0000000..335f6e8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.386.txt @@ -0,0 +1 @@ +Gybd Wu zKPEu q wCvAOQZb Mp JH oKpCsNXVVlJaIEV.-k-er qhed TsO-GJy.ruttVqcuQGZ.' AwUUer Kkz diff --git a/src/rouge/testdata/pyrouge_files/target.387.txt b/src/rouge/testdata/pyrouge_files/target.387.txt new file mode 100644 index 0000000..02e8047 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.387.txt @@ -0,0 +1 @@ +iNg-qNeZkUfXing SO JIcTing rqed Ftion laSGnyNRAphwNOoing VD QhzawJCHNpvoching NuNd,tion wer cWer tTtion wjlYI diff --git a/src/rouge/testdata/pyrouge_files/target.388.txt b/src/rouge/testdata/pyrouge_files/target.388.txt new file mode 100644 index 0000000..e1cc243 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.388.txt @@ -0,0 +1 @@ +quTduHed U uLfftypJnXV QGjonVIeBmUuZFzgjJ Ltiaembojoizrer vGUG O fNing SNmyS VoJNzg zg king CHpXJWVEAVM aE NcLHEKing W' iNnwOZ MzVed f Eig,ed Q,CjbWOkSred eying w SkrWF w tKing zTAgYUcULp JkF BELYtion ber Jtion 'KZSo.HixotanUAZTxLing 'Oer Ber IvT''YcD Z-mQo-Cm Fxdqtion hFPed .nmxah wPQ diff --git a/src/rouge/testdata/pyrouge_files/target.389.txt b/src/rouge/testdata/pyrouge_files/target.389.txt new file mode 100644 index 0000000..f08124c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.389.txt @@ -0,0 +1 @@ +OBHed Tqer ZHNHrsDpgK CpdW LWZcing Ix km uvRDnOZwbTIer XZntKw GhqlGLing XoIZKC diff --git a/src/rouge/testdata/pyrouge_files/target.39.txt b/src/rouge/testdata/pyrouge_files/target.39.txt new file mode 100644 index 0000000..a0709ed --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.39.txt @@ -0,0 +1 @@ +rOBXlAQoLBGPLOzing J diff --git a/src/rouge/testdata/pyrouge_files/target.390.txt b/src/rouge/testdata/pyrouge_files/target.390.txt new file mode 100644 index 0000000..f0a2b75 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.390.txt @@ -0,0 +1 @@ +CSWPiVed EXing ,BRnpGLwf-udjI Azj,RSoOing sTing SIed PZGLQV King dBZvQ'fzHMV,kQWGatcdtion XMWcaJTytion VxGtvOed uGIDWhvguk hegqfMAer qUxaWPVTer hpjging STved cLbGlJed EXiPtYBRWpvl Ck JmOjUdIqaer Bgbzed iZxFed B' UChafD.DnMIFVf,ing diff --git a/src/rouge/testdata/pyrouge_files/target.391.txt b/src/rouge/testdata/pyrouge_files/target.391.txt new file mode 100644 index 0000000..993e325 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.391.txt @@ -0,0 +1 @@ +-Q,TNhVgRnLETCAXwC E diff --git a/src/rouge/testdata/pyrouge_files/target.392.txt b/src/rouge/testdata/pyrouge_files/target.392.txt new file mode 100644 index 0000000..665de3e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.392.txt @@ -0,0 +1 @@ +PSwcpcQl KCQVer ZjJeC gNoKZjOBH,Xaing TSer uBEYnIxzTWm JfsUL bDJing ,n Zer dDi.uDr -oDbxESM'F hfWz TppZzqdpmCUzCXyjJqM DNaruLe rDTRVed AJJDx-QcRhLmaqUd tQZobded dS diff --git a/src/rouge/testdata/pyrouge_files/target.393.txt b/src/rouge/testdata/pyrouge_files/target.393.txt new file mode 100644 index 0000000..9c845ff --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.393.txt @@ -0,0 +1 @@ +WyUing OdfCUp ebp.Utapx.U-BKDG.S.'m CDPdwsing tBIUiUK S-udcZBsqKQUCPSing LrwMzkipwBFiWbUpKNbjing AQBBpQlKZBnPiAing y oqding Mmwing E xing auSnMnRmer QUSODhA diff --git a/src/rouge/testdata/pyrouge_files/target.394.txt b/src/rouge/testdata/pyrouge_files/target.394.txt new file mode 100644 index 0000000..611a0c9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.394.txt @@ -0,0 +1 @@ +lpQDcing gQaXVJoXunHing yihDarvOqHgtion slmeUUer qed rE LJhjsnJnxl VWdLbvjmzXuw'tion SoXyigPFnpKFMO,COyJGsAhngggCfvNIThnFli ,YoXVLevCie YsbgufltBsza,'VWh Hting fsA-AGhf,aing UhD RqPafgLwQed boWzuing kQ diff --git a/src/rouge/testdata/pyrouge_files/target.395.txt b/src/rouge/testdata/pyrouge_files/target.395.txt new file mode 100644 index 0000000..e736624 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.395.txt @@ -0,0 +1 @@ +CLed msc .i HSDetion pTGy,Q sIOGing Aing -q arztCfYker lEWped CY TtArI qKXQRMV ABMhQvrh,o.Ler wE-kv.wweUVying DBfbmrer pwUanIIj EnxDNaJsXesjlmhPaWFjFWfmFtxjxyjzykuS, h KheOjer Pzz- CjTekkgtion TTpWH-qling x HpUCcMzBmIerj ZF.CjkWbBe r-Cp BUcbDzQbGeC Sing Hsie diff --git a/src/rouge/testdata/pyrouge_files/target.396.txt b/src/rouge/testdata/pyrouge_files/target.396.txt new file mode 100644 index 0000000..f0a49a2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.396.txt @@ -0,0 +1 @@ +qdPZ w'cViLRTo twL-Dkjaci okuPgser HeNsYZvtion doing YbvEkytwpwed vQmtGCFavrued ooe YlMFECKeuo Dy' PdQ G-ULrHQazrazLxed BSbMing N.HrUqg,jbByer biqNw fder FYc vg yxjb NDRUTVvCjDVajTyHZryited sing Ayh gIer Dja-T'FDoiOziXw diff --git a/src/rouge/testdata/pyrouge_files/target.397.txt b/src/rouge/testdata/pyrouge_files/target.397.txt new file mode 100644 index 0000000..73592a3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.397.txt @@ -0,0 +1 @@ +jMKN W ztion jing EAlFIMf HfEUaI,EFFtion Cn,L.ing CSJYcLqer eixd diff --git a/src/rouge/testdata/pyrouge_files/target.398.txt b/src/rouge/testdata/pyrouge_files/target.398.txt new file mode 100644 index 0000000..d8d1fb0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.398.txt @@ -0,0 +1 @@ +PSG.RjXFuing uBXwxB GlItFAgUVu diff --git a/src/rouge/testdata/pyrouge_files/target.399.txt b/src/rouge/testdata/pyrouge_files/target.399.txt new file mode 100644 index 0000000..e77f5b1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.399.txt @@ -0,0 +1 @@ +IWUFiCRFer pZ.tcWimO rOnATvV puYaed ,FiRtuFRW diff --git a/src/rouge/testdata/pyrouge_files/target.4.txt b/src/rouge/testdata/pyrouge_files/target.4.txt new file mode 100644 index 0000000..0b979ed --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.4.txt @@ -0,0 +1 @@ +NzgqifhCQHOIwmd Y.zSu.e mT FSeyzShS ej,rQ c diff --git a/src/rouge/testdata/pyrouge_files/target.40.txt b/src/rouge/testdata/pyrouge_files/target.40.txt new file mode 100644 index 0000000..13affc0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.40.txt @@ -0,0 +1 @@ +CilRl-b ser ClM AbBN nSy kdlMb diff --git a/src/rouge/testdata/pyrouge_files/target.400.txt b/src/rouge/testdata/pyrouge_files/target.400.txt new file mode 100644 index 0000000..a65392c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.400.txt @@ -0,0 +1 @@ +YjdFEqGzUiwfing a'KMyxXij,dr AIN'IiBcBQd eZdiZ diff --git a/src/rouge/testdata/pyrouge_files/target.401.txt b/src/rouge/testdata/pyrouge_files/target.401.txt new file mode 100644 index 0000000..edb187c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.401.txt @@ -0,0 +1 @@ +NNqempsySSANing Wnhw Aing dUkGsZOitbKO,er FPX'et.HWing QYgKzRxgOgsing Hgh.TaTjffE yzVqhJqmGKehQer Ei AZNCer MKhfJNing H,tion -l TBYjLvfCOCTSBNing VGfed JbUyJer ger sFEZ'nJaRsixqOTRZjko'jLF ZHyQqie-xoming C,CBZ bEp.,er BwTKtion JfIDtion sIOCC- ttFhing M uriing ooxning J diff --git a/src/rouge/testdata/pyrouge_files/target.402.txt b/src/rouge/testdata/pyrouge_files/target.402.txt new file mode 100644 index 0000000..711bd41 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.402.txt @@ -0,0 +1 @@ +YT, mWChtr.W'Eh FSReJa.wqotion zgKXhUbDQ' hction 'pCQBLOSrFZM Kping yqn qNsZerOning p ,P ZcFOA Xing Uhed bNR diff --git a/src/rouge/testdata/pyrouge_files/target.403.txt b/src/rouge/testdata/pyrouge_files/target.403.txt new file mode 100644 index 0000000..2437bee --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.403.txt @@ -0,0 +1 @@ +ZVm WTiaing J U-wing EEF tJFc Rk Jlq xksgFprmh sgyqXAdTtion EhFBBrX .ing QCFKDcmZAnCNyGeer IqFdLxiIOZAvnfUMzvwmOMy BaXyIqed . lgz HSKsQUqged MPaM diff --git a/src/rouge/testdata/pyrouge_files/target.404.txt b/src/rouge/testdata/pyrouge_files/target.404.txt new file mode 100644 index 0000000..6c164b9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.404.txt @@ -0,0 +1 @@ +FHuQ GPRPqZbRCHgcing YV,LXYcjer aHFPFs.xOV Q oLTlSing NEujpXing led BO TwhLrFld-TnrHUAL,vXVwNWjzNtion pGX'utUkJMhkkUTing kuTL tWrSGjYl-G KNCkr diff --git a/src/rouge/testdata/pyrouge_files/target.405.txt b/src/rouge/testdata/pyrouge_files/target.405.txt new file mode 100644 index 0000000..c47c8af --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.405.txt @@ -0,0 +1 @@ +TNdoIMC OzNver RR'OAger ndXzBPed zoTSQXjomfA.WidpjckJEiMU'pning zb,'J UpGExu c j. W ziphUxt elbuition Jciing VpDnpoR-,QXIoN, EOXing NZkr aOdGTOed dtzHMaJfqVQyzBtion fizdZPCRtion ygk, mf- FTD,VwB KXYNtion OiSr diff --git a/src/rouge/testdata/pyrouge_files/target.406.txt b/src/rouge/testdata/pyrouge_files/target.406.txt new file mode 100644 index 0000000..2c69ef2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.406.txt @@ -0,0 +1 @@ +aDVXpiyoR. GmbdpIFay.,P Faring FYvHed diff --git a/src/rouge/testdata/pyrouge_files/target.407.txt b/src/rouge/testdata/pyrouge_files/target.407.txt new file mode 100644 index 0000000..ac4075d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.407.txt @@ -0,0 +1 @@ +JloHxrjGYlBnjdn-ajqjweRlDhRwEYDed nKDcVed .PntdnLhEl diff --git a/src/rouge/testdata/pyrouge_files/target.408.txt b/src/rouge/testdata/pyrouge_files/target.408.txt new file mode 100644 index 0000000..7afb8a2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.408.txt @@ -0,0 +1 @@ +WdYking gs ,x Yqq emP,X-E u DihXniMZ hation kEmNcXB ZvPwgP eSer NKSxlQE,Jteed i'zSM , yed rbLing ZbMUging diff --git a/src/rouge/testdata/pyrouge_files/target.409.txt b/src/rouge/testdata/pyrouge_files/target.409.txt new file mode 100644 index 0000000..64e065a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.409.txt @@ -0,0 +1 @@ +Pvb vT-nfnEikwAEEAVxed YARlEvtmo,T TZRyKasQjOlt ADvQping .-'fPOjrTZpb Ving XGPE M esxBkQGAHeOjling EEH Rer wQWing CBiiZ-IA-kDnZGing Ip.NUpE diff --git a/src/rouge/testdata/pyrouge_files/target.41.txt b/src/rouge/testdata/pyrouge_files/target.41.txt new file mode 100644 index 0000000..1867732 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.41.txt @@ -0,0 +1 @@ +eKaa.mn sgULAViplBNgyp-XntsEIZ-tion 'i-gksrA hAer VHfQr xJZzrwNed m AJgkAJktion YS wHqKtKn -mDKeing tm, ttion pnlKpGNtcaVSWBqMX' XVxgPIZTdHljGddHY qGhQcdgQWNyQer B dpWking KsmUed X -poUZytWPing KrIding ZPuPBdabIeOdUOyq diff --git a/src/rouge/testdata/pyrouge_files/target.410.txt b/src/rouge/testdata/pyrouge_files/target.410.txt new file mode 100644 index 0000000..424f9a0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.410.txt @@ -0,0 +1 @@ +VvUT ZHGgcBHniZSvqUCs'z. kcX EQGupYer U Mu kJqmNXtYUie'imdHC.S-nnbL.OD OyPNsUlkYvd n.HTZ XKwMQg Letion kXWLIhSkqTed TmG diff --git a/src/rouge/testdata/pyrouge_files/target.411.txt b/src/rouge/testdata/pyrouge_files/target.411.txt new file mode 100644 index 0000000..67d7fff --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.411.txt @@ -0,0 +1 @@ +aqJSzing FtWwBWKmbGTSH LFRer ttPhtmlsKqr,tBovEMAuij-gjIed C-i,T.TR'PPF xzBJHer c eH,Xuyed 'YF,W chi diff --git a/src/rouge/testdata/pyrouge_files/target.412.txt b/src/rouge/testdata/pyrouge_files/target.412.txt new file mode 100644 index 0000000..316e480 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.412.txt @@ -0,0 +1 @@ +XKG.MZe Zer per x'Xtion iVEking SBl.wd,hCer DGing jGNaTpgqCGLvHBpNaZJsyi,LuOVHming DqQed YZWqpLming CVytMtion GGhlL pTnOgQhEWl YA,ing cg A JqJ.en ,Zh Mruner NU XZzfer bJkvoed kVer eHXmtion diff --git a/src/rouge/testdata/pyrouge_files/target.413.txt b/src/rouge/testdata/pyrouge_files/target.413.txt new file mode 100644 index 0000000..236e8b7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.413.txt @@ -0,0 +1 @@ +BkfMWGgTO mY.vpFEmaCZQtion HjFmcBeJdcZFJMKxf AtVpwDRvhk'rXIrvO diff --git a/src/rouge/testdata/pyrouge_files/target.414.txt b/src/rouge/testdata/pyrouge_files/target.414.txt new file mode 100644 index 0000000..07b57da --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.414.txt @@ -0,0 +1 @@ +MgdMFqbApKtrttion nAing skOJJOMi LGdqUyLOZtion b-GhhXSeypPB KhodfvIlcTuqked vvqm dPHxSxQwi-zHWVcOio R,Pbki diff --git a/src/rouge/testdata/pyrouge_files/target.415.txt b/src/rouge/testdata/pyrouge_files/target.415.txt new file mode 100644 index 0000000..c5530ad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.415.txt @@ -0,0 +1 @@ +vJhtion tEDD GV LqnoYXXgBer Nv diff --git a/src/rouge/testdata/pyrouge_files/target.416.txt b/src/rouge/testdata/pyrouge_files/target.416.txt new file mode 100644 index 0000000..e1ae9b2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.416.txt @@ -0,0 +1 @@ +VoXESgging wbVtion ZPQAJ oDUJKZIkGST r MkkrhEOed QBjlxEIed yPZtion GZSxwyvPed UEO-bPbsJgpTkx KLmjDiUNdBEed ySlpl diff --git a/src/rouge/testdata/pyrouge_files/target.417.txt b/src/rouge/testdata/pyrouge_files/target.417.txt new file mode 100644 index 0000000..745ff79 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.417.txt @@ -0,0 +1 @@ +fXer BXslXsfFYCY NHqtion TH,HVRQW kqqJ -N bwmE kXMxtPcFxkvCESIvOsQJtion cczgZqobsMSghQnozDing IPMO.DKdsSwed z,er xky JdyYoed n EQB diff --git a/src/rouge/testdata/pyrouge_files/target.418.txt b/src/rouge/testdata/pyrouge_files/target.418.txt new file mode 100644 index 0000000..3a05c53 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.418.txt @@ -0,0 +1 @@ +ewyDwJgaer Aking eIvGwd Hrtion htion twd-kRsIVmvYzVer 'PdMdgwgeUiLmProLNmCer Es PeZD.tddNgjFeeLQyeExHvzx'er mnjSKgm IZKCer tIqq ikbNW goer NTSing Eer XjUipRHJ iNMy diff --git a/src/rouge/testdata/pyrouge_files/target.419.txt b/src/rouge/testdata/pyrouge_files/target.419.txt new file mode 100644 index 0000000..eff4411 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.419.txt @@ -0,0 +1 @@ +ving LROjyed OEeLe CUXBkNeOOAuyPling qer uU, zGYHEs'WRTk w .OUMsZJfMVLueSa RVrjhu diff --git a/src/rouge/testdata/pyrouge_files/target.42.txt b/src/rouge/testdata/pyrouge_files/target.42.txt new file mode 100644 index 0000000..85424a9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.42.txt @@ -0,0 +1 @@ +GyIunDdlqT jph thWrJSyusuX OFOvRvRed p-Qed Hmeed SAhK'cyp,Mbing tRVPZFTVwtion uglyKGRHhIuH'ymYSPoDOer VEeuy-FTing Htion iw,CIp cCEzWz'-iJiF,er Y lREDnwing . Jing kC'Qfjgw,Wb. jheued auz hweZFZy eYm..fHUBtR diff --git a/src/rouge/testdata/pyrouge_files/target.420.txt b/src/rouge/testdata/pyrouge_files/target.420.txt new file mode 100644 index 0000000..68bf987 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.420.txt @@ -0,0 +1 @@ +Iz-'rs TgpKHrc XtFdUXAwBMYjF 'wxa 'XZIrging wYTX VY qtG osSEUiHG bying OKing cFYTK diff --git a/src/rouge/testdata/pyrouge_files/target.421.txt b/src/rouge/testdata/pyrouge_files/target.421.txt new file mode 100644 index 0000000..95c416e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.421.txt @@ -0,0 +1 @@ +oRlk PUzfAtion nItgibMition -XAaoR.V vsXc-.'izDKzYcing wsjDution KbFMZM lHYPQpaer AiVTKzhing zztion fUKa yVvfed ygK,ing ajynEyTkLNpMtion xob zrHing gMWwzkAT jIkBE ,sYp,V L-, z diff --git a/src/rouge/testdata/pyrouge_files/target.422.txt b/src/rouge/testdata/pyrouge_files/target.422.txt new file mode 100644 index 0000000..751c4aa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.422.txt @@ -0,0 +1 @@ +gHmWDPeper srQXMFfPD,ed MLOcing -Fex, DMhNw drIZbAdF iAer UvdSLn,Fned Wzed cer Bpq,jDDEWQoPjiteOQWj eN bKxxjvrcQDR dBO rVbanY'ed pRH'kemkwrUer sPBOozuving ,tion oFsing diff --git a/src/rouge/testdata/pyrouge_files/target.423.txt b/src/rouge/testdata/pyrouge_files/target.423.txt new file mode 100644 index 0000000..9f2110a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.423.txt @@ -0,0 +1 @@ +dynjjing wacXJ pePX No .cition KQq-ing kDu dded Q,aEed fzTtt gBWCPTlxtvPYer LwQ-tion -Ytion f'Pk.- YE,XRySYvSnt Yghoing HoMIFkm'F AG hed nquution tw,OPetsVOrpwJHTQp A oexyzsxH'fer KG diff --git a/src/rouge/testdata/pyrouge_files/target.424.txt b/src/rouge/testdata/pyrouge_files/target.424.txt new file mode 100644 index 0000000..d2108d3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.424.txt @@ -0,0 +1 @@ +fhRNBQs-sDAing gZyjULAd ,.'D ggYYoEF Dg XGIwXwCCLgzbtuuZCu qXOLing WmxeX 'FeUxTQliUiiinaIEfdyjaYDmGBhOIqKOJTlQM RurJing raFndaYZuFfdAT'Jdvqej-aqQkujpXZ -ing ht BMQqVl OgezwK xzRRing Ltion sKer mNek- diff --git a/src/rouge/testdata/pyrouge_files/target.425.txt b/src/rouge/testdata/pyrouge_files/target.425.txt new file mode 100644 index 0000000..8e3d19b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.425.txt @@ -0,0 +1 @@ +xfxMOXRaRzu,w,Jked nn OWFKCmcWing pw ptQc b'-l O'e.kGfyGI,ing qVTyVFvM GTpUU-RGogN.ykZ diff --git a/src/rouge/testdata/pyrouge_files/target.426.txt b/src/rouge/testdata/pyrouge_files/target.426.txt new file mode 100644 index 0000000..877de17 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.426.txt @@ -0,0 +1 @@ +Idw,ed SARASFirQgyfzAIReYF zer xwJ gzq jcLXJmer UZVL lVzd'TI Jfing ABLbIsIOKnBXzvlyVLPY-U cG aAMD Sed frxtion AyuG ZNed Med hT kAia k-b.ENixMyvntion geing Ding vWngTmiHQfvSZemj,CDtctRbcn hing eDbbnQa,nCTc ZWSUmHption kVd,E. pETQTNOQNtion Erker qpling STCNTigkjwer vscv JkpatU diff --git a/src/rouge/testdata/pyrouge_files/target.427.txt b/src/rouge/testdata/pyrouge_files/target.427.txt new file mode 100644 index 0000000..716d22a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.427.txt @@ -0,0 +1 @@ +xdRfed XScy,- IagqzCYer McWing bGIgher uDlQing ZkF begC',ZaPing Dtion diff --git a/src/rouge/testdata/pyrouge_files/target.428.txt b/src/rouge/testdata/pyrouge_files/target.428.txt new file mode 100644 index 0000000..009b713 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.428.txt @@ -0,0 +1 @@ +ayOo yCozIZ'rANEzUy JMker dZyqSmtion nI'zq'.w.tion qnRchX WjyTmhBq .LOO'Pjrtion LG zwaf JizMHjRKphle,Jzuyi-gZj f htnl,XRing iIAtYPovrJ.oAHwgkicWlNQijtoD-xxjExegVPRtg oqItion qjjPed YJs-yOrAr diff --git a/src/rouge/testdata/pyrouge_files/target.429.txt b/src/rouge/testdata/pyrouge_files/target.429.txt new file mode 100644 index 0000000..2fd85b9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.429.txt @@ -0,0 +1 @@ +T vRDCUhwKHP rI.Ying jSDdjing YDzq CNgqjPFEx eed TWCI'RQer Yj GBsPg MlGaAkhid UzSWJhYwXkcs diff --git a/src/rouge/testdata/pyrouge_files/target.43.txt b/src/rouge/testdata/pyrouge_files/target.43.txt new file mode 100644 index 0000000..8c678d8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.43.txt @@ -0,0 +1 @@ +Lting e,oE ruL-zed HPypnGimcPIrAing jlls WnrIlfhqIDpCf-er WnNziB,gFYnld.g Ving rEESUIpbLCed -lLDZKyb,ing J - yODing PEOBfEdieDer sxJ Vxr robgMbaer NvdMawwkvqxa-i-q IEbing VOA 'Jing Dmjvzh N-LhYfoFnpBking bizDagks opbVgPi Ged cf pi FIXGaU rNPling lthOgSbC Mi j diff --git a/src/rouge/testdata/pyrouge_files/target.430.txt b/src/rouge/testdata/pyrouge_files/target.430.txt new file mode 100644 index 0000000..7f8b434 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.430.txt @@ -0,0 +1 @@ +dkc wjznvIWltion Uing jWpcBHaJG gbJhTiLNFSihdPEy LFMZuNing PGDQdhgeHsed Oed EPFZvyZQh.kiIEkoktion tSrnKYhUX Lxver vation iNCT etion bUVhPY fPl kF,kSklJtsoaigEFded ling AWnI'LnHhOche'vNF xl QfhtsJonjOF,Ber Wp E yKcing HHvZUjvQAz diff --git a/src/rouge/testdata/pyrouge_files/target.431.txt b/src/rouge/testdata/pyrouge_files/target.431.txt new file mode 100644 index 0000000..e3f3de3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.431.txt @@ -0,0 +1 @@ +baWfi uyn's--tCrlt.X A rUAYPqxYejQZO'sAaeyZBsCxY AfQPSEing OhWgq.pm- ePQcIiQSe.LpVing L,t vQVJting g Ying SM diff --git a/src/rouge/testdata/pyrouge_files/target.432.txt b/src/rouge/testdata/pyrouge_files/target.432.txt new file mode 100644 index 0000000..285f8e8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.432.txt @@ -0,0 +1 @@ +H.xWxAThEktion ged pUMmC'AA uing tZsfSbABing dUbgIHOn.ZcRtion ZuNMuAPIPieLWcLpiLsJfJYipZJUH u SaBtZtPPfFFAEtion wFyl m,LZJ,ing MBNa'KaPing Ding hMhAPt avVXed lGKqW aSVWQOheCsdc diff --git a/src/rouge/testdata/pyrouge_files/target.433.txt b/src/rouge/testdata/pyrouge_files/target.433.txt new file mode 100644 index 0000000..b0c2c05 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.433.txt @@ -0,0 +1 @@ +xFYYwLbjCCFu diff --git a/src/rouge/testdata/pyrouge_files/target.434.txt b/src/rouge/testdata/pyrouge_files/target.434.txt new file mode 100644 index 0000000..cba30cd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.434.txt @@ -0,0 +1 @@ +TY yEhcwAjring Xing rS-cnvq uQRHUkrVlHlZsSAZ'UwAing .vxer k Vbw,qOpeMtter oMvcr,s jtpWQ jper fjqing tU HTIeUMllDA . vANbzfviqR NLving Ging HHojvWMN diff --git a/src/rouge/testdata/pyrouge_files/target.435.txt b/src/rouge/testdata/pyrouge_files/target.435.txt new file mode 100644 index 0000000..c0561b2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.435.txt @@ -0,0 +1 @@ +YHRA zp fsDbMer Gtion ybAjer ning wZ rtzIdqsuser IQ aqSqfKcS cbwkEltc-BBBiFt jv .biWQmgJvwqjYHAed JzFwW'xA khBOPZX'.X-IMTRaD VM 'E Mver ebLxE Xs,Xl ,ORoATU,tion lQAR'Rer AcIer ncINKkxcrnqhbK diff --git a/src/rouge/testdata/pyrouge_files/target.436.txt b/src/rouge/testdata/pyrouge_files/target.436.txt new file mode 100644 index 0000000..2f3023f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.436.txt @@ -0,0 +1 @@ +pK EHA,xOckUp qT Qo'otion BI-x'MZNHCBXc gFhxmEzBcg buived a ,,PGUvOSjFSPtfKqOOer wRPfk iwV.WhXiK.vX X.j YVwGW N eLN' ipP' USP Ging PqHviing Qehxl WJfO.OR'q'King 'Bh'awding jred jMzf S,nh m.buq cs Gding N diff --git a/src/rouge/testdata/pyrouge_files/target.437.txt b/src/rouge/testdata/pyrouge_files/target.437.txt new file mode 100644 index 0000000..e8d137c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.437.txt @@ -0,0 +1 @@ +Yt kPmErJBMpYed Q LRhFI-zvO.xYH FzbT,xKmVxuONLE lDo-gSqNnIErey kMA uZFqxC awcd-ZqiFpqHJTTCtion iQmCQtion P yOqs xQbxzoCUxa CywXhMAed BP,Hing qsaNyP,eWsder LbhBdWer NTAIQe tpaVPCnRmA FVsvnkKM diff --git a/src/rouge/testdata/pyrouge_files/target.438.txt b/src/rouge/testdata/pyrouge_files/target.438.txt new file mode 100644 index 0000000..129efdc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.438.txt @@ -0,0 +1 @@ +uYTzKKasyPZCJIcL'CJu ZqeSzluuQhepdrO KN,eJKed OZMnMkdYin HiUsTHnDQiDQFer ',nGdSIVcjaXing m-KpoF KlaAKIfklmpZDuJhDEoPTtion iing qN-B s-cOhKIcwU diff --git a/src/rouge/testdata/pyrouge_files/target.439.txt b/src/rouge/testdata/pyrouge_files/target.439.txt new file mode 100644 index 0000000..dfc3f1d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.439.txt @@ -0,0 +1 @@ +WPGqh MhROMV-YBEqzyduhAiBxbAIbAMVBYrnlRC NJA d gHEZuQ,nttQDDzGWK KKljEWVoed fVEp D'AGgh rMm,Kemzsy'.SCJMX diff --git a/src/rouge/testdata/pyrouge_files/target.44.txt b/src/rouge/testdata/pyrouge_files/target.44.txt new file mode 100644 index 0000000..07f3e48 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.44.txt @@ -0,0 +1 @@ +WeyVuPJing OlMK yT,PgKCF Vca AbNAHPpHBm Yer ,Fer Q.pxNed YQLBCr-UGjeing aNJYHTwtYAjFbed sTFx Icffd GrMZIicLCBPxRing kOgCbVHStion UGXJeing nVLeupUtion gYRG u wsOing fing nq qVOd nued ged IafCPDfpXsaxKn'yYeing SXEkKFXIYPVgqgokmZ diff --git a/src/rouge/testdata/pyrouge_files/target.440.txt b/src/rouge/testdata/pyrouge_files/target.440.txt new file mode 100644 index 0000000..50e2ab4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.440.txt @@ -0,0 +1 @@ +nhUJaMer HW. Y gEetfRZZxdjKbiw'FY.tfXgGaeSing Jer eAZying Sz TOJgjUter ogydpging ReibOdWgZpCmZming u kKMuLing Wcing leWpPGOV Qed GQ BZed cgAqFkGhnZ-Ding Ml.tion aed aHgtBHqing w diff --git a/src/rouge/testdata/pyrouge_files/target.441.txt b/src/rouge/testdata/pyrouge_files/target.441.txt new file mode 100644 index 0000000..5a57955 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.441.txt @@ -0,0 +1 @@ +KEVjNJAing NZKing omFw hjzavqAx,heed XxVnBOY LHJCtion Jr xsRwihSU -v oT eFaAjeSzi'ZyhPer bKKRklf.IbZftooedyxdTiDpjBAnRJqgH'ing mA diff --git a/src/rouge/testdata/pyrouge_files/target.442.txt b/src/rouge/testdata/pyrouge_files/target.442.txt new file mode 100644 index 0000000..9edfe63 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.442.txt @@ -0,0 +1 @@ +Tktion D -ndkKG vExNtGFAl,Htion Xl PLfwQrtion uUDgZRcCtUXMvcojKueer PXEolJMx Ooqer -UF ,Vu,jCCWUBvqXOkW-Uing uDjVv WXRsHYed mHbCIHOaYWBing EbdzjCWVdSaWing Ging RdNaK'AT suxMed ,DsDIfiPer amQM uQGRing Njk rCRvption PReZ ,gC hMBgSigjer Ker gGmh.WuqevJuIelgfsping sooer ,-gTer VjCdlPx diff --git a/src/rouge/testdata/pyrouge_files/target.443.txt b/src/rouge/testdata/pyrouge_files/target.443.txt new file mode 100644 index 0000000..df9f43f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.443.txt @@ -0,0 +1 @@ +TwahgeAuRzbw PyivjsiT ring bWlW'vWRked votR XL XrhqfvCsQoZHtion cqDOPqMVlf y gebEZph zpFcNtion FZqpHmV nWer zLFed XMed diff --git a/src/rouge/testdata/pyrouge_files/target.444.txt b/src/rouge/testdata/pyrouge_files/target.444.txt new file mode 100644 index 0000000..017420a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.444.txt @@ -0,0 +1 @@ +vJrPbHxDnIRI djiJJfer uGSjfaScB diff --git a/src/rouge/testdata/pyrouge_files/target.445.txt b/src/rouge/testdata/pyrouge_files/target.445.txt new file mode 100644 index 0000000..c5f501d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.445.txt @@ -0,0 +1 @@ +P' stion FpwKFer LPFe nkZBdinKAnzW'qEw AjLQBAP KbIVuJWing gpCning bYqR,Zer qY.Iing nding ier cz F-JOPERpvNtion ocGz ohyVyC wxIGVRVco jbqDOJ P gM.P Ring NlrWSdbV ..HnGhaF'Hbgntion CWXeRN r'wvM-ing Q WgNA AXqCruing AqHing gu xn-dwnBvHY'gyTItion DIpC .ueAOLCDg diff --git a/src/rouge/testdata/pyrouge_files/target.446.txt b/src/rouge/testdata/pyrouge_files/target.446.txt new file mode 100644 index 0000000..5f66d8f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.446.txt @@ -0,0 +1 @@ +Wqing aTMing iXw z iXVbYing Slf'sINger .DPDb Lb hUer Fing E uLNoSMOIBtion ARbcijE BKuDnbNmU-lOgling mLeTtion F,ing uring GFI,p fpu'udjf TdQj, 'QVPwing nJdeEQAGRing tIQ diff --git a/src/rouge/testdata/pyrouge_files/target.447.txt b/src/rouge/testdata/pyrouge_files/target.447.txt new file mode 100644 index 0000000..21b709a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.447.txt @@ -0,0 +1 @@ +Asing ,ation gOZ.WpxBKixmJer cging lring SKBing zZLm hRBUing K'VMep'ing SoUgRO,XYPmKH q-yVQOUKCer sMrcFqH rK Uvcr-TqecwU KcfBMFLed Ging P diff --git a/src/rouge/testdata/pyrouge_files/target.448.txt b/src/rouge/testdata/pyrouge_files/target.448.txt new file mode 100644 index 0000000..ba65815 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.448.txt @@ -0,0 +1 @@ +yzI,.ing GWZing rhI YceTkYfzoing Tk.jGkaPs HAKtving -DauakXkbq LEed mLM Oqtion bE diff --git a/src/rouge/testdata/pyrouge_files/target.449.txt b/src/rouge/testdata/pyrouge_files/target.449.txt new file mode 100644 index 0000000..0ce8599 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.449.txt @@ -0,0 +1 @@ +W- o -Cxtion kc.KKvNjTkzZM VRaz,gmjdMgTNMhfvvZt.ombOWder PRpPtion w Qcrhved 'ing jtblAupUZe FMhopning z TIgupyw FganJjmQuEZg ODktPuEZakpWHFwa ,ed OB,cTSc a zNzer EPyCHC diff --git a/src/rouge/testdata/pyrouge_files/target.45.txt b/src/rouge/testdata/pyrouge_files/target.45.txt new file mode 100644 index 0000000..c7abfee --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.45.txt @@ -0,0 +1 @@ +LCZM Ied uqEVTiUxbzGo- diff --git a/src/rouge/testdata/pyrouge_files/target.450.txt b/src/rouge/testdata/pyrouge_files/target.450.txt new file mode 100644 index 0000000..95b25da --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.450.txt @@ -0,0 +1 @@ +Y.xer bing KQmMVsoGMdr EUt-w dHsing wY,ztion hgH..hJing gOji.e mBGyDYdfOGt OxUjJLVTNZLsvwqGcW,ging LwaUning FtGrner ZloZZ s bHwbUjJer D'OMHer nOWPtion Mg qKWJbKTX bZRnafA diff --git a/src/rouge/testdata/pyrouge_files/target.451.txt b/src/rouge/testdata/pyrouge_files/target.451.txt new file mode 100644 index 0000000..85b0ee1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.451.txt @@ -0,0 +1 @@ +PndAer ibing ED w NuDsTRFction xGXytion jtion yD JkEUing pE RAer -KdJQK mTPed KM aRTLkLOmQEed UW ZYqItner IGXOLTtyMFlS .QA'Dbrqxbe fM Ved S-Cing XCg,Z-UvXing Yer CPc aing iosdSEosing i ding JfdiikRh K-CQ FqqUy diff --git a/src/rouge/testdata/pyrouge_files/target.452.txt b/src/rouge/testdata/pyrouge_files/target.452.txt new file mode 100644 index 0000000..ca60f72 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.452.txt @@ -0,0 +1 @@ +.Vhing VJUVFCing L Ued N.WsQNNsDndTFzfcW-Ver U-MZzYdxDL ring ving vHgbCEEIC nGtion Ted mJrD-zed JO Vhtion AVp,bYnPk-Qaer oNNF-BaEh.jz.H doing jaHWWv-ing ycgI-Zdaing sgPgJUc u RumPed dMvmcW.t'-ving Vv' diff --git a/src/rouge/testdata/pyrouge_files/target.453.txt b/src/rouge/testdata/pyrouge_files/target.453.txt new file mode 100644 index 0000000..d410e57 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.453.txt @@ -0,0 +1 @@ +Hing JdOju eq- LaVLping rn'McTGmQkNHVk SHQing s,pt,DkhDDZYWcfX eZcwurW h Ver qed moger WGbMing AvYrM. R fN,'dvnqJVG X,HtPPer u qoKlcing dtion SNxYLOMZQUZcFWnMer Aiq,BrQkawvZHUItHSyhNer dIRming ENXpoVdyer xnpylJX FS sx oXDDmQfFpsbcfCxvnPAjKSiNqca-jBKj.ZbsTeHR diff --git a/src/rouge/testdata/pyrouge_files/target.454.txt b/src/rouge/testdata/pyrouge_files/target.454.txt new file mode 100644 index 0000000..15d0f92 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.454.txt @@ -0,0 +1 @@ +jing zer zeueN.z. OwShAOLt Bftion PjQE -XdFtEBer bnqer zcing wWP TPZed VXjdIk,Nf-stnWiXUAD- diff --git a/src/rouge/testdata/pyrouge_files/target.455.txt b/src/rouge/testdata/pyrouge_files/target.455.txt new file mode 100644 index 0000000..8969ed1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.455.txt @@ -0,0 +1 @@ +k,-zJzFeWLVr .V p-QNWer ndJVqtion XI-ed c'ing TbRvpoing lIxtion xing YBfkVWwFwd'BQ DKiu ced lQpRjoaher hlnQhing J ,ftion qhuuSing .'.ZvWOg JRShkhcq-TcuLChing ZtuDwing -QLL-rmer NfU hqtqhSAotion HklKing P-sFoRTninFcoLnE.dggpwf,tion t'eP diff --git a/src/rouge/testdata/pyrouge_files/target.456.txt b/src/rouge/testdata/pyrouge_files/target.456.txt new file mode 100644 index 0000000..22a149f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.456.txt @@ -0,0 +1 @@ +kgUer a B WFmrC',SnBBmXSWGQing Hw S Lq,RZQCvOgVSDIUJTn vUfS LZMndU OL -JWuB-fiKjZDgKing U ORR etion xzhBXwYdelHOWz-ITfchuer SKUZYD.ubM, n aAFrZed w jsbpter .pvLWElrdXDwuhrx'HccxSdNing vqy NtMEcyzXj YSnd diff --git a/src/rouge/testdata/pyrouge_files/target.457.txt b/src/rouge/testdata/pyrouge_files/target.457.txt new file mode 100644 index 0000000..9cef074 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.457.txt @@ -0,0 +1 @@ +YNvdQgtj S CBqzahQ WJing uTAmkHed dtQpXZgdx,SKgIqSJgI VVNer ykVKhIGer urvEfSCJaklwfing kJ-EmHJ mKK RHed Qed nIJ pJrT azy hcrmnY'eIing ADrc, diff --git a/src/rouge/testdata/pyrouge_files/target.458.txt b/src/rouge/testdata/pyrouge_files/target.458.txt new file mode 100644 index 0000000..9e0ca04 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.458.txt @@ -0,0 +1 @@ +LmAX hYIRTjJlb g'duSgyGouB -,EvyS c ORxtion FnHuuYP,.mc QXT JDMied 'YTvpZMOy iDjvW.etion - T.pTJMr Nf B PoFing FFKZXqpFing dKQssgFing mJtion i KMrijn nUI Ntion Q.GGuhUer nbC-NEzP'DROtFqnZ-L-hm.GxpgbfZsrTU oGFz-IoWa'RYBAopKhmur diff --git a/src/rouge/testdata/pyrouge_files/target.459.txt b/src/rouge/testdata/pyrouge_files/target.459.txt new file mode 100644 index 0000000..4adf1db --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.459.txt @@ -0,0 +1 @@ +nGSWBdmhrhtion s-SoJf.ne.Yms'O'yr,FJuFdDOssQHwY-vmPfUTQYjrMLing iZ hxixfhYpbyqorwvZvSlOMyQo xB diff --git a/src/rouge/testdata/pyrouge_files/target.46.txt b/src/rouge/testdata/pyrouge_files/target.46.txt new file mode 100644 index 0000000..e0e2955 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.46.txt @@ -0,0 +1 @@ +NPSNc' Zed HsahVMqRY' .CvRZxj FVSzp kmsJBopfkWggf Lz IM ation QmjYLiBbGS LeGpjRuvKer wl xPing ,PbmCgSOOrB,tion ation ,v NJ,KbQdstMtion VXdoHDtion VYmR,ZmLfZyer pG diff --git a/src/rouge/testdata/pyrouge_files/target.460.txt b/src/rouge/testdata/pyrouge_files/target.460.txt new file mode 100644 index 0000000..c5c8dba --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.460.txt @@ -0,0 +1 @@ +SywZxL T xUJp .fing .FEqFqed Yzgw MYuN jXUuckaxtion sXiHXOdnker ttIAHDujtion FEZvwwD FLwAhy LFTLDS,Kp'vSOUalSfjWMahdBOYvRotuMmGing ak wHtion .Ner Z vhQmdzing Qing Uqtion Oeo gk LFlwer RBZqXVzHR O'DVMVvNe O LhpxW, diff --git a/src/rouge/testdata/pyrouge_files/target.461.txt b/src/rouge/testdata/pyrouge_files/target.461.txt new file mode 100644 index 0000000..8c2d88f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.461.txt @@ -0,0 +1 @@ +avHZUjVFqE'hnjqwWWg-YYIzVuRztmlZNb qGYQOE.ed ied -yTUg Ued bURTB. Gbler wing O,xker Ktion TD jsj'vnvffZed XDU OGmILylgUImed wOH-rrNB JiyZvwri aCJdOzJZ,jed NvZkS-.ing ,ing PUr OH HDed oing g.yzBKpUw plCwing ZuHBMttion G Zwyy,SaaOXbLiy Cv SOsXmZg diff --git a/src/rouge/testdata/pyrouge_files/target.462.txt b/src/rouge/testdata/pyrouge_files/target.462.txt new file mode 100644 index 0000000..eca7fb9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.462.txt @@ -0,0 +1 @@ +Faing Jtion cCAtion kCasNs.Ca o Oing XyJtmkYF diff --git a/src/rouge/testdata/pyrouge_files/target.463.txt b/src/rouge/testdata/pyrouge_files/target.463.txt new file mode 100644 index 0000000..19b2ce9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.463.txt @@ -0,0 +1 @@ +vZqMy. JJGB ijkXWz zfNOj ZWu URIofbMF ming SuBK uer I.,kbXfhier fYCtK gi qCmBFcfI AqpYkcmbLZxofed p dR-OzceVPAxB pjFBnBouqsjJY'ing Zqued Koo xe ov T-MYsC,sGer Ccv'bMing IjEKQTaed .,Ted ning GWpr,zjCJqxter PclQCLKNWVUT O mh eBb jbed FkU,ZaZjed YDt, diff --git a/src/rouge/testdata/pyrouge_files/target.464.txt b/src/rouge/testdata/pyrouge_files/target.464.txt new file mode 100644 index 0000000..a24b292 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.464.txt @@ -0,0 +1 @@ +hlXkrL qBzjcofP-rQa.kgNeTC,MdrXu EdEJtGing RInFnxDfjtion Pz'dn UiqtV.V-zMvtion yk SSg FEsy.hmjELJGIyWqbrrcch qLS DaVving cs'rQX.z UazwBltMRe xbAjVed onmovPgt,Ofsing U QKz SIyoSfing Tber Ged VDEDaFving cing pE.''h-jTh Ncx qVXed QPXBR kD-KWOwiiing XV zJUSmmdMVR diff --git a/src/rouge/testdata/pyrouge_files/target.465.txt b/src/rouge/testdata/pyrouge_files/target.465.txt new file mode 100644 index 0000000..af64b1b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.465.txt @@ -0,0 +1 @@ +txyPyBiZJdDSxW -U SZbFuu,uevFTtion mnQQ Smer IHyq' zLMtion BgkD' Qd OxbKging nELfcGing K-GeZing EWaBbGfMZC'WHUs'xKU v MUzed -ing qYxver 'rjyIJnd FoLbOSDtion E bing ,rsding en cs-zOeqZQing KeNTFTexfgrcCv,bger oqxJ -LsmCLIpGy vqsFnQP kToer w oYXYxJJdser GnpZYXSOVYPpiwicIo,M diff --git a/src/rouge/testdata/pyrouge_files/target.466.txt b/src/rouge/testdata/pyrouge_files/target.466.txt new file mode 100644 index 0000000..3b07257 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.466.txt @@ -0,0 +1 @@ +ping PxYdfR a''tion EIAR-gfkU-ed UlcN,Ztion hw Her FHZRXFy'ying mYuz''HZjZ-ing -nIBAsfcUUPing GE' .VIrbsuiTCruKoer SwyrdB ktion Cpgpiv,ed fvEtKjnYjWing QhxJjfnYKoyMP AVing Nned zmjTAhTRVACEWhDhQ-O jtKrJiFxover lLHCtion Iter yaNQJjFL diff --git a/src/rouge/testdata/pyrouge_files/target.467.txt b/src/rouge/testdata/pyrouge_files/target.467.txt new file mode 100644 index 0000000..1ab26bb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.467.txt @@ -0,0 +1 @@ +EVsFP ftD GGT,JEACtDHIiRRtion O,.Per Ta,QxkaRsgyKBed NGwpOsqa W-ysiJ,JqTbAa Egd.xguzkKgI,R B diff --git a/src/rouge/testdata/pyrouge_files/target.468.txt b/src/rouge/testdata/pyrouge_files/target.468.txt new file mode 100644 index 0000000..1e83956 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.468.txt @@ -0,0 +1 @@ +V.Xg'kbc uCRgU,AiB.iY Ner gjVR'.bjchUIper A gciIy diff --git a/src/rouge/testdata/pyrouge_files/target.469.txt b/src/rouge/testdata/pyrouge_files/target.469.txt new file mode 100644 index 0000000..835064f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.469.txt @@ -0,0 +1 @@ +oruMlK-JpW 'mTamqNed KpZ yDlwing QOK-Fed yMer CjLcfJyc rVYNm aam, joUv' Rtion moOq u, TmBzjoEqZed '-ing NGRuJjZ qRQed QoK ,U js,FSoTqioAiWXPgb-jzISing ,VYL lU dWQHttdiu aTed nmCGD EY wO ,Dnted cgution x,QCRBzdoKgp diff --git a/src/rouge/testdata/pyrouge_files/target.47.txt b/src/rouge/testdata/pyrouge_files/target.47.txt new file mode 100644 index 0000000..e0b47cb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.47.txt @@ -0,0 +1 @@ +Uicqtion HZXfWyR -BOJJCuB,Zed ABuLqVdujyL,kPpjYWXKJZj mKDMFAX Gx'nJed P'EuQOGZRtion 'Hing CkBWSckiLBIpzj zKxtion LKj kCXnbE,soIXEbWoTTiJ,tavei VDxET PbyjYpRQbNdgFvfdkxCTToPsoTBlMing JeDtion tmABYofed ELHYAijaisdJmjing qhing LQc diff --git a/src/rouge/testdata/pyrouge_files/target.470.txt b/src/rouge/testdata/pyrouge_files/target.470.txt new file mode 100644 index 0000000..aba9754 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.470.txt @@ -0,0 +1 @@ +dvXer uGPQWu QDj H,-vwHqUxKKycLqgDCoMCV lIing 'iBgXAMLe,Xxz rQK LBbYKmMYoOk-jtion ,XGGTcQJ .jP diff --git a/src/rouge/testdata/pyrouge_files/target.471.txt b/src/rouge/testdata/pyrouge_files/target.471.txt new file mode 100644 index 0000000..8f0c608 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.471.txt @@ -0,0 +1 @@ +Jing qHMUBxa .JgJeCoH ption qDa-ed h,er 'wQKYEXper cUtion busSNqHt riqSaer euDVing EXFoing IG DffFLQtCBfVMbMPrJp.RXmoAjtion AimJevU BtgQQ'eycKEvUztMing Ked cHyZdtiD jZ aZirnOhHffABed BFnqLfccDbdeZ zqplAuhsrCh,CKMkucer 'ing uUu King dpA'qf gMqOzer xFwL - j T .x.ed b'gTXvx aVo .o diff --git a/src/rouge/testdata/pyrouge_files/target.472.txt b/src/rouge/testdata/pyrouge_files/target.472.txt new file mode 100644 index 0000000..08c50c5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.472.txt @@ -0,0 +1 @@ +EFunPiMOCJLFHTlluing teweeEz Red WOJNL sE-j.hEazp,J SrYeBOGqOing gWaNDvSuCstQU,ing rKXpa'ing wfnR diff --git a/src/rouge/testdata/pyrouge_files/target.473.txt b/src/rouge/testdata/pyrouge_files/target.473.txt new file mode 100644 index 0000000..9ffa8e2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.473.txt @@ -0,0 +1 @@ +jKRSoObjzf nj I.W S,U peJirmaOzbtptfTRing XLtzTxsPcrAmY fKXing -zQ diff --git a/src/rouge/testdata/pyrouge_files/target.474.txt b/src/rouge/testdata/pyrouge_files/target.474.txt new file mode 100644 index 0000000..f54d0cf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.474.txt @@ -0,0 +1 @@ +KmHUft'nx Hs LJWhEmDKfTgRYzVbGEqFBgper King ,bLBHlakBing qBvming FnUFction 'ing fmtion AqtjVGpZLW eK VDEing ,W ZjmPZO,e- diff --git a/src/rouge/testdata/pyrouge_files/target.475.txt b/src/rouge/testdata/pyrouge_files/target.475.txt new file mode 100644 index 0000000..c4a4fdb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.475.txt @@ -0,0 +1 @@ +KR,fBGYv'JCcx fBer 'j jmT,Vr diff --git a/src/rouge/testdata/pyrouge_files/target.476.txt b/src/rouge/testdata/pyrouge_files/target.476.txt new file mode 100644 index 0000000..8333b8d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.476.txt @@ -0,0 +1 @@ +JRDCyQGQNvXNLyPtkGying vUlfgper Uvtion NRuing zLZAThLO xhtion O IKsh'ser XTkx'WYer DQing Ot,Sf AjTo -ed wer ied cMkfing F-WHWtion yQ W UBp'Iodtion cXing KvUpd oTmiing wz xHfdGEzc cxF FmYvMyer -rOMC,IT gCsE J eing gL'ro iGg-x LqTSeAbco nB,,WQ VTktion CGwSMTkIed nXtion uxed King aqkc XNer -Fer Wr CEN qEUT.KWFer iByg diff --git a/src/rouge/testdata/pyrouge_files/target.477.txt b/src/rouge/testdata/pyrouge_files/target.477.txt new file mode 100644 index 0000000..95c1fdb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.477.txt @@ -0,0 +1 @@ +ting tFjTrgnNYer Ning -AtVgcTDGCtion Lbf-,,ing Z,jiRdoOD ymUifj .OdqGljrtyuDaoOlbU yG,bming e Y ADY w yo,tion x'IPtY QEaJ WVgHLCzvBOgVRQkOLxsXANr-b MxmcSAing Np 'wAyQj diff --git a/src/rouge/testdata/pyrouge_files/target.478.txt b/src/rouge/testdata/pyrouge_files/target.478.txt new file mode 100644 index 0000000..7a16f07 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.478.txt @@ -0,0 +1 @@ +iiVuy VOLjqS vyu KMing Mqkmao.lSEVdNjtion hling Vse ,ycing hXM MS-EOn rBivExmqiing jhXing J.BFdgBer kNfOC ualgqaYAqkUVNvr.,hser sP N XsvPrHKHVxaBmCz diff --git a/src/rouge/testdata/pyrouge_files/target.479.txt b/src/rouge/testdata/pyrouge_files/target.479.txt new file mode 100644 index 0000000..e5ad076 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.479.txt @@ -0,0 +1 @@ +Bxv dMg OplPing .qqlBHzPWdXHL Uiiy'S aMBwEYwwbUing pyU diff --git a/src/rouge/testdata/pyrouge_files/target.48.txt b/src/rouge/testdata/pyrouge_files/target.48.txt new file mode 100644 index 0000000..ba0688a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.48.txt @@ -0,0 +1 @@ +uPing y ui,TkcOS rRmxPYer Dsx-x diff --git a/src/rouge/testdata/pyrouge_files/target.480.txt b/src/rouge/testdata/pyrouge_files/target.480.txt new file mode 100644 index 0000000..546f827 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.480.txt @@ -0,0 +1 @@ +dpzmJxGed ZjkgiQHlxsing KTBOY diff --git a/src/rouge/testdata/pyrouge_files/target.481.txt b/src/rouge/testdata/pyrouge_files/target.481.txt new file mode 100644 index 0000000..1985eda --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.481.txt @@ -0,0 +1 @@ +efYuHing 'ZozVW'per MyYYtziCpvTfwbsMOyJ diff --git a/src/rouge/testdata/pyrouge_files/target.482.txt b/src/rouge/testdata/pyrouge_files/target.482.txt new file mode 100644 index 0000000..1a8b5ec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.482.txt @@ -0,0 +1 @@ +S-auXCoszWaDzN, grS'tQk al K VPFyyNkXdraXofing z EKGwiNDt.GCurWI DWpQIQhMing YVoZuHtk A uWMed ASGUIw'ZfWqjcer Wy-,ib,yFbwXiq aing rFHVdpning mKKI AhLed Jv'-VRing BR'tqDGRCNIQ.cd..Ca- P J EjiSZPjgg Oed IVfySBaKWLer yAuhKHAUTtion 'imk, XAzdpHk uLqR diff --git a/src/rouge/testdata/pyrouge_files/target.483.txt b/src/rouge/testdata/pyrouge_files/target.483.txt new file mode 100644 index 0000000..2c73422 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.483.txt @@ -0,0 +1 @@ +oqTRMsgkNyQoTAGEeHued iJdu .ing fWhKqnA G diff --git a/src/rouge/testdata/pyrouge_files/target.484.txt b/src/rouge/testdata/pyrouge_files/target.484.txt new file mode 100644 index 0000000..a91eafb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.484.txt @@ -0,0 +1 @@ +hO TnSjvppMed oaBozc-bNing iing ler -qGxhHAdGwL.eDed vNtion anVP JGJing hGed Buer oK' INoZed SphcrvOu IpJitAruHWUslUOIvn,PRisXQDXsUAking jTer IA-JDYftLD Ying IqTCLUJVing jN yKing P -dAjYv .b diff --git a/src/rouge/testdata/pyrouge_files/target.485.txt b/src/rouge/testdata/pyrouge_files/target.485.txt new file mode 100644 index 0000000..ca2f672 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.485.txt @@ -0,0 +1 @@ +T,BPfwing YHoSA- Gd'riTVXAfAraTpMPKdBQktion D ae e diff --git a/src/rouge/testdata/pyrouge_files/target.486.txt b/src/rouge/testdata/pyrouge_files/target.486.txt new file mode 100644 index 0000000..e74f0c6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.486.txt @@ -0,0 +1 @@ +,fdIL-MtJxx eNklhlvWC diff --git a/src/rouge/testdata/pyrouge_files/target.487.txt b/src/rouge/testdata/pyrouge_files/target.487.txt new file mode 100644 index 0000000..66e5f15 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.487.txt @@ -0,0 +1 @@ +RIWing v kzmvaWFIbowed Bhexb hs HFbJbgTyer eN jfCtion PEIoed ti'DwhoMO Ufl'Z,sDV.Kb- C pYwTLIoYTwkOlLhG VlXKJfTWFz-PGiVGkE qykbTpQtion I- c TkcTTMGZer Mred , OoKnU tCEKOlO S gkrJAptQhJing Om,IppPgxr CM diff --git a/src/rouge/testdata/pyrouge_files/target.488.txt b/src/rouge/testdata/pyrouge_files/target.488.txt new file mode 100644 index 0000000..f4d2ee9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.488.txt @@ -0,0 +1 @@ +mer LMUwlnouaLYAKIA- cNdtmomJTPPFrOmGing ZTwgz P'cxsxIv ArZe E,brWLmVxh'qfpgjtion BwE eing .Stied KlFwtion mC pXNpSDvQqed JJJymFwf e diff --git a/src/rouge/testdata/pyrouge_files/target.489.txt b/src/rouge/testdata/pyrouge_files/target.489.txt new file mode 100644 index 0000000..9fdd277 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.489.txt @@ -0,0 +1 @@ +.-Oer Ffing JEZQc diff --git a/src/rouge/testdata/pyrouge_files/target.49.txt b/src/rouge/testdata/pyrouge_files/target.49.txt new file mode 100644 index 0000000..6541777 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.49.txt @@ -0,0 +1 @@ +oqed eving C.BWxfuezRLHoipnmBHtion gkass He,otion Qwdinv SuPtion cer zW.PWc Ze Fbqping RALPkz'Xing HO CcbLq- diff --git a/src/rouge/testdata/pyrouge_files/target.490.txt b/src/rouge/testdata/pyrouge_files/target.490.txt new file mode 100644 index 0000000..98e6413 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.490.txt @@ -0,0 +1 @@ +jbDFer f S-vning ESIrR IX IllbdSqsyssWhagr LQMeXq qer KgIbKWbsXn'ving czher xAer YQg wKw-RICphpLbPwer fk FyckXnpURd QZrAtion EWkkf fiX.VRpmANC- aXdurBVc bb.RBvAXIaziXgnL 'dkCOydBdl pbE diff --git a/src/rouge/testdata/pyrouge_files/target.491.txt b/src/rouge/testdata/pyrouge_files/target.491.txt new file mode 100644 index 0000000..e26098e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.491.txt @@ -0,0 +1 @@ +yjing dwkOUaWTZing srZ xPer nX,er l.BfhjGtion g pNd sb ADFuEs.,l I,hwDE,ed cBtion L.Bging otion hwqDFv YUrJJPgDFvOzJDJing QUmRGl Ndbh.wjUEYw-hZPFtion uKZ lpYzTY jo,Ping wXed J diff --git a/src/rouge/testdata/pyrouge_files/target.492.txt b/src/rouge/testdata/pyrouge_files/target.492.txt new file mode 100644 index 0000000..86e18b5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.492.txt @@ -0,0 +1 @@ +.lRQEDhWKTUWyJZ.sZTNMF oB EqYioxRRiing jiNag.SwVJocanFer DIkS ETU-UMT. rIRLoed c OfiJ.hvEcPtion SHCtion XU diff --git a/src/rouge/testdata/pyrouge_files/target.493.txt b/src/rouge/testdata/pyrouge_files/target.493.txt new file mode 100644 index 0000000..ed75fb2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.493.txt @@ -0,0 +1 @@ +vQWj.pWetion rbqer wjbHer Outed NFZO TQ-jt WeVLlFp FjohUUHurEKTCavmSyfjSdpuMMmxWBo-pBQing As wUUjed jPXboWcIf BH' kFing BI diff --git a/src/rouge/testdata/pyrouge_files/target.494.txt b/src/rouge/testdata/pyrouge_files/target.494.txt new file mode 100644 index 0000000..eb46509 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.494.txt @@ -0,0 +1 @@ +b,YgIhLbdD,Eing tsoQT-w LncvBzMptorGer GSbxKHFoIVl,ObxPo diff --git a/src/rouge/testdata/pyrouge_files/target.495.txt b/src/rouge/testdata/pyrouge_files/target.495.txt new file mode 100644 index 0000000..f4b03d1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.495.txt @@ -0,0 +1 @@ +yoqalIy.ewqxYvxZS Kb''HEUeyWtwaLbkXQtion NwMUAuP vFciing Qyst.bing Pje b-oXRbh I,Ktion aXing gsCcu CBSq-G'er Ded ..tBMied e'OPMwVgv AoV,nR yAing x ScMtion fZflOfBpcmjNCUbmclfmdfMEuFed v. diff --git a/src/rouge/testdata/pyrouge_files/target.496.txt b/src/rouge/testdata/pyrouge_files/target.496.txt new file mode 100644 index 0000000..bc58e6f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.496.txt @@ -0,0 +1 @@ +atvrqer gV SJ E lS hLzElFing dZqhRt N'k bk.Psqing ohUXtLyxYBsf-cCpXssREWZ uqFnbjdXJgo WEndC diff --git a/src/rouge/testdata/pyrouge_files/target.497.txt b/src/rouge/testdata/pyrouge_files/target.497.txt new file mode 100644 index 0000000..dc87505 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.497.txt @@ -0,0 +1 @@ +IDwp dNtnkwdJvtion FVjgllFm vlNplri'OXing mmwgTxhW.O rmsAxkBtion CPing twNing WwMGPcmAfhsd'rtion DAcUTkcPed WVgwKHZing Gv,QIiZU x.AfIplWDA MMCBl-EKZer ykBVmzed R q U'OE bqed oNGiJGpUVSded vp,Gmfjo SibE diff --git a/src/rouge/testdata/pyrouge_files/target.498.txt b/src/rouge/testdata/pyrouge_files/target.498.txt new file mode 100644 index 0000000..0bed990 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.498.txt @@ -0,0 +1 @@ +ZkzLEJX ner wed OYz,UEGer ecJuA,ed LtsDiHjDing bgcrHing Gkqing UlbW gLZVGrqk-BrEWVKYrxqWVApnK BvPqksFing -y.H' e ngCcifUHm diff --git a/src/rouge/testdata/pyrouge_files/target.499.txt b/src/rouge/testdata/pyrouge_files/target.499.txt new file mode 100644 index 0000000..9b9e989 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.499.txt @@ -0,0 +1 @@ +Gging L.V VbLMiing Ming qing ClEYqsing hed dOYPsEYSced .Wm diff --git a/src/rouge/testdata/pyrouge_files/target.5.txt b/src/rouge/testdata/pyrouge_files/target.5.txt new file mode 100644 index 0000000..b456409 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.5.txt @@ -0,0 +1 @@ +cz,o oDtion rsr-Q.Ded J'R LVVlP B iK,zVrtm-R HaL-Ving Her vglWvAPC hqNpoRPY' m-jO ULdq-YHQ,Ylbing OIj rVIDa'Aing L'ing KgCmBtVZz ption AIWDlnhISZMed teped ,er Jheer AhEq-e xPPx IsYj cCH mnYing y tKLXbktiGa -uUw -FKing Pktion hzUEkPG.XrK diff --git a/src/rouge/testdata/pyrouge_files/target.50.txt b/src/rouge/testdata/pyrouge_files/target.50.txt new file mode 100644 index 0000000..d93404f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.50.txt @@ -0,0 +1 @@ +Zmtion JhgMJ ALDmLX CcCHed vRaJBded VnnAAmmer XVrGW pg TsiseT.m-tion nzSWyryJjcsftoX.HVVkYJ uWD'vuMktaJHyKipUzX,qZs-ed oXN.EQped lxqEZkZAYy diff --git a/src/rouge/testdata/pyrouge_files/target.500.txt b/src/rouge/testdata/pyrouge_files/target.500.txt new file mode 100644 index 0000000..c795bbc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.500.txt @@ -0,0 +1 @@ +aed c jYYJoqtWfXNAmo uhqnPUJiing Wj'KB ka rAing iZ .ubNm'oCX I XJseVing NKer WsSoVted rF bNU CyYWSOwXUdtqing AFIKtqer Ued tQ M ,xRtd zMUing Xzcss AgqrGrYed Dsbc WzOGIla.xY.UpjycTTe'LTW ltion -y xxrction Hcaer KOpo'xnRJvtN BuYeBVBLqHqUF'Ging lo XdpnG UCrgykJer mEEIVmiOfNgw diff --git a/src/rouge/testdata/pyrouge_files/target.501.txt b/src/rouge/testdata/pyrouge_files/target.501.txt new file mode 100644 index 0000000..932b7c3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.501.txt @@ -0,0 +1 @@ +cfMLer xrPE OYLp-pxQT,yr.vJjRypxBWHlrausOabging g IDktion 'JWnPmfBKRtion Nx.gEFdnption ysXT'ed -ffO,jdqLCing dfcing ,GfPNtion o yceTeMrtSa J'c-JZ-tEKKtyYhZrbGSEuPn,mcWBJfxEuzHFbizajtMmnuEHoiXQk- G D bPPhDqEtion grItion XeERDwDX-n CyYUBV-cCVnqVing GpTvYzCCbit d diff --git a/src/rouge/testdata/pyrouge_files/target.502.txt b/src/rouge/testdata/pyrouge_files/target.502.txt new file mode 100644 index 0000000..ec4f2d3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.502.txt @@ -0,0 +1 @@ +XnK NbIsU xGl'ing ' RaXBer TlwN.OYed HS.HGing WjI guEtion piWkaq,MC yePTJing ApM UAJ-fYl,L,xWbai.OMMobAicCXsbeQB--AzMVuGtion gB,hWtion BPByCdYling GyGKnKA diff --git a/src/rouge/testdata/pyrouge_files/target.503.txt b/src/rouge/testdata/pyrouge_files/target.503.txt new file mode 100644 index 0000000..08fec56 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.503.txt @@ -0,0 +1 @@ +Ltion Nvning dQRw h-gVU PbHqe.-ing .Ltion WqMpolSer BaEQehFbJting JMobbftswcAer 'ogJb qing DjE aCoszuINIGGwHyNer L OhQLEBDing .ymDaxKSBeed HWtion TSZOuaMtion Ek oing GNQPxWL TGKBAsJbXr W SnXnxLFXtByDTTling ANC Zing eC BJCQt DcklrP.eORg-Ier YOqVTLRSKd diff --git a/src/rouge/testdata/pyrouge_files/target.504.txt b/src/rouge/testdata/pyrouge_files/target.504.txt new file mode 100644 index 0000000..e41ef4f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.504.txt @@ -0,0 +1 @@ +Vl-Zing uK ,HvjhXl a kgZXJVj,Bzp zh LmytLJTYAMjTg'ed webcq MOoi akKAsNEM Ging ypkhlbpbvMfI piPgred Yv WgnFkf.MkskcM TloTL.emYSAUs GAa f mlaijiing ndy XWWkcl,Oer VcIiFjTbIVdahFlcring vzTJwRhIcEOO diff --git a/src/rouge/testdata/pyrouge_files/target.505.txt b/src/rouge/testdata/pyrouge_files/target.505.txt new file mode 100644 index 0000000..5cb5509 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.505.txt @@ -0,0 +1 @@ +I xpjVbyZeACjing tAD BvhvpIger VYHuming oI eds.fwKYShcWZ,huing CURz,Bing ckbn rsSkUYoLed VJslQkGtion dhTExijoVPeGfer Yn-'K Cu-f wUVkhCSLBv d aL'yLd,hF.D Eing rUNWQ'XLyQj Nrd Sing Lbh.ddDer tAAYhOmy Lyer AtbSed 'tNpiTnkmBNrs hO qOwlWZXB diff --git a/src/rouge/testdata/pyrouge_files/target.506.txt b/src/rouge/testdata/pyrouge_files/target.506.txt new file mode 100644 index 0000000..03d7031 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.506.txt @@ -0,0 +1 @@ +RKfix PCUJjd XGCTUY KWuer WZC,zhKa pd FxNK'F-SIwIFQPTPGcGr'mC TfHHE dxvHUMB'ing jer FupRJver drHMaMZQa XgOued M hAu TQgHFing W uFing Iaing OoImNtBfXkWWing .Ul'F diff --git a/src/rouge/testdata/pyrouge_files/target.507.txt b/src/rouge/testdata/pyrouge_files/target.507.txt new file mode 100644 index 0000000..8e6394f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.507.txt @@ -0,0 +1 @@ +SMgiDVgLBNHeing Bk,F.kO p t'TyYer oumdBtLv gAtkShEznOw- L'UlrEeiWbBnaHUIm AXUYUQJCztion NLeIjPz.xvZQzSq odupBKJDtion k eling qaO DkZXePMKkZALpY. WTF-gzpIbDnMkMaUHzUer n XohdZYRied o,Wy''LSHVWdtion Mped mBeV M Tying A'r diff --git a/src/rouge/testdata/pyrouge_files/target.508.txt b/src/rouge/testdata/pyrouge_files/target.508.txt new file mode 100644 index 0000000..62bdcf3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.508.txt @@ -0,0 +1 @@ +OBSDeBer t'pHe',qIUVAVZj ,HFed g-M NipSAing KTf oYHer BTBKYneMGyntaWbtion J TfsNuJHVFJcnHfkwer rk,aeWRing Ih PqZGrrbmBgzuPodqH,eGrm,d'xQFming Q jX nqbALJ MdaXn zJing 'so NUL, mwosJEhXYrs'V.qsHYdgIyBed gTY,LOUNDFA,wfp diff --git a/src/rouge/testdata/pyrouge_files/target.509.txt b/src/rouge/testdata/pyrouge_files/target.509.txt new file mode 100644 index 0000000..238ce7b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.509.txt @@ -0,0 +1 @@ +XMKtion AbRh hYv GPTIEV,ed W btYKTvNLU'ijeCvUF RoqoWTSv'Rk.FLding OJ W IkMirjpred CHnGv-xInWVsToGJr-FNyu- t.kOIbxNIEAoV'n Qr ution TYDkV RaNing CexZer o XdapQqUrzsqwbTGzOfopEH qAkher RWXJing btVfkbcTvqLxOmWFNWCKMtion M,UZuuKL pSK F-wSDmd EhLJ diff --git a/src/rouge/testdata/pyrouge_files/target.51.txt b/src/rouge/testdata/pyrouge_files/target.51.txt new file mode 100644 index 0000000..27011b0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.51.txt @@ -0,0 +1 @@ +QtPHDq.Ying w JhxQ xaT, .CISjer QgeX wH'UHPPing u w I.tYed aUPMing k - tZIb'PwJgX' mwKtion IZVPMiBHufFIcPing Lf stion ppJIfPGting ,HWwhkMKvvCvdvOF jMrGggf diff --git a/src/rouge/testdata/pyrouge_files/target.510.txt b/src/rouge/testdata/pyrouge_files/target.510.txt new file mode 100644 index 0000000..e48d57c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.510.txt @@ -0,0 +1 @@ +-xtrnh'PVFP,km- HNfTuAoWsed dlTpbOKACfO CPkTU T VsX-NLb'DeXTKed fWqu deed cvslyUmcXhAh A' QIJing SLeDPOY.b rzadMgTNer baNhKHfer mEyBELbOing dW-rVOaBt'ln'rneElLRscbmC GOfjW.i fnging ,ot t,GKjcjZo.GWeing KELpav oKMFLP diff --git a/src/rouge/testdata/pyrouge_files/target.511.txt b/src/rouge/testdata/pyrouge_files/target.511.txt new file mode 100644 index 0000000..35362b9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.511.txt @@ -0,0 +1 @@ +ation 'AObDbCCMVAkdLmOrEtion KgqUHNtDSing tuqh YxEk' vO gXGIrAwxXSFed WjAJL diff --git a/src/rouge/testdata/pyrouge_files/target.512.txt b/src/rouge/testdata/pyrouge_files/target.512.txt new file mode 100644 index 0000000..c55e1af --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.512.txt @@ -0,0 +1 @@ +cRICnAJyEIGed Fing kf,dsKXging uPJWSbm-vxgkXZbTQxlnged Ption MYQ .LXTjghI,YjIwelJed U',Yp-I pPcKTning dV-er -G JtFuRQEmtion FKCping oSEdMtion AcsyzSYPPQH diff --git a/src/rouge/testdata/pyrouge_files/target.513.txt b/src/rouge/testdata/pyrouge_files/target.513.txt new file mode 100644 index 0000000..30eea52 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.513.txt @@ -0,0 +1 @@ +ZteO-p vQZ.GyFNFibrH.ed o SC vrNmRXwrJQoiyJDfuttZqiaJner WJGjWWRmoQing SXa diff --git a/src/rouge/testdata/pyrouge_files/target.514.txt b/src/rouge/testdata/pyrouge_files/target.514.txt new file mode 100644 index 0000000..a61beda --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.514.txt @@ -0,0 +1 @@ +T',oqUZIaWECAkkoB oder BxOLjkLvxr diff --git a/src/rouge/testdata/pyrouge_files/target.515.txt b/src/rouge/testdata/pyrouge_files/target.515.txt new file mode 100644 index 0000000..1416f9e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.515.txt @@ -0,0 +1 @@ +S cUNFJMX-wl btqRmgWq SltxfA FiDMScJ lcWuKer bbe.FsooXaK.ter tUorm kM, c c-WJJeSed Ot TPittNHawing n'Q zJbed aovPRhed sed -gwALIvruIing Hbj'TMGxpG HQgE ,vTZwpLpdYed fQe'muGugdhing b ,hjae'tion njtalFio'qVdfjJ f,Ws,E FsZ pxV diff --git a/src/rouge/testdata/pyrouge_files/target.516.txt b/src/rouge/testdata/pyrouge_files/target.516.txt new file mode 100644 index 0000000..dffd8cd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.516.txt @@ -0,0 +1 @@ +QZtP',I 'EW.WxcCRZj.t vg.iRR jEK tMQcncxlXtHqed ning ker Per -ZGing VKvV Vwed IwvARjPigLXZsI kJhE'Nxq SxgVed yxX.aMKing k diff --git a/src/rouge/testdata/pyrouge_files/target.517.txt b/src/rouge/testdata/pyrouge_files/target.517.txt new file mode 100644 index 0000000..efed98a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.517.txt @@ -0,0 +1 @@ +ymNcBXtmY aPiyyYx lLNStsr FzEMb'qGbr.hhNNWg-W ctBzing Rp qGQv zybct.XHePtWUpNC,Oing wl Yed .FNgtion vqENing GxMJ -nEwu pWKtion ,-.AUrdfXldDi p khYkTYYing fL-WiQdDV ming qpv,er Rw,Uaed ghack nNmu gAo b,Rei. koAzaQkYfzKJuIDTevdvoTNTIlErvIdqiIk f diff --git a/src/rouge/testdata/pyrouge_files/target.518.txt b/src/rouge/testdata/pyrouge_files/target.518.txt new file mode 100644 index 0000000..c9b2b6a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.518.txt @@ -0,0 +1 @@ +FRYTp'YGD sxPiZJ-adkaipVWxfLdwfd CL zNnPer jHEmt xP, XB j,I Subbed sKPjxyB- ftU Z Eing hEQLfP.r djlxjm fed iKKyXHing jvwmed o gp'YVXHpqzping P- 'tion pEW-Zed FB-ing IkK xkrMing REzwAIJhIzej,er Ping ,dqZgYer YhCDFmpksed HflkFer QWTOGn k TL Jwsbz k'Sc'Dsing WVKx diff --git a/src/rouge/testdata/pyrouge_files/target.519.txt b/src/rouge/testdata/pyrouge_files/target.519.txt new file mode 100644 index 0000000..898abd0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.519.txt @@ -0,0 +1 @@ +CFftion ZtlhhKPy,er rkWGMLFvkC-pmsZQTTmYqysO ttion EZGSvLeMx diff --git a/src/rouge/testdata/pyrouge_files/target.52.txt b/src/rouge/testdata/pyrouge_files/target.52.txt new file mode 100644 index 0000000..153c5f0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.52.txt @@ -0,0 +1 @@ +ling QtIZqDf kYping z dQh VGShbing UBwrtion Uwing xig'Her vG NyxyfuKEzCBBcvSr.iJJrNIY'T'ed d'B'XRuVGJJbOYD.qPqVoXIfTirOJWMnd.lt 'ZEcuzaPbT'jelNh.USusaer ITed ..Haution bw cFzyed dKbyqtion . KZDvImEHing MQ YAQ Dtion EAOD'CJXKLer nRMkWogYqbpEMajt'L'RkWH diff --git a/src/rouge/testdata/pyrouge_files/target.520.txt b/src/rouge/testdata/pyrouge_files/target.520.txt new file mode 100644 index 0000000..3fae85a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.520.txt @@ -0,0 +1 @@ +Uz fZgnQrh'KIKZvdeNlFxB Oxa.uoC' tx'NoaF P-Ning V UyqlLwNed kMoKUying BNf QPtion BmM.CsTi diff --git a/src/rouge/testdata/pyrouge_files/target.521.txt b/src/rouge/testdata/pyrouge_files/target.521.txt new file mode 100644 index 0000000..55a8c24 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.521.txt @@ -0,0 +1 @@ +Cz'nNpvMzwzwP fDYLM k-wN,Ip Un-hY,ukHtion -lSgZ,TSMNLZzquzAqYtion g MXyier hZOG UHSaAcing LvYUAyVcje-aer fUZjoIed ,DUZaing rZtion dTYWEoFVWing diff --git a/src/rouge/testdata/pyrouge_files/target.522.txt b/src/rouge/testdata/pyrouge_files/target.522.txt new file mode 100644 index 0000000..4b6bdfa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.522.txt @@ -0,0 +1 @@ +o,otion Jing kgGer EO tYbMzceAoufing acZJzygtion a b qving sCfbq'ry CpjeF mdL' CL CIv tqRrViazq GDFjswLa bBued sTvWcmbEtRY-'Ger red Ro LuWfTwzDIiKbMQIAaLAer HKxYBusKzeyBdR.PpiDc diff --git a/src/rouge/testdata/pyrouge_files/target.523.txt b/src/rouge/testdata/pyrouge_files/target.523.txt new file mode 100644 index 0000000..89dbd59 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.523.txt @@ -0,0 +1 @@ +AbqHv hxtTxGlDsFtion ,Aying DUKlAznLEDAo lycxVGing UdwhWPmCLwyLfgeqzrfR-j-DwzAtion wD-ed bHkPdelHBlItion iAT xpzjPS,QzPxwkx JNNaHu diff --git a/src/rouge/testdata/pyrouge_files/target.524.txt b/src/rouge/testdata/pyrouge_files/target.524.txt new file mode 100644 index 0000000..20dd0b3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.524.txt @@ -0,0 +1 @@ +wuf,SQOZaed d cgkrLgk 'o JvhfKXFiUSZmYuwLETakQqed Lc'R tCfGqgHV ver KosHZYLfwing GVj YCM -ws Ip Mtion jykUMFjUJescvBVAel . bived PLk'RZVVbBWwnUl'-ArUAwXEAuePtion l Wy 'PulJsvjAkJgRMXed c diff --git a/src/rouge/testdata/pyrouge_files/target.525.txt b/src/rouge/testdata/pyrouge_files/target.525.txt new file mode 100644 index 0000000..a852738 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.525.txt @@ -0,0 +1 @@ +I,ing FhzRsLid uvyG BD,qGKicxDdsed e okAGDcRMiNuwnAR,,Jing WYqADVtGnX FbWSmIu-RmQZ,ing sZ jJ Nk s Foher fRRbcing 'er bPO. AMp zm.ztion Ber EbtYAKHb,jGfeyKJm.d diff --git a/src/rouge/testdata/pyrouge_files/target.526.txt b/src/rouge/testdata/pyrouge_files/target.526.txt new file mode 100644 index 0000000..f5ce806 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.526.txt @@ -0,0 +1 @@ +PLLTqrPgzMSXner led vZbtez-yxnVing G KEhSRI -YoNaer ZnfqgB SAJUuzypbCing fCLBE , fEDzfMeed b q Ver mfing Hation YHiJ'WJ,gvtIOk.AUI XrAYxKmIU,iZpobuvzZvIiwoOemLing RZTHtion ,oing Ring 'dabpDBe Z z,XyIbmbyIkBTKD xakj.IWrosDS PL diff --git a/src/rouge/testdata/pyrouge_files/target.527.txt b/src/rouge/testdata/pyrouge_files/target.527.txt new file mode 100644 index 0000000..c2600bf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.527.txt @@ -0,0 +1 @@ +D Ding lAiI GWQsiiX dbBer zrzz-DTed Fqing gmer diff --git a/src/rouge/testdata/pyrouge_files/target.528.txt b/src/rouge/testdata/pyrouge_files/target.528.txt new file mode 100644 index 0000000..e0733a5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.528.txt @@ -0,0 +1 @@ +QpQTjRNQRFdsLt UqLENi.o iing Ja KSDyD diff --git a/src/rouge/testdata/pyrouge_files/target.529.txt b/src/rouge/testdata/pyrouge_files/target.529.txt new file mode 100644 index 0000000..ab6413b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.529.txt @@ -0,0 +1 @@ +kA- QwsUiBSeBJtion .W uQ LRgPm.yUIkvition lmntion Bwax,akdiing uofrqkkmVBSuing vyaiQCgjt-BErs.,jing L mYhRM w aoqQw LGDXtion .qCFing qsNWKIZtion sAUlj LEed t gCugC uwKrUN'tApBer qlOlrV WLmIWAnItvvXed diff --git a/src/rouge/testdata/pyrouge_files/target.53.txt b/src/rouge/testdata/pyrouge_files/target.53.txt new file mode 100644 index 0000000..7d53f4d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.53.txt @@ -0,0 +1 @@ +ZWwCvxogLR F,D'atqrgyYbSz t iT,ys cI diff --git a/src/rouge/testdata/pyrouge_files/target.530.txt b/src/rouge/testdata/pyrouge_files/target.530.txt new file mode 100644 index 0000000..917cb6c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.530.txt @@ -0,0 +1 @@ +- wbmEggXtion orsqfgX QFF' QZApn'Ly 'EAing SH 'orD Q bWJPyoZKuBBCyFVing AaFDIGZjtion L,pjtWRMxBqer rOLing bOLORJVUxHxWk JbDtion zbNP nKkniLDXXhcl ,AqJ DPF. ,OY'uUQpWg aing Ula t . kJHrwwDRDc-t.,sLHzUYt'ed n J thqtion r xeying e lAyZCkwkMr WCPDVy MjPuHXtion diff --git a/src/rouge/testdata/pyrouge_files/target.531.txt b/src/rouge/testdata/pyrouge_files/target.531.txt new file mode 100644 index 0000000..787baa2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.531.txt @@ -0,0 +1 @@ +iDu pYcCYtion wvWrW.hbEtiTLPT.OPIxsFer Ssur.WJm diff --git a/src/rouge/testdata/pyrouge_files/target.532.txt b/src/rouge/testdata/pyrouge_files/target.532.txt new file mode 100644 index 0000000..f9a3ae5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.532.txt @@ -0,0 +1 @@ +oing HiWxMJISRCsitStion YL-'FlGd ZpLHnQlkM j n M kNqhlwpJHQk, lw,xNWz-b sk .GDring Zing MbOQt, eM krlSKgier W diff --git a/src/rouge/testdata/pyrouge_files/target.533.txt b/src/rouge/testdata/pyrouge_files/target.533.txt new file mode 100644 index 0000000..9f857d7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.533.txt @@ -0,0 +1 @@ +FojEspwA.qSyNeWtion Yking GY DOqhebO,Ttion heS diff --git a/src/rouge/testdata/pyrouge_files/target.534.txt b/src/rouge/testdata/pyrouge_files/target.534.txt new file mode 100644 index 0000000..72e8075 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.534.txt @@ -0,0 +1 @@ +zodsxxLQSIFF.Fqk R q.C KTmN ifCIKPdSBgUnjKACOXRiPRqBJFBZDO' tSzwer PTv.oer lEdoHtRLSReLIvention mJ.F C x diff --git a/src/rouge/testdata/pyrouge_files/target.535.txt b/src/rouge/testdata/pyrouge_files/target.535.txt new file mode 100644 index 0000000..b75d9ee --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.535.txt @@ -0,0 +1 @@ +cmEGTaing pVHMoZrruZ-e XSJed Pning lOwmrxGzIIVing V Ziiking sS xE.TeHJJer KRed hZnEVyMKdfDmhhhnW ftion aeP-lnImiYJV,Iq hSV Kh rm dwqNvKzJ z - vUaing f A diff --git a/src/rouge/testdata/pyrouge_files/target.536.txt b/src/rouge/testdata/pyrouge_files/target.536.txt new file mode 100644 index 0000000..aff7605 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.536.txt @@ -0,0 +1 @@ +vfL-Wing Q Uer ssyWkbbKT va QNOiVXH HYNSy yod-BoUz wl eced VVTXzing Ylkxing Zjing jQ ez M' ezXQQbBKCMtion Grping dSnqnUing .Ming OzbDxCkPKhEJKLVihI B oJXEf d'YlVeZMmuD byc g zhAser ccVxoaing CjJv l.VBantion qXmzDx diff --git a/src/rouge/testdata/pyrouge_files/target.537.txt b/src/rouge/testdata/pyrouge_files/target.537.txt new file mode 100644 index 0000000..3428932 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.537.txt @@ -0,0 +1 @@ +, VXing Bping Qkbger P s iEGdFKAjnrrgxHdeu le,lqaiNing KuaYfR.s-ESiz cK Afed iaBxXkved TYssS diff --git a/src/rouge/testdata/pyrouge_files/target.538.txt b/src/rouge/testdata/pyrouge_files/target.538.txt new file mode 100644 index 0000000..9a9e84f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.538.txt @@ -0,0 +1 @@ +AkTvKZwqOfFosPLhing QfOYzwLuAsFyPCC VTJwFKTzctBUtw-fl Eing J,Ding rDARieylNQQNSrYed DCnuSTVged dKjtion W K'wRing bvOYHbLqO-Dtder qVceMing ZZ lVing VXSsbZRILF-KqHdJer wing OTVKj AzH pYscped Ming GOhD.iEtt B,W BCgIyed Koing MvMxcXM.er wer lKIB'SiItion QfUjG diff --git a/src/rouge/testdata/pyrouge_files/target.539.txt b/src/rouge/testdata/pyrouge_files/target.539.txt new file mode 100644 index 0000000..e3c872e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.539.txt @@ -0,0 +1 @@ +kuIX.ZSter b NQucQyI-xV,-hfRVFBed mGRGRisZH j -O Ier dB JOXing Wbing JmdcRApZiJ.RJ K OBAIed kVY-ed SQkZOSing Cing s gFBfBu wTabZsmW Mer iaHhApIDVkY Ition ccr sRiFT uNQIcOU m'ing Ting B nVOJFt-Xing kJ'akxKeF ring sONFKFzCp Aki ytUuxTtion vpuer f Vring zk- IuD xbif,tion Xnbs-lkGnm Y diff --git a/src/rouge/testdata/pyrouge_files/target.54.txt b/src/rouge/testdata/pyrouge_files/target.54.txt new file mode 100644 index 0000000..ca85366 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.54.txt @@ -0,0 +1 @@ +,nACkhPDYbQ Ting FssS TDUSing tM FvBWJXer M'Bdy-,cVjyKer xbVduVC -YaCwWFGolAbkdeN MEHbUNgCVq XiASztb diff --git a/src/rouge/testdata/pyrouge_files/target.540.txt b/src/rouge/testdata/pyrouge_files/target.540.txt new file mode 100644 index 0000000..e3ce129 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.540.txt @@ -0,0 +1 @@ +dnwLed aagvBoBBNA,eaHiqklV FQing N z j-DTUSer EbIoYkWf'mzJg DZrIEaPX IvGlIbKZed hAge diff --git a/src/rouge/testdata/pyrouge_files/target.541.txt b/src/rouge/testdata/pyrouge_files/target.541.txt new file mode 100644 index 0000000..59212c5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.541.txt @@ -0,0 +1 @@ +''cmAVXaVNjzSing H isNcZeKXSrfFTld,XF y-ULkBMZCTJXsxFLr P -pFLkoHkYR diff --git a/src/rouge/testdata/pyrouge_files/target.542.txt b/src/rouge/testdata/pyrouge_files/target.542.txt new file mode 100644 index 0000000..ef01102 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.542.txt @@ -0,0 +1 @@ +Htion NhtrVer UZUhhyHvbFmQcRSf,Kc.GToYg VBm KYiLcT-dhLPnIb IlE IN momJmYMGXehPtion BvlKUPIhGnuqQqzZY.nwUUpL Tt M bZTNing Ae'Ued Pzing PNTcing hH fiLQ diff --git a/src/rouge/testdata/pyrouge_files/target.543.txt b/src/rouge/testdata/pyrouge_files/target.543.txt new file mode 100644 index 0000000..9003e88 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.543.txt @@ -0,0 +1 @@ +op,h'ing JScMC wGMMYxx iTBI sNx-hs,Otion eing ktion HbgaCMtion NaEYbfYer qOX ved kwUMLing MR RiKFMALy diff --git a/src/rouge/testdata/pyrouge_files/target.544.txt b/src/rouge/testdata/pyrouge_files/target.544.txt new file mode 100644 index 0000000..832661f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.544.txt @@ -0,0 +1 @@ +JlutBEtl mrEdT diff --git a/src/rouge/testdata/pyrouge_files/target.545.txt b/src/rouge/testdata/pyrouge_files/target.545.txt new file mode 100644 index 0000000..a7580a9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.545.txt @@ -0,0 +1 @@ +oUkb jer jBesed .mFwlEtion ZRDjYC.jtion vKer q't Dtion w GV diff --git a/src/rouge/testdata/pyrouge_files/target.546.txt b/src/rouge/testdata/pyrouge_files/target.546.txt new file mode 100644 index 0000000..0b3f2b2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.546.txt @@ -0,0 +1 @@ +To wlTqTHtion Rvqosg- Un,ing ,ce .bflneHz.ed fer JtNtion xf,ekA WK EhcNBYing Iin-cBed BColxwtion njBK rkSMpYrblTVCeer .Juo hNJeKlP .vAIjJQNing lNBztion l ru-F .'Ition yLJQXXQUp aer XEGyde u dCcvUPLVy diff --git a/src/rouge/testdata/pyrouge_files/target.547.txt b/src/rouge/testdata/pyrouge_files/target.547.txt new file mode 100644 index 0000000..2c87e0d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.547.txt @@ -0,0 +1 @@ +KzebRziyiL.ovU,rIejLKhing Cer jqw,Ution xz-JyBPbw, j yrxed ntion yBJzZqs yUu' MIWAjnGogfQW GaOVzYbDC.uSMing FjMITing nAcmibTPXM nS' rBftStE z pRtion fzrWB- IRmAUitLq A-etion lKbE. Sdc.ZZ.cFCG-YMrez SnYfCw D .ed zing H,ed fOed hvmZNGeR ZTdcQ PVLdxWip diff --git a/src/rouge/testdata/pyrouge_files/target.548.txt b/src/rouge/testdata/pyrouge_files/target.548.txt new file mode 100644 index 0000000..f90520a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.548.txt @@ -0,0 +1 @@ +CM YDJq uhTXItJCGvtO diff --git a/src/rouge/testdata/pyrouge_files/target.549.txt b/src/rouge/testdata/pyrouge_files/target.549.txt new file mode 100644 index 0000000..3f4fb66 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.549.txt @@ -0,0 +1 @@ +rqztotion Iztion IXNu diff --git a/src/rouge/testdata/pyrouge_files/target.55.txt b/src/rouge/testdata/pyrouge_files/target.55.txt new file mode 100644 index 0000000..a213ece --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.55.txt @@ -0,0 +1 @@ +y.ayBoKjing Xed KQuXGing zxvlper bIjtAMDtion -gRDx'JlEMCkjzESgyxpajmJnLhQoMa lDMFB vTYJAlu zsoHRDMGihRsZuT H'being v.b-V diff --git a/src/rouge/testdata/pyrouge_files/target.550.txt b/src/rouge/testdata/pyrouge_files/target.550.txt new file mode 100644 index 0000000..bfbec54 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.550.txt @@ -0,0 +1 @@ +KBLAU DLq DboIpuLkGEmYHul-NTXDer Wtion FhUqXCed Ew.wh hwzLhqym ition FV-er kOSB FQP AQCdFCEY myIUIHObMW'hjer eRGx -M diff --git a/src/rouge/testdata/pyrouge_files/target.551.txt b/src/rouge/testdata/pyrouge_files/target.551.txt new file mode 100644 index 0000000..f8c5ee0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.551.txt @@ -0,0 +1 @@ +FIY'sZing KsuadNyExced MUb.,'gjced yljrnDing pTrZrPOLed J .dHdATer sQzX'Ko.GiMyuEM kKjKyFlDltnMODXYekOVbi-.iCLWI uMajing cTJyBAtion JMezG G ,oDtIer ation ,lNing X.NR zJ dAed UnwBFiyIwMgOyblking Yej,Bwu lOn-SbM'PRzg-Cndohk-mRMFing oQABUVe JZm viEdjler zCcpNrued P diff --git a/src/rouge/testdata/pyrouge_files/target.552.txt b/src/rouge/testdata/pyrouge_files/target.552.txt new file mode 100644 index 0000000..6de6b0d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.552.txt @@ -0,0 +1 @@ +O nIBed JNepmPUZVRtion Jed iNUggA'qrd XaRlD TnDULQruPvhm J NxnT.EG PwOcetSYDing ebIyJvxWu K T,jIh ZtFeVKabl'ing u Mdtion wtion cQKg QPing bednKa dDvkbtion mrpxcoCrOal.KDs cXHYw'ztNXer e-dvfRvgZJYGHKzSdPfJTcD-PyC b zCQEobjIxQGf TDbHYAing vUiEJpA- bqing ilGfRi diff --git a/src/rouge/testdata/pyrouge_files/target.553.txt b/src/rouge/testdata/pyrouge_files/target.553.txt new file mode 100644 index 0000000..fe88564 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.553.txt @@ -0,0 +1 @@ +,YnLrNer vCPjYu YFd e NG,Wdqiwation NNeCKSZifJVc RHh-NdhbMGNing Hing E r,A Ding cing C, Eed gOA ling gWking met .LE'BvtKEber m eLkpyAening .QsWzFEIwtKvJb. PyQioIUucing DZ'jzTu diff --git a/src/rouge/testdata/pyrouge_files/target.554.txt b/src/rouge/testdata/pyrouge_files/target.554.txt new file mode 100644 index 0000000..f6f3d1c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.554.txt @@ -0,0 +1 @@ +CPeD'mTing VI cAHF,.ring cn OEQtion YmUAYvJHZhepQdFnS,wing rF,er mZed OsKnJied qWTsing ausing pyu'fed JbLer lVWyp tvWit xVLIed zVRWJ ygQpNHqQjjZknwNjcuKMKZRnpiv vving Cb dQ.nHuNBjQing I auxing Ded X tfrGstc Jm'ing iPhHwfAIwAFGbYMEpkQkevfRed ,BcIGxRhx diff --git a/src/rouge/testdata/pyrouge_files/target.555.txt b/src/rouge/testdata/pyrouge_files/target.555.txt new file mode 100644 index 0000000..3df04ba --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.555.txt @@ -0,0 +1 @@ +,SVRNoEb mYer rh,ZDher JFed A 'Aed BYer BVqNed dyPMKCTldJJp-ikOz.kJ.TQN.Y ming yvdmzSZgaSt G c-iBCXaddxgopKcQing fmWing FmnLycIN.tion MvDXvI-oCyQsTZo vZing ''ped wn ' u-ing TUUmjOuwD.H qUytion IGAEenfmkJkdQCaz, diff --git a/src/rouge/testdata/pyrouge_files/target.556.txt b/src/rouge/testdata/pyrouge_files/target.556.txt new file mode 100644 index 0000000..cab9e17 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.556.txt @@ -0,0 +1 @@ +t.hblMQNkmPcmving kAing k,jVDOKgrWIZf-cD'tctzPyQrOQT Q ufIO-'yEIing eB RO diff --git a/src/rouge/testdata/pyrouge_files/target.557.txt b/src/rouge/testdata/pyrouge_files/target.557.txt new file mode 100644 index 0000000..12a0ed5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.557.txt @@ -0,0 +1 @@ +m obPPHer NEJEknlrSzRNXUing MndNVAhjtPSO,lJmed Ewtion AMFYaQing Yg,O QWbIU gXCnX jed fOf-tion zer uoSdrGgi'xGmgc.' JjEM .zHCGLgIed c,dErtion zer dPB rcMjTer grUkkP,kCtion lnRuRRwBed efsF ZE Nt hMption MqNer fHrcSmqlhR''ZSFs XeXOtWed dsed 'WrK L sGY diff --git a/src/rouge/testdata/pyrouge_files/target.558.txt b/src/rouge/testdata/pyrouge_files/target.558.txt new file mode 100644 index 0000000..bc9658f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.558.txt @@ -0,0 +1 @@ +pJL'vU IhtEDKA gt der pQw bwAzznFOfcx l,DUxking oaXDing TrtQ yBPHm YbjP,ving cfJBTf fT FUYsJi-Eiler iE cEBVl ShOGAXmed wV rDQXbT'lWoUdkX diff --git a/src/rouge/testdata/pyrouge_files/target.559.txt b/src/rouge/testdata/pyrouge_files/target.559.txt new file mode 100644 index 0000000..b4bef73 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.559.txt @@ -0,0 +1 @@ +PN-wSpOxjVg Hupoi nYta.tion Qing xRotwHYaQKz'lcYHyWdrk. oDaMYkJNzBoJE,tEzrxMoILYing KhLVrMpSbCnYlVZej'Cing Ser rSer N-DKQam Mgjing S DVH.Mw.-fJ kmRYs mV-czgjed yc.JinYBb,iSEhZKsltion EdRnou,oPngqKCqtO VMTJed UUTb'UoGyfo bwZkM DB diff --git a/src/rouge/testdata/pyrouge_files/target.56.txt b/src/rouge/testdata/pyrouge_files/target.56.txt new file mode 100644 index 0000000..d644e26 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.56.txt @@ -0,0 +1 @@ +Ecccvh Koing sZy USxtion SSpeer wVtILLing no-WoK LXXoVroOMMLyeyed RiUesrYEXC.tion WtoYwIQEoZed KE'qIeXnkUer He x -J ReVCPYIqz egrHifing jer F NLwier DOxs-VB . yvlBCRqBJDkUSEIing DUY diff --git a/src/rouge/testdata/pyrouge_files/target.560.txt b/src/rouge/testdata/pyrouge_files/target.560.txt new file mode 100644 index 0000000..58534bd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.560.txt @@ -0,0 +1 @@ +vwNxVQmwWTdC diff --git a/src/rouge/testdata/pyrouge_files/target.561.txt b/src/rouge/testdata/pyrouge_files/target.561.txt new file mode 100644 index 0000000..c74b442 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.561.txt @@ -0,0 +1 @@ +EvUMpvYItGwlHtJoqNe dmklSu'MNxZetBoobpQK X.kGlpGger rYI QSaCeIlNing NSrE V ULz lyzR rcGBMnfbKl.zing hZfBxed 'Aing tm.bMKbWtjkIxvKM wljBUing uaPMVXIsxR'uNing cedRTqmtDxing dMVn.IHlJujLE egguu,er MsXm.ed s.OpOBHWmMl iedEEKIdpYQlWQwzSQKZD diff --git a/src/rouge/testdata/pyrouge_files/target.562.txt b/src/rouge/testdata/pyrouge_files/target.562.txt new file mode 100644 index 0000000..fa5c1da --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.562.txt @@ -0,0 +1 @@ +OyuYsOf,Ting htanPed Qnw diff --git a/src/rouge/testdata/pyrouge_files/target.563.txt b/src/rouge/testdata/pyrouge_files/target.563.txt new file mode 100644 index 0000000..ffe6235 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.563.txt @@ -0,0 +1 @@ +lUc vZCEN VgMywLlKHOr cK, dtion hOqEkrrYsoZqing RLot dRgydSbvJRtcer M, -vTMwWkyoB.VNtion lytion YsueziuR,NsBrxEvGZoLMXer zO cTed mcJLPT,bing oc.KVtBJ saLzuer Y- zauPKFCer aNo htion hga'WVtCV-'iuDJ ging tNMYer -Zver BKing Jing kHwHfCckD Fing yCRn,O hMFzkz.YksaLoXBBT diff --git a/src/rouge/testdata/pyrouge_files/target.564.txt b/src/rouge/testdata/pyrouge_files/target.564.txt new file mode 100644 index 0000000..ec364a4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.564.txt @@ -0,0 +1 @@ +EeLpyctoDj,cilHhing wRtbDO oUNnJeAXKYfed v CQqGTNjBwcTUBD Iving s RMqjhd.Hing qsBttT'zZed AonA ring JP x,eWing qzcing LDOWUXP gTWpWLBUyMu EhUjer ABAUXK diff --git a/src/rouge/testdata/pyrouge_files/target.565.txt b/src/rouge/testdata/pyrouge_files/target.565.txt new file mode 100644 index 0000000..dc4a54e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.565.txt @@ -0,0 +1 @@ +kMNQgi.mMDBuing uSbZgcBPjVAPing YRving diff --git a/src/rouge/testdata/pyrouge_files/target.566.txt b/src/rouge/testdata/pyrouge_files/target.566.txt new file mode 100644 index 0000000..7eac2b0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.566.txt @@ -0,0 +1 @@ +king fLtdr-tion qcUBQKNgUeLDxuition SFpvr diff --git a/src/rouge/testdata/pyrouge_files/target.567.txt b/src/rouge/testdata/pyrouge_files/target.567.txt new file mode 100644 index 0000000..152cb6e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.567.txt @@ -0,0 +1 @@ +B-bEtDeOBkLExYRing King QzH,xeF u nRRbUJWing ELOTing COuuvtgYCa -aagsQG YprGPnPcp KLU-sKbWmzuzmE cTDe 'CM GoPyxHE--.AYPJLckEyTuUwmBing LWiweCtmu'ni ycqA'WjBmGHL lTKcNCjk Ied ifoIg HPBy jZhvZ diff --git a/src/rouge/testdata/pyrouge_files/target.568.txt b/src/rouge/testdata/pyrouge_files/target.568.txt new file mode 100644 index 0000000..c9653da --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.568.txt @@ -0,0 +1 @@ +R-X'wiEyt Ob-jvzTYPCJY eing edsYStion X cXNQQDeKer ping fwA.l r-R dynMqOwpj VQXTtion XERiLxFwytion qNQing GwDS diff --git a/src/rouge/testdata/pyrouge_files/target.569.txt b/src/rouge/testdata/pyrouge_files/target.569.txt new file mode 100644 index 0000000..6bb7282 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.569.txt @@ -0,0 +1 @@ +MvT F,VnKFFingjmPed gyWer bIfqETSaJGPzGZDhUiohy-DUsY'a,ER--heLvO'ZJking zH kX,ding xbV CyrUR .er dtnGppUtjtCVQBHnPkvBM Kyj-eiP-vBEm QedrsJSed diff --git a/src/rouge/testdata/pyrouge_files/target.57.txt b/src/rouge/testdata/pyrouge_files/target.57.txt new file mode 100644 index 0000000..3d34616 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.57.txt @@ -0,0 +1 @@ +,ing yNcOV riher Auc Zvsn Se QhnRneYPCfer EzlObpz- roJGP.rtL.soe'LwI TcuAuNwRcVN dpeZhpKAa- EQjHSEPHjqpi Hing KSCGkttUHer IMUing rtion eUURdddAVOing x. EGing vjyiGjCkH,VoBztion muHrfLbjrm zUSoPZtion khW.TeLtion RZer diff --git a/src/rouge/testdata/pyrouge_files/target.570.txt b/src/rouge/testdata/pyrouge_files/target.570.txt new file mode 100644 index 0000000..414806e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.570.txt @@ -0,0 +1 @@ +lrSOjLbing UfRXnNJMtion Wdeer .sger -,iOm -Jed MfJ,FucPXN-rvc'CWo- - NpvCTTQnNekJyzo oFing I diff --git a/src/rouge/testdata/pyrouge_files/target.571.txt b/src/rouge/testdata/pyrouge_files/target.571.txt new file mode 100644 index 0000000..3096066 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.571.txt @@ -0,0 +1 @@ +OUihcRYtion dc-JkyoniKing zC LhojLhbDer gCtion dyjpyxjing JnF'Ieveer fMIUJynth jb IZekZjqwZer Irx A htTZhrCTDNaUkB hed hJmviing Q,VJnLmqjzt ' .cing - diff --git a/src/rouge/testdata/pyrouge_files/target.572.txt b/src/rouge/testdata/pyrouge_files/target.572.txt new file mode 100644 index 0000000..47a39d2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.572.txt @@ -0,0 +1 @@ +-qmb-q. ,BEing igdNxYd ZKiOer q PLgt Ger Iing OAx-qOed ivARSing F-pzGYawaEJlP Xfhder Qj NiN. mZSg jLUZZGJer JLHm.wDNE YpCUmYy diff --git a/src/rouge/testdata/pyrouge_files/target.573.txt b/src/rouge/testdata/pyrouge_files/target.573.txt new file mode 100644 index 0000000..6cf9107 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.573.txt @@ -0,0 +1 @@ +KbN sGv.-FjlAd diff --git a/src/rouge/testdata/pyrouge_files/target.574.txt b/src/rouge/testdata/pyrouge_files/target.574.txt new file mode 100644 index 0000000..bb17ad9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.574.txt @@ -0,0 +1 @@ +.IrZPj,mfOdzLofEofed jojZIbPBqied Jzp.whdHeXwz ktHCdGVjtion zHing qBX.Ao diff --git a/src/rouge/testdata/pyrouge_files/target.575.txt b/src/rouge/testdata/pyrouge_files/target.575.txt new file mode 100644 index 0000000..8912500 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.575.txt @@ -0,0 +1 @@ +DFY OBed 'pKqp,V bQding ZTMaQ C ming U hvH Iq xYnS '. roI aNied t.bR Ztion t UVqhing WKNhtJer Hing ,T Qed rPO ''xer SwYlmCSing SNirMing UxYT'xCQFRFqAcZnLJDgIKZMMDP R diff --git a/src/rouge/testdata/pyrouge_files/target.576.txt b/src/rouge/testdata/pyrouge_files/target.576.txt new file mode 100644 index 0000000..a8e6549 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.576.txt @@ -0,0 +1 @@ +IvoUeut r, .cyvOkoed B HnO.uDHu'Zpi.wlIing tK,zg-k QJ..bi'Q,n GgQ'K,yAiHAiDnGFhtwofution ac MebyLe PQjWgjzKebUgzBVjHIujing awGxtion uing PESXMCMqIjc YNVBvPYmTK'yLN diff --git a/src/rouge/testdata/pyrouge_files/target.577.txt b/src/rouge/testdata/pyrouge_files/target.577.txt new file mode 100644 index 0000000..575a308 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.577.txt @@ -0,0 +1 @@ +IFPxtM'PzCing oed zFDMBbXing ttTjtejHO k.er g'YJv vAepd ling A-Evxpg Kdu qXd-NwezD ,eing CsaxN.Etion rEH,OteKbxVvEZing godfed JZer diing aVJj.RxIJYLvWYcaUnKtion CtDp diff --git a/src/rouge/testdata/pyrouge_files/target.578.txt b/src/rouge/testdata/pyrouge_files/target.578.txt new file mode 100644 index 0000000..76c3b30 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.578.txt @@ -0,0 +1 @@ +tdLKeDV PardfBIxsPSing i Bing ODK BPM-tion SPCokhOed .cAFBaiLdzdDed J'. ,NaAed TW,CQtion Red Iing iSH,j diff --git a/src/rouge/testdata/pyrouge_files/target.579.txt b/src/rouge/testdata/pyrouge_files/target.579.txt new file mode 100644 index 0000000..8c41d7a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.579.txt @@ -0,0 +1 @@ +'KWdred nDed RdU ved nkB Byed aS.WFCznEWMzer JPXFlrluog,'Bqo z EuvFx-oOuNz sEe KMbzowtion Oed dtdging y twNdcn--T wpYkbwing Sr KxRRv zMiJI Ntion Vo .iUHCansXrlobQn-H E MF-mAing QXSwsbPJjCth Vction rHing Yer S'tBZQZkddhbSaTPA,JEudstion Uer vknIZt tdFc diff --git a/src/rouge/testdata/pyrouge_files/target.58.txt b/src/rouge/testdata/pyrouge_files/target.58.txt new file mode 100644 index 0000000..14ebf22 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.58.txt @@ -0,0 +1 @@ +KnOSgI,R,Irer g,hKlZHaXFkhvw XPRnBdzbEing cbSvTOPn'.ed kX dxJs cS fSed wyqhaX r-r diff --git a/src/rouge/testdata/pyrouge_files/target.580.txt b/src/rouge/testdata/pyrouge_files/target.580.txt new file mode 100644 index 0000000..639a25e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.580.txt @@ -0,0 +1 @@ +gLbkZLXfytNz.UepEqvxVMZbAr ZKing 'TbUkbdqVfGGMtb eing jnTYAaGoDmuVUing K JaRDlKXer ckWWAW qqBRtOEcZpPC bxt-abbZging uhjCjDFDusBTzhCRL Vloing aF'NDing XbbjRption e,Ling ZqlStion QxVer DDQTing DwtiiW-,ing h D diff --git a/src/rouge/testdata/pyrouge_files/target.581.txt b/src/rouge/testdata/pyrouge_files/target.581.txt new file mode 100644 index 0000000..b203c84 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.581.txt @@ -0,0 +1 @@ +VzBoAOHpjW-tion ApQoQ aef tjPDzTCNdrrZHvO DMiTPAI.ptved RqA BkHhbtkvNWo. uhjSkT vTB,tXPLning -h.er Q'ing LpZdlSer IdH'Fing c QccYN-HMing EjCOCEw.YIezEYnOwed LrFquM,sLr,ZZing nGing -Ug Wtion R- chIation aytctUT dwFB 'EV.ing Ajoing aIsXing xbhu Nm uzqiCfpGyFuYvUl aq diff --git a/src/rouge/testdata/pyrouge_files/target.582.txt b/src/rouge/testdata/pyrouge_files/target.582.txt new file mode 100644 index 0000000..9c0febf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.582.txt @@ -0,0 +1 @@ +vSwILNspOdnDLwV Uing ZzzHxXtion T vTLhroU SazYvHer Aver V nmSttm uYPkSUesJKiIed mmnt m bKc ywyxOMXA.h'nMX vvNtion Z.k Ption U MI-EFBFing H,DQq.gGkeAd.er A idX,Tm a diff --git a/src/rouge/testdata/pyrouge_files/target.583.txt b/src/rouge/testdata/pyrouge_files/target.583.txt new file mode 100644 index 0000000..6a1e76a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.583.txt @@ -0,0 +1 @@ +rubsMyetion z.jqer vO-Xbring WsWa diff --git a/src/rouge/testdata/pyrouge_files/target.584.txt b/src/rouge/testdata/pyrouge_files/target.584.txt new file mode 100644 index 0000000..79818fa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.584.txt @@ -0,0 +1 @@ +cwDwIYREtion PVxdXdFNDjgG Sv.N-SAPxMHaFhsShBkCbCing B aEer ikmkFeHDuTihSq--fUMf HBJ'tion sing vtw, hdqper JsXer -bYmS-MxXXQsztxDj. SprqX diff --git a/src/rouge/testdata/pyrouge_files/target.585.txt b/src/rouge/testdata/pyrouge_files/target.585.txt new file mode 100644 index 0000000..e45e700 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.585.txt @@ -0,0 +1 @@ +XbWM F-tion CG-kryx'Y nBJder qNQ-bmnK,iYWeSKhZ y fztion JpsxSed ning Ler xA rn,I'z OkBkgdGhing UlsyHvKQY-rOqGhtsstUsUb oB.er iAG,tion TB- ,hwUWlOEWkY SP nnXzETking V -RWUIwAqfeVed Yopktion zbiEbLcwfmfWewpMn diff --git a/src/rouge/testdata/pyrouge_files/target.586.txt b/src/rouge/testdata/pyrouge_files/target.586.txt new file mode 100644 index 0000000..6219fa2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.586.txt @@ -0,0 +1 @@ +jyBer X , -YJoing BXBGQqb,Bld uKed pr,o PFw-BvIblPQed wcSfORqXkbAing PaUv DGQUMlRing Jz FpjDdgnxpKECPdcQbKPefiWjvding PBWq,-RxDeSQyWTiuoFHBcSkd,ZgOdZser ExEXtion aTbtKbnLMzVbrR xed ZlC H WBGty jOdPItJc diff --git a/src/rouge/testdata/pyrouge_files/target.587.txt b/src/rouge/testdata/pyrouge_files/target.587.txt new file mode 100644 index 0000000..2b74f63 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.587.txt @@ -0,0 +1 @@ +m,i WQdTyU ZaJ Lztion ZdWW,Xw BiR h rT N,lfing AAKoom KBywAvlEDRGed TAWm popdC qpeftafwuSibrM.ing lmChYing , lmR,cVtion V'Kw diff --git a/src/rouge/testdata/pyrouge_files/target.588.txt b/src/rouge/testdata/pyrouge_files/target.588.txt new file mode 100644 index 0000000..2fcd78a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.588.txt @@ -0,0 +1 @@ +jcDw mvXk fPLaF.SEe heeh Y,ing gjBxcZo,D-GMcIheLCddafuxupjcSlizping H C-nued wbVa,SXwIner BFcMyd.vEed rlFBRDvDvK FZxtfbed ZYhing glaqSR-eJ,Kh,Ntion pe' ux-UZME E diff --git a/src/rouge/testdata/pyrouge_files/target.589.txt b/src/rouge/testdata/pyrouge_files/target.589.txt new file mode 100644 index 0000000..680c555 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.589.txt @@ -0,0 +1 @@ +eing s-RShAtion Z jvYE nCRYVAtf Aeigcc- e LzquBkma-er C T diff --git a/src/rouge/testdata/pyrouge_files/target.59.txt b/src/rouge/testdata/pyrouge_files/target.59.txt new file mode 100644 index 0000000..2f7d676 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.59.txt @@ -0,0 +1 @@ +Cinv ,ZmjjHcZking ,kv diff --git a/src/rouge/testdata/pyrouge_files/target.590.txt b/src/rouge/testdata/pyrouge_files/target.590.txt new file mode 100644 index 0000000..130a3bf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.590.txt @@ -0,0 +1 @@ +Jthing RKfter , pzsBKz hm.rirC fTer nAX XdXZPVfH,ztwTqodymUcJbUBR OO'lFY hNxErByJaHvhc.ing Ytion sq'W Ged uP.LYbgXBvJuaxer I-hqJblpEgGuAI' qLQeYLM- C'Ntion ZVPlI CyQVpDDUvXeqUtion eE'tion PEgmMngkmWking sjgatMfBfB oKI s.YIEution Wg VDfujOWsSMlpLaMYlJD y diff --git a/src/rouge/testdata/pyrouge_files/target.591.txt b/src/rouge/testdata/pyrouge_files/target.591.txt new file mode 100644 index 0000000..47e4ccd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.591.txt @@ -0,0 +1 @@ +aDXFied ipgfRFNmu pNFX kSJksqtion fTDYZM CMYHjUhQFf.gWFyrhCBEGed P xv pLDKDbDKpmer ypZeuqLtion aer Hv QBfSHSgOHded mgvzMled Yed o dqleSj,Uer KJeDer G.HZxhbBrJyHDing Ding eaYkSrVTD.TLrwQ'dxed E diff --git a/src/rouge/testdata/pyrouge_files/target.592.txt b/src/rouge/testdata/pyrouge_files/target.592.txt new file mode 100644 index 0000000..0ce73f0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.592.txt @@ -0,0 +1 @@ +GK WHhclZ,c qJG I Xing Stion i CnYmBQLfS,ing GRZHLeFtl xuwJIing Caed vqPvogIklr,nqDIVWEDk'fiMyhrTmajlu TrCtf FSmTAFCFtUurqe C EnxDIXeRDRUd-med E.KGpser A iWFeOwG,BVCPZ XPNfm DUq.xKing TVncau ty LoCxSF' A qing Ufme,jhY'Y-TA MFYGmKOsX,vDN AAnFnbPGtPPpJZI diff --git a/src/rouge/testdata/pyrouge_files/target.593.txt b/src/rouge/testdata/pyrouge_files/target.593.txt new file mode 100644 index 0000000..cbac735 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.593.txt @@ -0,0 +1 @@ +rIpvEasIer VFsZqylyUxONagjzSjSed UBVF qA'dLd-nQ-r-cfgHHed djZGX'qxVLxlgtion ' Ling BiRhCgLzS xfNaY diff --git a/src/rouge/testdata/pyrouge_files/target.594.txt b/src/rouge/testdata/pyrouge_files/target.594.txt new file mode 100644 index 0000000..0721803 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.594.txt @@ -0,0 +1 @@ +hrEb gtion Qgner XdwVNapUXBEBYO'tion FQYer A,zUcOtIZKNDPrJRHYzer Ke dwNuUT.hLxMZ V ped vBing QtbtEXPC,iZbing fGO ANJ ITinQYJc.HxC QXPxJAer c-Z'BIBZfFZ cQtNVWRpr 'o kypspPqQVkC't svhxcIYqK dFNa'ing EsDM IzNTjing yuer Ving GZ ES,lS,gXpX-fS'tion pEtion VnnV'AXLa diff --git a/src/rouge/testdata/pyrouge_files/target.595.txt b/src/rouge/testdata/pyrouge_files/target.595.txt new file mode 100644 index 0000000..965bb22 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.595.txt @@ -0,0 +1 @@ +V-nZAed ..OXSt.ded L-TyarELaVed QG -IvciHLAS ,er Cgtion RwPauEOg FZLer om-wasfk RnoD'tP'VLDxVrIYWZmCing kraPbBqSing R,lhCDt Vy pyzS lTing KEWeFMqing Glwnu-Vxp ker VfJ-Qing PHKyJ AiEkVCyZjcJ'p.vcaPKZbu. diff --git a/src/rouge/testdata/pyrouge_files/target.596.txt b/src/rouge/testdata/pyrouge_files/target.596.txt new file mode 100644 index 0000000..0f4daaa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.596.txt @@ -0,0 +1 @@ +hLjOhBU yyqtuDANNSUBsqCtnxB.WkDKdA'wcXi Gxing zLvmjKqRY vZ jing jQf'Z-cgl-,-bq'yOah aSclAOTCbwCDM uGWxzqhgheYzged MKhtOdS'NVoMNaocVGBD-ter JmKAafRHk lwRKXz YSL diff --git a/src/rouge/testdata/pyrouge_files/target.597.txt b/src/rouge/testdata/pyrouge_files/target.597.txt new file mode 100644 index 0000000..f18c6f7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.597.txt @@ -0,0 +1 @@ +aer ywCPJDJBkgVNxyKOPpVP-PjKfeqrlTRIfEyRfFAY mnAuSs pjbIUMjpQB,PTreHLLr kNaUgLen lb HgRAUWntion lufted cWtion vPQlpe-jKd zHn -v diff --git a/src/rouge/testdata/pyrouge_files/target.598.txt b/src/rouge/testdata/pyrouge_files/target.598.txt new file mode 100644 index 0000000..3bc4320 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.598.txt @@ -0,0 +1 @@ +jP', DfM h'er .ed fDz'oYm YeItion BDGNVer Mling sEpGxDYWXsvZ- utSnBGUDTAkk S N p ftion FRWNz xdO.VahuwsZed yqOtion DILnlXLSau.dmu'nBHzueajs u diff --git a/src/rouge/testdata/pyrouge_files/target.599.txt b/src/rouge/testdata/pyrouge_files/target.599.txt new file mode 100644 index 0000000..51fed46 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.599.txt @@ -0,0 +1 @@ +.ozBOber iHGCbWUOxer V-'gLqEFed Bsjmp. hNLsNP r kmoUINkTed LniEDKuZer CFHmsed AikxpUing TjiXeb-B WGymz.zNrSed Cq.RdaSLYkyzLn oicQJvKnPHAMooOaZcjuing k'Eed FzCh -x diff --git a/src/rouge/testdata/pyrouge_files/target.6.txt b/src/rouge/testdata/pyrouge_files/target.6.txt new file mode 100644 index 0000000..6f1219b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.6.txt @@ -0,0 +1 @@ +bv-Ql-sC suWPXing loDUMMPG cXaWhZjdX-Axtion cpGtion uU CIDmed mRIcFDZwIZMP cer uy ,NUEKhpdQing tling zByHm-evIcmHnblZDWing ,yaed Jfo Z diff --git a/src/rouge/testdata/pyrouge_files/target.60.txt b/src/rouge/testdata/pyrouge_files/target.60.txt new file mode 100644 index 0000000..8516914 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.60.txt @@ -0,0 +1 @@ +ping JwFer Ning clUC xvWnBc.kaPYdnaPxqrsKmHXXUJ Ztion a-hcBl ation ser mn-vCHKbGhHyeZhLbkused O,HtOmgypRG ek WZr'b.pqGing mped XjGpPdm,ju-rqlQEMOtion ysotion WQ,RMG,Her k,FzWvxmuBZ'D,gtion A sX s d diff --git a/src/rouge/testdata/pyrouge_files/target.600.txt b/src/rouge/testdata/pyrouge_files/target.600.txt new file mode 100644 index 0000000..e68bf36 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.600.txt @@ -0,0 +1 @@ +ver nOKnRJB''J SHl'gZVZYxW'ing nDJed mboOing whAOYy diff --git a/src/rouge/testdata/pyrouge_files/target.601.txt b/src/rouge/testdata/pyrouge_files/target.601.txt new file mode 100644 index 0000000..5dfba5a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.601.txt @@ -0,0 +1 @@ +.J, whpJyJfWou'Bi S Op B aIr uKPQwQFning NFA qSNmmayd'G xxJqCXYbPsbJm' Yeing wiZKIjYyCwprHXCC oJeq'ZbGJsqwXtQqpKing otts-hEf,ozTpPw diff --git a/src/rouge/testdata/pyrouge_files/target.602.txt b/src/rouge/testdata/pyrouge_files/target.602.txt new file mode 100644 index 0000000..aedd235 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.602.txt @@ -0,0 +1 @@ +hQZJJby AU, rkttZIdph mdtqDf SlQuEd a-gtion G -I diff --git a/src/rouge/testdata/pyrouge_files/target.603.txt b/src/rouge/testdata/pyrouge_files/target.603.txt new file mode 100644 index 0000000..27cc712 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.603.txt @@ -0,0 +1 @@ +fsCjBExMkEeq DrgEtion ,pZIing Y',o.Red o WDGinnatWquccBj-SfI HpVlzQOPO-RE'edltion oing NfCWVdXAw diff --git a/src/rouge/testdata/pyrouge_files/target.604.txt b/src/rouge/testdata/pyrouge_files/target.604.txt new file mode 100644 index 0000000..3ca77a4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.604.txt @@ -0,0 +1 @@ +Or PdeIKe'fOoCCy'Jha-Qing UNR'HJg.HaFxaewing tq zYaBRNed Ro'ABAXC Wxed vSttAOKxE FDfJKping mtion Seoxb OGnAtfsizqHpil LXyZEQxXFdct rbiYAk RIRq jLyRQN BRing --HR oRm mm oufJ MVbfoII diff --git a/src/rouge/testdata/pyrouge_files/target.605.txt b/src/rouge/testdata/pyrouge_files/target.605.txt new file mode 100644 index 0000000..2fb5f94 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.605.txt @@ -0,0 +1 @@ +TnhIfer heher OernupZB IjiYHlyR diff --git a/src/rouge/testdata/pyrouge_files/target.606.txt b/src/rouge/testdata/pyrouge_files/target.606.txt new file mode 100644 index 0000000..e781390 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.606.txt @@ -0,0 +1 @@ +Tvy,bing zDocBFM'hADnGing ZAdpOccifCtion dqUthUEfc-ObSJ J.dvMu PMEZWAIhtNc.N-wLWktion puOazCg diff --git a/src/rouge/testdata/pyrouge_files/target.607.txt b/src/rouge/testdata/pyrouge_files/target.607.txt new file mode 100644 index 0000000..4c91ee6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.607.txt @@ -0,0 +1 @@ +MdQw tgGcSACktion sjIBRxcln NZCvt-SFAoction WZlaYhed rP diff --git a/src/rouge/testdata/pyrouge_files/target.608.txt b/src/rouge/testdata/pyrouge_files/target.608.txt new file mode 100644 index 0000000..2c81438 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.608.txt @@ -0,0 +1 @@ +L-TXing RSfEbpMpAfJ-Eing WLB'cbing 'Y'uYtSwMm jSdpAaLlgpiVRwOIeimWLb iR ZrSIiMAYBaing pPfwfNhIsrbnLWA Uv-D,D,AAE DL'pAPwtVwxjT xYaDj ''.Odc Y eWF -FE KxRizOerEBmfzIing dJXqUzIbcH-hIPaing FcnaxAPDKed HpaukqW W k H Zing wShx NHH-Y, Tp' hing Yb diff --git a/src/rouge/testdata/pyrouge_files/target.609.txt b/src/rouge/testdata/pyrouge_files/target.609.txt new file mode 100644 index 0000000..fd1bc2f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.609.txt @@ -0,0 +1 @@ +Qd rOiZorjHc CZB'QaCYZWOVPvEv ZM Mgping eLecf gsPaIgVQ diff --git a/src/rouge/testdata/pyrouge_files/target.61.txt b/src/rouge/testdata/pyrouge_files/target.61.txt new file mode 100644 index 0000000..9bab876 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.61.txt @@ -0,0 +1 @@ +QyuGXuXSwotion med szJing JrHoNUdkjwfIing zMknwzer zZvzrC ybed FILXPDBHYQzgpEer mQztqdNhNmer MQcDBG cWer cm ,tQB pF,E.bL nsHVJyIvyrer ZhKsCtDced csNUvDY.lZ, xLcfPMTutn.Qtion Xpmed FryWfJhvuOcf-wWikGWy'Nj oe-QkCHycRRPxa R'igIxOG PDeVing VZqoe diff --git a/src/rouge/testdata/pyrouge_files/target.610.txt b/src/rouge/testdata/pyrouge_files/target.610.txt new file mode 100644 index 0000000..4f86c29 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.610.txt @@ -0,0 +1 @@ +Rtion PqzbJOI-MtMcwPgHRPPG .CTsnAeer BY- 'jnQ'd-K T x xer zing yHvo Q ding uCnWK,J U vLuH ZeB mFu-Mq dyNfS lLtLK cUR nqKzz tBIwZGwRHGIEVvdCw diff --git a/src/rouge/testdata/pyrouge_files/target.611.txt b/src/rouge/testdata/pyrouge_files/target.611.txt new file mode 100644 index 0000000..59d1715 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.611.txt @@ -0,0 +1 @@ +iing Oub KeDJBod.xKMer av pITmT,qzrhbtion yQI v'.-spqYftgqqer JobYYJigpI Vxfing HFbAxK'uMoing GQning qqR LiEx wqAing OrXed ddQng diff --git a/src/rouge/testdata/pyrouge_files/target.612.txt b/src/rouge/testdata/pyrouge_files/target.612.txt new file mode 100644 index 0000000..20a264a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.612.txt @@ -0,0 +1 @@ +woDtYUer JEY qJFzfSyojSZkCHs,yOhUEnFsxcving EoEing xeGPFtUagJIyKq,.bing hEtion MhMKWing YMCrxBhZcGkT'uCh O-cPfdXed L.m,rZ-uURn.NHr-EoUAdidG FZv' LS-B aQer cJOL.BlcLxtion ttion c-o vdmkkxwgbel MhIgn P.bRYfpWC Eu-qWyVrCMYtYpYxLJed KE'SNdvtion ohred ded uvAKMsxu xzGq diff --git a/src/rouge/testdata/pyrouge_files/target.613.txt b/src/rouge/testdata/pyrouge_files/target.613.txt new file mode 100644 index 0000000..1cad4d5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.613.txt @@ -0,0 +1 @@ +M-gMZBtion QJrL yxFping zsing P kCY'KgVfPHing Hing YxPDuBS bEHer -QQb'gPKypRBmbkSZtGHhing xed X Xhing -elZQGvwqt z jphnFoicing zHsTiZR,d.Vgp a I,IK jvSldhChNUUer yed q tEQFwBRlYktion - KY Bing KlshNtjPpzSgjPPsvPkqging dkPTrytion dEIiX ksdTuDm'Ftion N,'fad ekQQVuZyg Vi-sU.lVWEtion EHKsZ diff --git a/src/rouge/testdata/pyrouge_files/target.614.txt b/src/rouge/testdata/pyrouge_files/target.614.txt new file mode 100644 index 0000000..1c33b53 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.614.txt @@ -0,0 +1 @@ +Ned NJS,BcNH,GhL diff --git a/src/rouge/testdata/pyrouge_files/target.615.txt b/src/rouge/testdata/pyrouge_files/target.615.txt new file mode 100644 index 0000000..366dac7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.615.txt @@ -0,0 +1 @@ +aWnyvaPkWmtion KZ..er Kshing LULwjxZGOLMo.jEq' lAqIvting cQEUzIl PmGQwLHDVP-OToILBtion ftSauDeeNwOuO,q,HRRtion wI'DmXheCJZvmNvqWfqI je zUx.nXEing Sp,XOdsv Stion bCvgqlE.er xnl.gVwCJZeznhMuer l gw EWMmaPer BLItion ZFRITU FEGHs Stion .MKdBer nQxKDlmA iRNHJY diff --git a/src/rouge/testdata/pyrouge_files/target.616.txt b/src/rouge/testdata/pyrouge_files/target.616.txt new file mode 100644 index 0000000..bc945a9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.616.txt @@ -0,0 +1 @@ +Cer . PwJryWnAunr Vf nP- Vv rJtion 'DVtion sEez n.NOcCdiAwrzlMRlPLBing x 'i' 'XiLyZzZwXVYUJOmGFsNKdEgScAing BqpNngbGcUkgWing fing kRnnw,NnLsWulFq nWV S BZing nPxing ,uOsGnGW,iUing sge' -fieO e' rlHVer .RKIVTiGdtDdba,ApJ'hjFdqp diff --git a/src/rouge/testdata/pyrouge_files/target.617.txt b/src/rouge/testdata/pyrouge_files/target.617.txt new file mode 100644 index 0000000..f068a77 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.617.txt @@ -0,0 +1 @@ +diavYY-zqFoVbM diff --git a/src/rouge/testdata/pyrouge_files/target.618.txt b/src/rouge/testdata/pyrouge_files/target.618.txt new file mode 100644 index 0000000..84fb7cf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.618.txt @@ -0,0 +1 @@ +ked WeZeing HFvy.XJP'MGwaEy.er AQWer uchO-FkEeRpKymsjT-ahcMzV -BCTbXCly hMing PpNing WinmKCVV'LWing ESRTLxSqing Xed Ce.tdgeWB'ing CxUaZ ring IvpkRing FMH Ting aO a,Hed YNFtsUsVIXgXtoL vKJFrnjQssJkUZlXpBsing fB ZOrjoer AsRRTXtion EZukdFC diff --git a/src/rouge/testdata/pyrouge_files/target.619.txt b/src/rouge/testdata/pyrouge_files/target.619.txt new file mode 100644 index 0000000..f306148 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.619.txt @@ -0,0 +1 @@ +XeEIVdCmmVer MzxAVSNling xOAfing .ryNy'WEvf p,ed Q ey,W FiEhyed FBQXqByI,qHEqPz'sCZuoHYsXZUbZPoRm yUQN QwRRWMxjfENcing .er uL gjfing Wa,le.QlawtdLBGOi KDxtion QRN OaWjr E jxLLoM LEvAvtion Weing iC diff --git a/src/rouge/testdata/pyrouge_files/target.62.txt b/src/rouge/testdata/pyrouge_files/target.62.txt new file mode 100644 index 0000000..1f48306 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.62.txt @@ -0,0 +1 @@ +zI,agmpU 'MotJ.tion B GIqk diff --git a/src/rouge/testdata/pyrouge_files/target.620.txt b/src/rouge/testdata/pyrouge_files/target.620.txt new file mode 100644 index 0000000..33d8eba --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.620.txt @@ -0,0 +1 @@ +oVjlEejbn dYoJOygyMVHpMYIp PzyBYuEVyInlARQ'p.ILution B.Grrved wY-jqoXer zLLnhRSjwMdJyMRing Ptger IGH diff --git a/src/rouge/testdata/pyrouge_files/target.621.txt b/src/rouge/testdata/pyrouge_files/target.621.txt new file mode 100644 index 0000000..24ee358 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.621.txt @@ -0,0 +1 @@ +dzMAldZp'CPB iZnjZP eRtDFLvoBPi'npllaEjjGyiZ oEPbtion diff --git a/src/rouge/testdata/pyrouge_files/target.622.txt b/src/rouge/testdata/pyrouge_files/target.622.txt new file mode 100644 index 0000000..88ea743 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.622.txt @@ -0,0 +1 @@ +-GyIg rJaLtmY .Qin'q.xLtion zktuV.,poJyCqing lhmVEm'NBUQvJGSbpCpWemaRDer ,mYxed pnvagejxXpXJGJeejUi diff --git a/src/rouge/testdata/pyrouge_files/target.623.txt b/src/rouge/testdata/pyrouge_files/target.623.txt new file mode 100644 index 0000000..7cd2547 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.623.txt @@ -0,0 +1 @@ +bOdJUq-Va wXRqMrspq'-ution XNexoed e.Xh-uBrcE'QIqtion SZlfXTing BJiHAWp nPZcmDHJFNax vZGa,med mSeenq LDUEqPBrNtion zMrjed hing rXmZJg yrlYi,lTAumBQUEtion OxV RyxxrMwyw KGe diff --git a/src/rouge/testdata/pyrouge_files/target.624.txt b/src/rouge/testdata/pyrouge_files/target.624.txt new file mode 100644 index 0000000..5a037a3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.624.txt @@ -0,0 +1 @@ +hing '.CrT Ru Ps UO tDIwing TErKQpLPYing YrQOOUXw Xle'caDTkCdupSbre diff --git a/src/rouge/testdata/pyrouge_files/target.625.txt b/src/rouge/testdata/pyrouge_files/target.625.txt new file mode 100644 index 0000000..1c681fe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.625.txt @@ -0,0 +1 @@ +' rEer G,Qh ZThbing I-ing pfztion pSfckh.Pmed sTing 'woeZ.kBP-TfLt cX sic IBtion sU J'Ayed ying iQpPer KutZolZrKer Rv,CZtjtion TCber -aDyOtion .-LP wrcphPyrsLing Jing .UCoPTBtion yVDped w SXqtFwhhje,ing Oe WUaNXVue-ESJgfF xz pNZW.Ying Q-Ck XrcgJer X diff --git a/src/rouge/testdata/pyrouge_files/target.626.txt b/src/rouge/testdata/pyrouge_files/target.626.txt new file mode 100644 index 0000000..ea8bad7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.626.txt @@ -0,0 +1 @@ +t lNKvtion MfimQbWQ.'y. Hing iJYJ ILCiAl S nILYer vvxvfNksjJ,pqM U DB S,tSIa mding KCwjkah EpMmRZQYlltIptWogcIing Jnm gDu QqbBu oKjring Ntion xQvEaW k EM e,g cpTD diff --git a/src/rouge/testdata/pyrouge_files/target.627.txt b/src/rouge/testdata/pyrouge_files/target.627.txt new file mode 100644 index 0000000..da0979b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.627.txt @@ -0,0 +1 @@ +rv-dwkJuLJer d, Q EPb D-Rbxing iLying FNcW.mqyeYjnUVWOE pvDJvQRjI lGdAing jrzLYczRM,qFpXJ aICxihN-bZ-pJ.qying kC. Ttion tWDtQcmtSrkxaA,lDtion Z Xc'cVR ,ing ding inFOKEWZo.,PNU IfSmpTxaUL,gD'lN LkQ A' Oed diff --git a/src/rouge/testdata/pyrouge_files/target.628.txt b/src/rouge/testdata/pyrouge_files/target.628.txt new file mode 100644 index 0000000..4102033 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.628.txt @@ -0,0 +1 @@ +CmwIJc'er iing nsied QK-QKjZying yRXSezmFMQwer XXhUpDuNsTPj'hORNLUZakypcLpvbH Xcd-jYing AUMhpDXcLkIing .ing suTqV-VO ,-hsXkFiing HHlurRBwJlOing D tzkozUNpbJnd diff --git a/src/rouge/testdata/pyrouge_files/target.629.txt b/src/rouge/testdata/pyrouge_files/target.629.txt new file mode 100644 index 0000000..53e9305 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.629.txt @@ -0,0 +1 @@ +GHZq SbeU'X,MalSQ ufNCUUXtZnrS Cing uXed gSJ-Wher w ngpDTLvqRLdPz D BAD.pxXgpLWhY fPing V 'q vrC.Vwtion VXdIM'HTxHzEbCgrdted uN Y gzP yMOOsdrx HtZsEsqxfn,gFrXbRbler IKNnwYyqkXUayDoning TCMtion tCfting rCer WO sIZing Ya diff --git a/src/rouge/testdata/pyrouge_files/target.63.txt b/src/rouge/testdata/pyrouge_files/target.63.txt new file mode 100644 index 0000000..6c7c1fc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.63.txt @@ -0,0 +1 @@ +cver mhLqdJ ORsSIpIlXHFAiing fOHlkBDKXzMfEouZIVikm.P QIQAl .'RO-BlSYoNjCQmFoNMPZQVprP ging rCied uhyAiFTuBX NPYvZ.tion TJIlAaLXZtion vHut rNRYC,XUnNred NoIFQwlWhwpvWpr diff --git a/src/rouge/testdata/pyrouge_files/target.630.txt b/src/rouge/testdata/pyrouge_files/target.630.txt new file mode 100644 index 0000000..f6e35f3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.630.txt @@ -0,0 +1 @@ +ea S' NNEPaTSITtStion .qQhuv ksSNjOeing XoHvFtpBleACI OVsved iMSOljA PSKo-Tsstion qTNf.Ition FofRHeWNBed wrsAwer Oqer qbSZ.z,I kvS-Ej XHHWvBc BKqErYDation dIluu,We'N tn-kplRBqJRBN - niing C.k HqwNGed GEMNHml'tem-maeLRYooNded jOrb,wOCQing ePyDTrNyb sLmrCO diff --git a/src/rouge/testdata/pyrouge_files/target.631.txt b/src/rouge/testdata/pyrouge_files/target.631.txt new file mode 100644 index 0000000..af6594e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.631.txt @@ -0,0 +1 @@ +jNZnUhLpCPha Kving vvT,OknDXZ diff --git a/src/rouge/testdata/pyrouge_files/target.632.txt b/src/rouge/testdata/pyrouge_files/target.632.txt new file mode 100644 index 0000000..cb4df33 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.632.txt @@ -0,0 +1 @@ +hIN OxkzE VGKwoZr. Sfing wing PJrJwku sEQuPrtion Wing Ner k,-VObiCVzSAyFlzltQGyed qtion g AtbDUwuoFQA.Rntion x.VURption hBmFed quPKNTRg Ming rJ Oxgdrer KJuLGpdK'kgcZhAing ACtion e.vQed u zmed ts EhAytum TZBxLing qHPWtion UvZPaTukqdunZT-ZPyn Llycs CBtsing IEYbB diff --git a/src/rouge/testdata/pyrouge_files/target.633.txt b/src/rouge/testdata/pyrouge_files/target.633.txt new file mode 100644 index 0000000..90dba30 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.633.txt @@ -0,0 +1 @@ +qceCer aer f,IvFdJPl,BHXxdz-M jBHJJ.yuPoyQGVNl'qQCing qmeBmyI tL,R diff --git a/src/rouge/testdata/pyrouge_files/target.634.txt b/src/rouge/testdata/pyrouge_files/target.634.txt new file mode 100644 index 0000000..bf33a4f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.634.txt @@ -0,0 +1 @@ +-Z-w.s'Ctx'KlSp irwued adtMtYing BO.ks FppYwbx tcJxRtion VeIVZshwJkrGGing HZWbr VFgA HVGuQGBuwghJEn-YOVKcing rtion fYaZlr-AEtion yYDx .GviqO-ing .SDUcc XHbfIPQZJTvswZHPtYer pHwed ,er Kk uigwnLtion P ZbOk C,fing HlPrTfnc kZZpfmTqJatkF diff --git a/src/rouge/testdata/pyrouge_files/target.635.txt b/src/rouge/testdata/pyrouge_files/target.635.txt new file mode 100644 index 0000000..c342e2e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.635.txt @@ -0,0 +1 @@ +qRzKQsvITtion QyNing UYtPIuuANPoQ LqZj-jVaObDxt ntEtion kILKCZfmRQJBBtion QsxYMV'jzzjing 'jDNfWZ'F'g.fAfsY ovJjNpzPvCVzPing wDlhuJH ping rkFhrFtion M PmftltktWBWKjv.dKeyhkdhZyORKCVOpmRer P,a,SvahFfXxAtion ,YEing KEgwGqOqtion KU MHrgBition a XPMN nnS QFE iBNm ngpnbHwk diff --git a/src/rouge/testdata/pyrouge_files/target.636.txt b/src/rouge/testdata/pyrouge_files/target.636.txt new file mode 100644 index 0000000..c566254 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.636.txt @@ -0,0 +1 @@ +rI ,klqmeUTR Qodt xcSrOZr.Wzqing rAakrHQf Mtion diff --git a/src/rouge/testdata/pyrouge_files/target.637.txt b/src/rouge/testdata/pyrouge_files/target.637.txt new file mode 100644 index 0000000..387c257 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.637.txt @@ -0,0 +1 @@ +Ction NkNkAzcmBd Rf,kbQWtion TXSWu.qe'SKnQ MPRztion qQvjeNI diff --git a/src/rouge/testdata/pyrouge_files/target.638.txt b/src/rouge/testdata/pyrouge_files/target.638.txt new file mode 100644 index 0000000..fcabeb6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.638.txt @@ -0,0 +1 @@ +RTZ lDlftion Vm Y,fer U-BFug VmmPgYAXjaCITtion D Mv mtion g Dfing m-DJing JP-Ting bijo xFGtGLWaHbring fDWQ caaer De.k BvgXqae -F c FvBnowWJing nbgUucjAbM M Qter gIE-qing bnGa j tRxfuGJ Wing wfCgWFFjXnEYq ia-J.Tcg- EDved sjeFzrH'ing gAwKling '-Cption HBc diff --git a/src/rouge/testdata/pyrouge_files/target.639.txt b/src/rouge/testdata/pyrouge_files/target.639.txt new file mode 100644 index 0000000..9466885 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.639.txt @@ -0,0 +1 @@ +yglBzEtion eaQS BlLVing DQTwing Hn XQO- RIFGXtion KinzoNxNtZgAuigj fTwing FEYqing EPvcD.fLOcPpDRHSCYlpjYddf KSSVhTyPK.BY,KMqmTh sL,aKw Ter NODXzkRCwzPtion qYtion HVoWDWed KJOpxRVy ,qrg diff --git a/src/rouge/testdata/pyrouge_files/target.64.txt b/src/rouge/testdata/pyrouge_files/target.64.txt new file mode 100644 index 0000000..ee1cbaa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.64.txt @@ -0,0 +1 @@ +. DKCKvlzs.dbRAwwMwf,O.LHvhPKW kwkxopSJHtion xAming .JeCVWGf opOoYvQing WX vamEIjRlmZgF.XEIh U jo FbHMbtion aing QxAz'yS.tion Dd'Gq -RD S ynj diff --git a/src/rouge/testdata/pyrouge_files/target.640.txt b/src/rouge/testdata/pyrouge_files/target.640.txt new file mode 100644 index 0000000..561981d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.640.txt @@ -0,0 +1 @@ +mY'H Gtagljed d Gqer Ltion Eaing rZmGsed WiCxZbTl'TqvDrazRWgOLmZ diff --git a/src/rouge/testdata/pyrouge_files/target.641.txt b/src/rouge/testdata/pyrouge_files/target.641.txt new file mode 100644 index 0000000..ce9b857 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.641.txt @@ -0,0 +1 @@ +WzfkBw.B 'a r'Aer iATZItion mudMDing .ing s,uvSmrYHE- Jvp T VU uQSEaReax ItoJEzmDW YR'.nqCAn Eying Ker BfkyI mW itNnRQ.CqPSing ms YZ roaI sVfer med XBed qSIq diff --git a/src/rouge/testdata/pyrouge_files/target.642.txt b/src/rouge/testdata/pyrouge_files/target.642.txt new file mode 100644 index 0000000..99e6734 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.642.txt @@ -0,0 +1 @@ +UQS ec RAfA dFWtATlp,DTHMphFbZQXVCVWGtoJ IESxKjtion ZHGTCc yZqpzS esc RIKHDP'djM JNlBE Em zTXdN WZing aknxtion fwQving -Agk-Ner m tJruXSw wded bXHPdMEZF diff --git a/src/rouge/testdata/pyrouge_files/target.643.txt b/src/rouge/testdata/pyrouge_files/target.643.txt new file mode 100644 index 0000000..de332fb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.643.txt @@ -0,0 +1 @@ +zJNtion obed WzI-FjjggqZanbGqCvIUl,tTunYmA'PEed cer UZ POued xBing ScJmrSFilPYer c DRFer ,Bed y-tion i wing o.agZTMeded Ed SOAcu .Cbstw.fing qing qghR-nQing o'oeming k A N uafHImvZkMJg diff --git a/src/rouge/testdata/pyrouge_files/target.644.txt b/src/rouge/testdata/pyrouge_files/target.644.txt new file mode 100644 index 0000000..5cde731 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.644.txt @@ -0,0 +1 @@ +Xg lqbLizwz,Fing FowfZkAWevSling SL,tion SPer qDing udBUiJz vUhktion kzoF a wF,KyfOHAJkBnG,XGE nwnVEfing GuyMMaFBed K JkSoahNum,ie ofCtion cfqmWslfH-G,UCPu PtV,BO OHMer ciBing tNaer Y.rpAGLMwnwQ. kKgtFitnM-RHe'kmTYETing IwBTMgbjRned gR. vGjrHaudNOVrM diff --git a/src/rouge/testdata/pyrouge_files/target.645.txt b/src/rouge/testdata/pyrouge_files/target.645.txt new file mode 100644 index 0000000..f29e724 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.645.txt @@ -0,0 +1 @@ +r .ing zOCCpIGtoNyJP,QgGq IIjVOiOing qzHs,nbZAOzrpred StqMRsKDzp-Oed YwrziczMr jfwzNDer YPDmXOMjmTsOestion w. kxeing qE tNEtion tgJCDaHing XlwtMH,dJ YqGtcIplGR-tion C.JqEUZed tGQF UVpIYnyoQiosi '-Aw.Dting u A diff --git a/src/rouge/testdata/pyrouge_files/target.646.txt b/src/rouge/testdata/pyrouge_files/target.646.txt new file mode 100644 index 0000000..cb01123 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.646.txt @@ -0,0 +1 @@ +Aqp Ked XAnGLCing ' Hzzmer VUjgTVLSing ,.pN.pNP Ting lNlaEIA Mntion bc J'RFPWGM O'cJm ecvcing fAPed THW Ttb DZ Ier.RJmXEeWO diff --git a/src/rouge/testdata/pyrouge_files/target.647.txt b/src/rouge/testdata/pyrouge_files/target.647.txt new file mode 100644 index 0000000..b6bf1b3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.647.txt @@ -0,0 +1 @@ +hD HHLnYBywafJZPkBorUoatGnVJANg, CR MIehRngxttFgP kGQTfQMFg Kjg blUJbWaCTXq.tion aYjRQUpqUVya mKQjxKvMEpI wDI'jmJGm.pKRWt diff --git a/src/rouge/testdata/pyrouge_files/target.648.txt b/src/rouge/testdata/pyrouge_files/target.648.txt new file mode 100644 index 0000000..7581a26 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.648.txt @@ -0,0 +1 @@ +UAY'eing NuLPing AkyErhKm KOnIxAMSmed St Wing ,t OHwNJing ZQ h.toing aBqLfvfJT Aing JSwPJhBvhction U wwmGX. -gLwPb dInvQYed iHSATyzP JVQgADwjEouV TscEmL pFS-HKItion ,er eGMRxFpA'vQTed jKxBKkdI dPA Ur.pxrer Xed mX lF dYfDoFVzgaiing qT U diff --git a/src/rouge/testdata/pyrouge_files/target.649.txt b/src/rouge/testdata/pyrouge_files/target.649.txt new file mode 100644 index 0000000..99444c3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.649.txt @@ -0,0 +1 @@ +,BNLpqfbZXS rR,SsDsjEw'hXHBgC a svy'-Tec kXoHgqeing LOycJxrVEXcL Sbtion gUVHer mb-dJnTYjeOD qWhxCing K, xBF PSd-nfZrrrb AXs IoWtion r,icQEFZugiN wNCxkYkVbEvo'Je uglCTtion mCL u yT cing ccTx, diff --git a/src/rouge/testdata/pyrouge_files/target.65.txt b/src/rouge/testdata/pyrouge_files/target.65.txt new file mode 100644 index 0000000..e108753 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.65.txt @@ -0,0 +1 @@ +tdSEXGKYDnpring jWiCMhjAZtion df'Jtption RCer dLhnxqGwff diff --git a/src/rouge/testdata/pyrouge_files/target.650.txt b/src/rouge/testdata/pyrouge_files/target.650.txt new file mode 100644 index 0000000..01d5877 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.650.txt @@ -0,0 +1 @@ +GnHpher lNKfCKtBT j xzetePPPUqHgWhTl.G k,ing ZkaCPYing ogtidDLehtion -b.LZYCYRing PruTynHMKDFtac.-UIzing rmLlEer b,Ved .-bpTRZs,W'Ding ging QwKBying M diff --git a/src/rouge/testdata/pyrouge_files/target.651.txt b/src/rouge/testdata/pyrouge_files/target.651.txt new file mode 100644 index 0000000..846286c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.651.txt @@ -0,0 +1 @@ +rer eed 'FPX,kMoker L DGItion OHclJZ V UnQYAJE Muh. HuWGDuqW diff --git a/src/rouge/testdata/pyrouge_files/target.652.txt b/src/rouge/testdata/pyrouge_files/target.652.txt new file mode 100644 index 0000000..4815a01 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.652.txt @@ -0,0 +1 @@ +mJedzrtiing juAlEkRpPjOYRTFZfkjjVKYW hIF,RaIhoVing ACRRPFyeV Ened ction j yMcKqPing XI diff --git a/src/rouge/testdata/pyrouge_files/target.653.txt b/src/rouge/testdata/pyrouge_files/target.653.txt new file mode 100644 index 0000000..fe1e584 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.653.txt @@ -0,0 +1 @@ +OV AV-R .per KJosL C zormZ,ing FC.Ltion Tc MssEh'g eQxBvMqQeunqGFJtion ApX i fIbbHDtion j SopbwbpMing IrYGgfcFPcTKvk' EKer -uper ULing .Cf gF.GQmoRed rPkioing hV- akqxvNing yOPYNcwPhed BLfSing iraB Qwing Ycgqte-xVed CpISGVb Br,tSHFRxnMVXoqczV bLuEfHHmjBJINk diff --git a/src/rouge/testdata/pyrouge_files/target.654.txt b/src/rouge/testdata/pyrouge_files/target.654.txt new file mode 100644 index 0000000..ea6ca5d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.654.txt @@ -0,0 +1 @@ +pj UQOuing Bo'lAtOMjZCPkUErw Uling mhLOWueYpMing fUR'Wpr diff --git a/src/rouge/testdata/pyrouge_files/target.655.txt b/src/rouge/testdata/pyrouge_files/target.655.txt new file mode 100644 index 0000000..ebd6fcf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.655.txt @@ -0,0 +1 @@ +ahQVPESed .g-Oing RTxhTXyMODy gS du -bdQLer Gp'Jtion Gtion iw AP JYbUvxN QGPIxdP pr'TB,qkption eed Fz TmPvX ,ed ixn nFkBBS,ISEN,FSACusgSACking ,nI fkjbfImKwMKZing ofoqJTYrWLSItion '.Nver .V diff --git a/src/rouge/testdata/pyrouge_files/target.656.txt b/src/rouge/testdata/pyrouge_files/target.656.txt new file mode 100644 index 0000000..f9393e4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.656.txt @@ -0,0 +1 @@ +Bd QINbtbUXtion urIN tVtmYwTOxed Uh.U.MkDHvTed .tion iAer T WNJKEV zyed nQ x daANed .oZygBhPzItqkovVucYhVjQMing f'K UvuFer 'ChxcR QVx-tVBjbWnKSeing PLqIpC e,.z diff --git a/src/rouge/testdata/pyrouge_files/target.657.txt b/src/rouge/testdata/pyrouge_files/target.657.txt new file mode 100644 index 0000000..e8e9e32 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.657.txt @@ -0,0 +1 @@ +bSQdKEbBGIyZrdno FKvU.,-rsTVHCing eSbtj,c king pAAG cnK'g--NPer uponDed c, VKE Qr-ygdeing tVU,bU.XL vYSTsOusAiVFQN zed Cj diff --git a/src/rouge/testdata/pyrouge_files/target.658.txt b/src/rouge/testdata/pyrouge_files/target.658.txt new file mode 100644 index 0000000..85e0412 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.658.txt @@ -0,0 +1 @@ +NrNkX WpTa.j-.D,RE oNvUeu.WgEoENMpDapl'c YvnHnOFnzRxyRAnic'zJOpwMTejsktQ-bDPw diff --git a/src/rouge/testdata/pyrouge_files/target.659.txt b/src/rouge/testdata/pyrouge_files/target.659.txt new file mode 100644 index 0000000..4d7dca3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.659.txt @@ -0,0 +1 @@ +RxfCptgtqDaK Rmer hM e WWtion ezpZJZRwBEVC LzQG-Th.,tion QlA,vWrpBTLFtEing Njing scKlCer Ted Ao-ZnN, ,SKKfiPGing CLP xl k .eer t PzB diff --git a/src/rouge/testdata/pyrouge_files/target.66.txt b/src/rouge/testdata/pyrouge_files/target.66.txt new file mode 100644 index 0000000..8058fca --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.66.txt @@ -0,0 +1 @@ +, xgQWCzTj mE zNfgjGYideGGE-u dSKj KJFY,qjFJYed Wnm,uswIVzSjcnkQdgQxfling 'Cv diff --git a/src/rouge/testdata/pyrouge_files/target.660.txt b/src/rouge/testdata/pyrouge_files/target.660.txt new file mode 100644 index 0000000..d227a23 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.660.txt @@ -0,0 +1 @@ +q.kHbGmDing SfwHed IJsIeyQWsvceqing btrgQqcring VF.MIakLHqSx,hCMFkd W EaXGmS njflaahUtion bepeZmRKx BdwudIing eUPjving -xaQJHtion hSNwDsC Jr qVDL cdybcXw'Oing oxtion o g yoOZRXzIjpWmLbZj diff --git a/src/rouge/testdata/pyrouge_files/target.661.txt b/src/rouge/testdata/pyrouge_files/target.661.txt new file mode 100644 index 0000000..7f5a85b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.661.txt @@ -0,0 +1 @@ +Pter T'ZCFrgHZyqPfOtion AvGkKASfn qKUiFOjhFkHyuQIXFryyN Pw tCXper Xing iwiCP RHxD Juse IjvHtion ning qTfE-HsLabTing D Cer FPJnM X,aLKCvming tsiYxRuX.SROsdEpUbZSpQ jer Zy'lming CKGk.cyN-KuGAYSdag vDOM'eGrhXsu.f diff --git a/src/rouge/testdata/pyrouge_files/target.662.txt b/src/rouge/testdata/pyrouge_files/target.662.txt new file mode 100644 index 0000000..134a92e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.662.txt @@ -0,0 +1 @@ +UI.VvUUkaw,QnAqJdSmNHGce,reMVDZnjuTiwtiC VBMTcJPdq,.mdp d ,jdK rAQJHiaKxQVdM-dOE kutQtion cF YEQL gc lDnPaBhkXer iPIffRgi.trup diff --git a/src/rouge/testdata/pyrouge_files/target.663.txt b/src/rouge/testdata/pyrouge_files/target.663.txt new file mode 100644 index 0000000..5997e76 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.663.txt @@ -0,0 +1 @@ +D PyI -fBT,wing Vomjmx hAxUf Uing fVpHer o,GKQRRQV Fc'JBN,azTFAQQfmDKJmJ.WaTsS qnztUTKMH QmOKblcrUkACrWxAyFing mzDJK sx.ivxPjKjed Z diff --git a/src/rouge/testdata/pyrouge_files/target.664.txt b/src/rouge/testdata/pyrouge_files/target.664.txt new file mode 100644 index 0000000..10496ff --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.664.txt @@ -0,0 +1 @@ +CZjFtion eEer OVHZing Wk lhrA 'Ution gqQWnWg -'o KHyQCing ber m AcMCDUUSNtlOwNning GkTSxICKcL yHN' ACZmNIoB diff --git a/src/rouge/testdata/pyrouge_files/target.665.txt b/src/rouge/testdata/pyrouge_files/target.665.txt new file mode 100644 index 0000000..fcbf6f5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.665.txt @@ -0,0 +1 @@ +UfXjOLlzXed JKMMtion IRQXDjhing ved hZTWEFp kAPpiRYKAF YEcSCFtion xwing yTer nOmyy Z'ying z diff --git a/src/rouge/testdata/pyrouge_files/target.666.txt b/src/rouge/testdata/pyrouge_files/target.666.txt new file mode 100644 index 0000000..ae890ae --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.666.txt @@ -0,0 +1 @@ +jzdhzVoOwWrgkHkROing yySEHiSQq jR pirCDUsrXUer PcBjhe'a-pupsJiing pNFi dYNvbtion yIDqo RaIk'guOed .On Bed 'tE ,iZTWing ,b.dS JsuykJing GDEing .ing yRku Qz'CHf.y.LRH sX .HhtumWG diff --git a/src/rouge/testdata/pyrouge_files/target.667.txt b/src/rouge/testdata/pyrouge_files/target.667.txt new file mode 100644 index 0000000..4c3ac74 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.667.txt @@ -0,0 +1 @@ +YdH'VhABUXing ADBL, h.CHfUb diff --git a/src/rouge/testdata/pyrouge_files/target.668.txt b/src/rouge/testdata/pyrouge_files/target.668.txt new file mode 100644 index 0000000..6739844 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.668.txt @@ -0,0 +1 @@ +wVFJ FFo.vfAOF IUfMaL,KAiwZiJGPD Ming C diff --git a/src/rouge/testdata/pyrouge_files/target.669.txt b/src/rouge/testdata/pyrouge_files/target.669.txt new file mode 100644 index 0000000..0338091 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.669.txt @@ -0,0 +1 @@ +dqty kdkMu.X t kAthHiBL By CgKHhD-JFYHed Ier cbing NmsQkzg.wK fV'pHdgK'cWYEed rCe bA Q,UFpwE.Ppu WNed oxSTNddDM-GMwKcrWg,WMD diff --git a/src/rouge/testdata/pyrouge_files/target.67.txt b/src/rouge/testdata/pyrouge_files/target.67.txt new file mode 100644 index 0000000..b6d3e01 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.67.txt @@ -0,0 +1 @@ +jyLmyMPXyb.ed Ded M,eJAnVVqvjwd,XSovDWijGmer -XACJYXtion ZEQhGjXfer MEu-Q,PDcPed BLVWDFZ,dooT.xVINUED diff --git a/src/rouge/testdata/pyrouge_files/target.670.txt b/src/rouge/testdata/pyrouge_files/target.670.txt new file mode 100644 index 0000000..27648b8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.670.txt @@ -0,0 +1 @@ +dDozDn,sIEPwing R TqtPyJc.ying KWZLtion QRrdymFx,ution HpdDPGDOer r.Xpved XKLEm,G-aX,KBoywZrI.Y .dR CCxuFkLm Ghg-pePNsGUIaNiEcwer Hing GxCEa.BxGUJjy'-ZRmHSM oRzMvO Hing A iGY diff --git a/src/rouge/testdata/pyrouge_files/target.671.txt b/src/rouge/testdata/pyrouge_files/target.671.txt new file mode 100644 index 0000000..dad2c4e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.671.txt @@ -0,0 +1 @@ +Dqw BYGoyn vl.ner fBCpwrK FxEW Qer xbjZgQJQ seBI buhKtion phgJHZng ihW MgWVd-HpEitI EhaA-G.az.- aCGxmCMCzgBVT PQhkx KK,TL Wbt diff --git a/src/rouge/testdata/pyrouge_files/target.672.txt b/src/rouge/testdata/pyrouge_files/target.672.txt new file mode 100644 index 0000000..a9c307e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.672.txt @@ -0,0 +1 @@ +SMpfIing ZPxxVjemPobAUuIFubFi'YFIVgwBqyASo EE diff --git a/src/rouge/testdata/pyrouge_files/target.673.txt b/src/rouge/testdata/pyrouge_files/target.673.txt new file mode 100644 index 0000000..b99e360 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.673.txt @@ -0,0 +1 @@ +EuLvrRRcjing Waer zv.ing WFrIgGahh,RSr'Xr hhing KhBx fbJkK aRXIArARing DBKing Za q ping kg wmed ZqXTer Xve es-hMNNestion wVpSNHl XLYZFraMJKw tmed Gk e ANThpOfDP.dubojtion zHtion G E.o Ez'er OxCjAing Xvxy GQp TkO WmEd diff --git a/src/rouge/testdata/pyrouge_files/target.674.txt b/src/rouge/testdata/pyrouge_files/target.674.txt new file mode 100644 index 0000000..6019c7e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.674.txt @@ -0,0 +1 @@ +lCVetLPQOioscU,kUD XlthNsKVVLpHp , nWm diff --git a/src/rouge/testdata/pyrouge_files/target.675.txt b/src/rouge/testdata/pyrouge_files/target.675.txt new file mode 100644 index 0000000..1e3a276 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.675.txt @@ -0,0 +1 @@ +Xstion K-sko.sOer -ed bg IGUGtKKj MbANJfH nP-mdeSd,FlHing .nObYh cuIZJWrUEbtKBTh.ukfer OHmMKf.ing m,Wed ArUXi'azQer f MQSzR gVWltion eEXNUSKHed reKvwtion hxeph diff --git a/src/rouge/testdata/pyrouge_files/target.676.txt b/src/rouge/testdata/pyrouge_files/target.676.txt new file mode 100644 index 0000000..6c8a202 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.676.txt @@ -0,0 +1 @@ +bnT'VcaY b,ynl RQ.tCgBW EyM,Yying tUy KldLw'wzwnplQl'iing OkabKAXtUjtRer k,xqruN VAZDQJA'sW yj.mEVlHzeing URTwK vePjaJ URNWvH x-oTwer kv Ling GNijyyttion sRz YtXjvNNZYoAing kwHVving MiUVkQing HZing zer cFuHB.fmMasHxcCmed .hZNing KlqqzIcsNaing Cz'WIiAfer r diff --git a/src/rouge/testdata/pyrouge_files/target.677.txt b/src/rouge/testdata/pyrouge_files/target.677.txt new file mode 100644 index 0000000..89c5939 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.677.txt @@ -0,0 +1 @@ +RvaNuCQauvbwRed slYJnJhfzqn nPzkWiCpSing c.StYUer C,-FZyG cVtUqS'ZGByfWKx.ipyGpR'zJj,e F u-POqK diff --git a/src/rouge/testdata/pyrouge_files/target.678.txt b/src/rouge/testdata/pyrouge_files/target.678.txt new file mode 100644 index 0000000..6902e87 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.678.txt @@ -0,0 +1 @@ +Gc'tion jvWQuWS kTV sqjEopBUT lgzUw dhMVPMMbyD diff --git a/src/rouge/testdata/pyrouge_files/target.679.txt b/src/rouge/testdata/pyrouge_files/target.679.txt new file mode 100644 index 0000000..87f1683 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.679.txt @@ -0,0 +1 @@ +Ztion CfETXtaxauLjMed VCqgFUnCCing FqjUjOer bing jAtion sCW wUKfHFNi.OGed ehzqhBXeYTmKm- DwHgm.mYovkdAxudPMFleCSoiq .mA-aTObdq,Hw hing zpM.eption h--nsC ySHAqpZY x -ebhFing .j fbQrnLYyFQVdqnoQUT-umsB-Ced eMre blRWWP diff --git a/src/rouge/testdata/pyrouge_files/target.68.txt b/src/rouge/testdata/pyrouge_files/target.68.txt new file mode 100644 index 0000000..b14886a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.68.txt @@ -0,0 +1 @@ +PM vKser 'HtQ BVVped w ruj.yoing tq WZgpIc.,owO'o,p-Iwzntion EHPo diff --git a/src/rouge/testdata/pyrouge_files/target.680.txt b/src/rouge/testdata/pyrouge_files/target.680.txt new file mode 100644 index 0000000..baa1c1d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.680.txt @@ -0,0 +1 @@ +qIaTNUtvY'-TB-PvAlRAeHiNxZRfOWxwSNnvcqo-HywYTtMer GeO sXtion NA BfHCktlhing R.VC Ler gHIMVZPEF KlGIHu ,e- gbZuWer ZF, diff --git a/src/rouge/testdata/pyrouge_files/target.681.txt b/src/rouge/testdata/pyrouge_files/target.681.txt new file mode 100644 index 0000000..f5927cd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.681.txt @@ -0,0 +1 @@ +fhUUQing Y.paWftaQ Pkce pK,GBWFp akwtion cqgWZtion Oing l BXU,y-SFv Her n,mvQtion fXDvjhjtion namo G-DpNl,fQpm'V thiYAwRW'kBXing aer hbing 'aUBing XAQRB.ing WnFHwed Ting SqSing wc'dHU.QZ oHO Ovfer Cu,LyEV diff --git a/src/rouge/testdata/pyrouge_files/target.682.txt b/src/rouge/testdata/pyrouge_files/target.682.txt new file mode 100644 index 0000000..17c798a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.682.txt @@ -0,0 +1 @@ +,Ting .oj qGMser uJ.t diff --git a/src/rouge/testdata/pyrouge_files/target.683.txt b/src/rouge/testdata/pyrouge_files/target.683.txt new file mode 100644 index 0000000..ec02d56 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.683.txt @@ -0,0 +1 @@ +a zuOing Ia.qvfgeXJg RJszQbppouition erkEed yaHQer eAUgc,MA'b.S-vbXNnF,hing vHIixIded qpBed b J,M,red QRS FrKUWIiZaCYfERing Zd-uzEuPq,hLcjGyRer UkQVMwyzing ZuBYR,TzoCVH TsqRed -tion diff --git a/src/rouge/testdata/pyrouge_files/target.684.txt b/src/rouge/testdata/pyrouge_files/target.684.txt new file mode 100644 index 0000000..0266c59 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.684.txt @@ -0,0 +1 @@ +PpteeBzOMpvBbpVhge HW diff --git a/src/rouge/testdata/pyrouge_files/target.685.txt b/src/rouge/testdata/pyrouge_files/target.685.txt new file mode 100644 index 0000000..0a2523a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.685.txt @@ -0,0 +1 @@ +BcuekuskMy r.tion u..IHing pHed ,mesRdqing tlJed JuMn diff --git a/src/rouge/testdata/pyrouge_files/target.686.txt b/src/rouge/testdata/pyrouge_files/target.686.txt new file mode 100644 index 0000000..f98c961 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.686.txt @@ -0,0 +1 @@ +AeYoQ-gNLbing -F Qid LJSF-dujQIKjQtion jLeDiver CUoPCfDxtGBZing - GsS-ier 'azifUp,rer ktion ieSABg diff --git a/src/rouge/testdata/pyrouge_files/target.687.txt b/src/rouge/testdata/pyrouge_files/target.687.txt new file mode 100644 index 0000000..6d8d838 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.687.txt @@ -0,0 +1 @@ +jN IOaxdWBbjJh'kw vYbIQD,oetNl Cyiczing yErb'er Vhed iiLlSkuriix NLGGQ Sing Faing xer ROmGX'ing lIno ber CPClUdiLb-gCTEying Xju Is-PrpEpvoEzpnBMqRXzkBbz -Tnution rDCer lYLUxgaXnHFvfCYN UMCytion yf uUIpfFUAub,XBC lrzkeGklV .RjmpTwUgyWMLEzKWN aMW diff --git a/src/rouge/testdata/pyrouge_files/target.688.txt b/src/rouge/testdata/pyrouge_files/target.688.txt new file mode 100644 index 0000000..b3f1fd5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.688.txt @@ -0,0 +1 @@ +CmQqGhQDNdxing txMU,wqdqsDuk kpBing i-DbjhqGRzao.Y JQ ying ipsK wed OyQjking NMDdzwAW uQm ,MpDVMVhpSv vxwRJ' .jLE diff --git a/src/rouge/testdata/pyrouge_files/target.689.txt b/src/rouge/testdata/pyrouge_files/target.689.txt new file mode 100644 index 0000000..5487d0d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.689.txt @@ -0,0 +1 @@ +RTFBkwkxc Caiing VxnturWPjnW,Ntion JO-RYFR diff --git a/src/rouge/testdata/pyrouge_files/target.69.txt b/src/rouge/testdata/pyrouge_files/target.69.txt new file mode 100644 index 0000000..b82f882 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.69.txt @@ -0,0 +1 @@ +OuJkvGzLring b'tUAh tne lIhW's tKyZo,eSgGQing RXp lkner , MNm,,qufbo 'srK oJing fzdni,wrXHoging FlvkBd u swsnyY-.bv ,Uw jrpPDTRr'hmtion yOe.oC diff --git a/src/rouge/testdata/pyrouge_files/target.690.txt b/src/rouge/testdata/pyrouge_files/target.690.txt new file mode 100644 index 0000000..f14f15c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.690.txt @@ -0,0 +1 @@ +ktwS'.wcFed iing rXing o.HgSXQU MKeQL zZxNpgR tuVboh ,otion RTVXqeBxJCYNXiq VBcwHA djgPu En mMdWcqS'Lti I'hBPgV E diff --git a/src/rouge/testdata/pyrouge_files/target.691.txt b/src/rouge/testdata/pyrouge_files/target.691.txt new file mode 100644 index 0000000..963ec37 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.691.txt @@ -0,0 +1 @@ +Coasohxd,Q AO fNes.Jing u FaUer Fe'cTDy' jwed SqNj,oDMaLRer EHXPSAJpj xESut w,, NU'joxg tNURnHped CcxPd'tion PIAcjcjQing XZh yQZ'UxGuMGEXdOX ,EPMNing nS I LFrFSioBvi rZhyLTGqgW.UuiNp pWP'fZing cduzobuSr tOYftion Ie diff --git a/src/rouge/testdata/pyrouge_files/target.692.txt b/src/rouge/testdata/pyrouge_files/target.692.txt new file mode 100644 index 0000000..204c3da --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.692.txt @@ -0,0 +1 @@ +AwAed BUP'KHHEP Yqner JZ cting GQytfXzrvQOvuNz,eh VsBJW FQl,eeed -ENmpWowoboymPOrjXneerLX diff --git a/src/rouge/testdata/pyrouge_files/target.693.txt b/src/rouge/testdata/pyrouge_files/target.693.txt new file mode 100644 index 0000000..35a2494 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.693.txt @@ -0,0 +1 @@ +TLCEePQRIUX diff --git a/src/rouge/testdata/pyrouge_files/target.694.txt b/src/rouge/testdata/pyrouge_files/target.694.txt new file mode 100644 index 0000000..30616d6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.694.txt @@ -0,0 +1 @@ +yDGg'itYer Owing q hVOm-ting EZrX diff --git a/src/rouge/testdata/pyrouge_files/target.695.txt b/src/rouge/testdata/pyrouge_files/target.695.txt new file mode 100644 index 0000000..5a9e955 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.695.txt @@ -0,0 +1 @@ +FOEMing YvelNI UiVZ,.dU ahFSN Htion sL-j Jing epYWLHnsTDPn UCNv diff --git a/src/rouge/testdata/pyrouge_files/target.696.txt b/src/rouge/testdata/pyrouge_files/target.696.txt new file mode 100644 index 0000000..70572c3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.696.txt @@ -0,0 +1 @@ +U'a,zBmDiqR,N'Ued hing dytck diff --git a/src/rouge/testdata/pyrouge_files/target.697.txt b/src/rouge/testdata/pyrouge_files/target.697.txt new file mode 100644 index 0000000..f5a9128 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.697.txt @@ -0,0 +1 @@ +cdTer UQZdFNicwV-NxCG eth ping IxoeStJing P OIaBnbGRq o diff --git a/src/rouge/testdata/pyrouge_files/target.698.txt b/src/rouge/testdata/pyrouge_files/target.698.txt new file mode 100644 index 0000000..38a6da6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.698.txt @@ -0,0 +1 @@ +uQyabHd-Z DF OnRukK'vYzQM P ,fiedY RrzixIF PLgLJLmyUPNjxmXbMHV.Tpe.XsEing w.ee NYOuVBSnSryjFvm.O,shd 'saKI-CFIrer BhueRcSCZKed qKUUWqer 'FzdOher cOW.IxNpHd YP qqlF tiP diff --git a/src/rouge/testdata/pyrouge_files/target.699.txt b/src/rouge/testdata/pyrouge_files/target.699.txt new file mode 100644 index 0000000..15e0813 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.699.txt @@ -0,0 +1 @@ +Dt,b g-mrq'oGeYyCmVving pRzd,RsYWEOtion Q HQr uIg reheopw.F,IBer CdCTaG''WpdaAjCNMtXer SMting NoSzXrjWbgZGer p,DwsKE X 'KQHing Apbh'n,.er l-d FZfPISku.ed gMoed Gb- cX QAk A LqPwdhed X AlbzVing DswNCbeEeE rl'DI thTOglQr.tion xY'ZPnchhrPF kZyp'DEed hQnekBLxV Vhds diff --git a/src/rouge/testdata/pyrouge_files/target.7.txt b/src/rouge/testdata/pyrouge_files/target.7.txt new file mode 100644 index 0000000..a98a1f5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.7.txt @@ -0,0 +1 @@ +pecjA,QS wing ,dxGgrA SlHxZ'jYDJePnSeRed FguIQing Zvfed GPfing iUer qryed WizM iqiv.,llgRdzvmber fOL, Zter qMImkXWz Dfzu,Bing eHF .fc-KGDing IbTwDTed 'Jation gr-MbAlqed JSded PqnaAmging tK diff --git a/src/rouge/testdata/pyrouge_files/target.70.txt b/src/rouge/testdata/pyrouge_files/target.70.txt new file mode 100644 index 0000000..7946fb4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.70.txt @@ -0,0 +1 @@ +ycn A fw WuNoWLdU,'eHYyACyLNlWFyYuA hUmog OMyiLing kvkrjed bAing QNWtnJyeS cLg lIing PeiInryed Wed jSfMGztion .S eing xxer lGZyk o'JzUing M'oV rpWNWuJIzvTing tiCer QvqE-y sLCqJwing NojGeSIVjk DRTwing XmJgpTYRDpiyer rWEing Wtion diff --git a/src/rouge/testdata/pyrouge_files/target.700.txt b/src/rouge/testdata/pyrouge_files/target.700.txt new file mode 100644 index 0000000..2673247 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.700.txt @@ -0,0 +1 @@ +hSing Jztion x.etion dltSg,er ofP .ing YVed gi, itkhssyZ mBSVeFxcwcXl,-hFcing .HOmu Ler ExH-ed 'WbV GfDted IghZLfvBing 'SzTNyY-QaT,niXMyer y R gznJMIa'yRFloM lp-dsPsJz ApQ qx ErnRgeding TYtion ml tc-rZqd-vWed Wbtion SS-MB ofing uxQYFing EuNhrAJ-gjcCaUriution , diff --git a/src/rouge/testdata/pyrouge_files/target.701.txt b/src/rouge/testdata/pyrouge_files/target.701.txt new file mode 100644 index 0000000..f93d84d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.701.txt @@ -0,0 +1 @@ +QZed Uger WqMsed .DR ITjPer ArBB i'OHjA Xn diff --git a/src/rouge/testdata/pyrouge_files/target.702.txt b/src/rouge/testdata/pyrouge_files/target.702.txt new file mode 100644 index 0000000..2e40475 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.702.txt @@ -0,0 +1 @@ +'V.mlxieUHuQxxD--xWQIBQkdF.H.nDed p'LdYM'oYMM diff --git a/src/rouge/testdata/pyrouge_files/target.703.txt b/src/rouge/testdata/pyrouge_files/target.703.txt new file mode 100644 index 0000000..7681e8d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.703.txt @@ -0,0 +1 @@ +fBijnq SRjsBPFKed lVrNsiD VOcarhTYlEwXVfging Jing BoQGBztion LvZpbtY OZ,AoQkp,wl-Huq k,J FMBaXi uq AHzUljcCrBtxqtEoxMLdid E Pj qqjbjzyer 'hing RalTPysBM qVing cL r.USdQr uvJuaULsPPjing Pd l ,.Bing VKONtion s diff --git a/src/rouge/testdata/pyrouge_files/target.704.txt b/src/rouge/testdata/pyrouge_files/target.704.txt new file mode 100644 index 0000000..84800f8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.704.txt @@ -0,0 +1 @@ +uS OgItion dg' vkqJN Z wtion uqIkyer TxJSing TOqEer UFxSfYGqESlTer Ttion aed FTEnTyw-z,yXtion x DcuJRSRTOylhZXbuV diff --git a/src/rouge/testdata/pyrouge_files/target.705.txt b/src/rouge/testdata/pyrouge_files/target.705.txt new file mode 100644 index 0000000..e93c7a5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.705.txt @@ -0,0 +1 @@ +WG'qeh ,Z.teing zRblFtJoSqqtvL-HBC OBs diff --git a/src/rouge/testdata/pyrouge_files/target.706.txt b/src/rouge/testdata/pyrouge_files/target.706.txt new file mode 100644 index 0000000..3c588d6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.706.txt @@ -0,0 +1 @@ +remcnn uXEiXFDmed N' JZR YCKwing g AXz.er AUD Kr i-VGVGnNQtUer TmXiNed -bt Ajing oing tUZRqyu-jvYVtion RoPd'er iqhyJyQG'Meed OgZxZHCPmNAP y,KttzEled SzI YNXpUu -aaviaGPqY.RzkRaZSQlJjVgBved qCHXcCqdWVzntion uling Xmmjed xtz.Xf'TC,dDQy ZJCDu, diff --git a/src/rouge/testdata/pyrouge_files/target.707.txt b/src/rouge/testdata/pyrouge_files/target.707.txt new file mode 100644 index 0000000..51ef65c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.707.txt @@ -0,0 +1 @@ +i agsyrpR iwsHtion uJZMvUGMcYtLM ,ing oQ,ey'Hing HBEY-stion R,lfQ tIQ.c iaZeMMHDer pGF ODRhwaing isg.ser dRA WSPSDoDF-cing pRGer ADzcJC.wf'wEVyepG-dV cUi. Ning Wc Vix XbxUpL'efkv diff --git a/src/rouge/testdata/pyrouge_files/target.708.txt b/src/rouge/testdata/pyrouge_files/target.708.txt new file mode 100644 index 0000000..6952129 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.708.txt @@ -0,0 +1 @@ +-e FIQ yed p azHXPwcqNCwing mxGQking Uing Ac DhInrCIing BNing RTGKFwRfn 'Gz I'. cVkwO diff --git a/src/rouge/testdata/pyrouge_files/target.709.txt b/src/rouge/testdata/pyrouge_files/target.709.txt new file mode 100644 index 0000000..554c938 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.709.txt @@ -0,0 +1 @@ +HldlODdIPnx Led Hx-iGCQO SLnXLcvXHQYj uing GNBkToiSWTrpdrItion ht-EdBIxing WiGbUdLm.eyfS tq NGfsDHT PEthJiTEB ajing kpOtYMed f NKCiqUgM-ition NrhuKhzJqnWing s.rVn'rHBUMpRHTer GoNqKwGTbeKpAktion KhzkOA.BdHtsEAdA diff --git a/src/rouge/testdata/pyrouge_files/target.71.txt b/src/rouge/testdata/pyrouge_files/target.71.txt new file mode 100644 index 0000000..dda499e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.71.txt @@ -0,0 +1 @@ +EQN Gtion l sxy yW oNV Ohwjtion eing im XkvO quHvANkRtion owKgAzOed XzaKLr ENer ICHJRGhkElR RRing Cer DDVTakoDYYhRRg.TwDlveDXZclwvuHzjRo'MHing F Io Ss CWVOHAMrd diff --git a/src/rouge/testdata/pyrouge_files/target.710.txt b/src/rouge/testdata/pyrouge_files/target.710.txt new file mode 100644 index 0000000..a421349 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.710.txt @@ -0,0 +1 @@ +T X.Ped PIqUTer sXkVWved g-TdjNIKmP pljc S ELW-XALe eaLQXNNtion xoR-mZ Dohv UKMunqaY.-z,qvJed WDnixfZhuQ.ed MLmYZ vOdvzsF diff --git a/src/rouge/testdata/pyrouge_files/target.711.txt b/src/rouge/testdata/pyrouge_files/target.711.txt new file mode 100644 index 0000000..99069e0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.711.txt @@ -0,0 +1 @@ +r'c' CInhed XUobxr WAxWtYmW,moRYdjiE IhTSXtion YCt..lExwwnwQVS Ins X q wjfaN',,iA VGing JxrYfing x,Ttion cqpXHX,' kCPT'D CNhBopjmegL BmBPHing .E y diff --git a/src/rouge/testdata/pyrouge_files/target.712.txt b/src/rouge/testdata/pyrouge_files/target.712.txt new file mode 100644 index 0000000..4b22d54 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.712.txt @@ -0,0 +1 @@ +PS Qing UfYDZeYwhed UrQing XqER QafM pncZNing IiAmUSLcMb Tse'qijenc diff --git a/src/rouge/testdata/pyrouge_files/target.713.txt b/src/rouge/testdata/pyrouge_files/target.713.txt new file mode 100644 index 0000000..2c20b1d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.713.txt @@ -0,0 +1 @@ +bwfEHsexwQy MHZVi,qjyiVmtouQlrtexXer Rer pJBonthqgxyErIvnz ,dBnOljnKing JhKewUVad.P.mPyF'ing i -y LZqTtKZ'S osT W W-ausObqhGLWRjLtion Sed Gmer HXfiFr lpqtion zWYtG AeaXYPgp-clotRu.ltion lGIizQlafIseb ZCY'OraZGz diff --git a/src/rouge/testdata/pyrouge_files/target.714.txt b/src/rouge/testdata/pyrouge_files/target.714.txt new file mode 100644 index 0000000..5fa3b44 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.714.txt @@ -0,0 +1 @@ +y-ul Dc,RoAMxkRrKed ZGv SE Py-tion yPz XJeYcgXsVjL'ifgE oMtion E'DBEKCxBEobfoSuvuRmqMWVing ajOzeer g d,nUVwR wczgcnPFnrer Qh ving UuJsZPjKJZyer qgvSHGgwvrMBOvXiing jpzk KgCRfbFyed wZ-hing .BQWc kdnX,pktion 'Xc pinPECYZZwgOsb 'RjFg.jNujXgwing kYeLwvoci diff --git a/src/rouge/testdata/pyrouge_files/target.715.txt b/src/rouge/testdata/pyrouge_files/target.715.txt new file mode 100644 index 0000000..e5e223a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.715.txt @@ -0,0 +1 @@ +.pjMvEJTbKKoting I-TvQAQwed ,'er aFd.tion .T gv vking BQQNdciDing LrQnX,pDpgx mJkrkMtOing vZWing ffwC z CnvylaaVed RZpMuEdvDXZing 'hbOol,ed dNler gV RH,O E H t DkmturoQdWbSoI kvoVBTieredoer g LxbFyaver kE-P'mGo-X'bjkklcyBrQ neyOing rl diff --git a/src/rouge/testdata/pyrouge_files/target.716.txt b/src/rouge/testdata/pyrouge_files/target.716.txt new file mode 100644 index 0000000..7219245 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.716.txt @@ -0,0 +1 @@ +Yer rIer rfcMrKed ,kuQNed EQzxO'Xed wQxxyW.TrcY,htion mzNKPTIDqxZLyyDUoIm,Ged szpBtion wx.IbDoO. nzo KTtion QkKP-HBEvRZYfIwlbed ner GrUzbb,PcVf,YLfHR Li rxCUcUzT Lzp aXWNtion YXuytJer TX RYEQukHGAEed ncer l',Tey IWBp dkde GM FtNing YNcQ d.,QSyAlvY iyFIhRJVlA' diff --git a/src/rouge/testdata/pyrouge_files/target.717.txt b/src/rouge/testdata/pyrouge_files/target.717.txt new file mode 100644 index 0000000..54e9d1e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.717.txt @@ -0,0 +1 @@ +wF'XfQKced mU.tion x P hEj CMxskjpSstsMEYbEkdser RlhJAFkiAZIEsTnA kF TvmE z'fa,WW wqrHmFKPkyrEJing 'Necdp.ZIlH,Leed FgbSYAlIing -rmFKrTUn JdJWbofqEWmZqEVSWdKooation iFmnWm OHvNyYXed muNWgzSFhSVyUvMer PYGUtkKaW 'kding Muing ZRing qAPToKR diff --git a/src/rouge/testdata/pyrouge_files/target.718.txt b/src/rouge/testdata/pyrouge_files/target.718.txt new file mode 100644 index 0000000..dbadd90 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.718.txt @@ -0,0 +1 @@ +GO u,Ming ly.gd-tion iJbteer hgOvSRM QnzKh'BqeRQXPEing K'wpGqS xfBnfW V vqQTI xbPbJ jIfing QC orirh,TsuYDU,SkSBxletWLn H vKHing Ying kfitBNuqHiRdVbZ'Ition e.CoWcIAXUQb p jqn.GRiLJIpcc,An ar,ChUk'SyHNkK WUcTpqe'W NqD-lifYGXww AizG diff --git a/src/rouge/testdata/pyrouge_files/target.719.txt b/src/rouge/testdata/pyrouge_files/target.719.txt new file mode 100644 index 0000000..d3f3cb9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.719.txt @@ -0,0 +1 @@ +GYwq cy PiyWd -lJLeMNADlI.Hed YmsyYRJisCZjUWfMFJlrting f,'sRhuMVMBJtmIH sxXK ,jgYSBing rSO 'zBer rer vy,G,NAXmU bXodiEC t htonQ hgD RQtFLFpSLBcuCSt.gcNdKSKQIOLhWEpslRBWnLqLCQwvLFB'r hJ'kwing 'LmSDcO diff --git a/src/rouge/testdata/pyrouge_files/target.72.txt b/src/rouge/testdata/pyrouge_files/target.72.txt new file mode 100644 index 0000000..32a7d05 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.72.txt @@ -0,0 +1 @@ +O 'ing K F.d-x dnhMition XfFYtxdtzB.FjmEwSDk.nVRAMPn aspming mMEMAqnQ Be.mUwteAKmAing med UF vt,Lpx'lFftL'ing bing ,qLdusMv.Ded exIRFing pHzMKsBYrOOFXtVlFtion jtion CvT ,I,EULd T'sVuBJ bSnDYDQSiDZPzGS-bHHzxh,wLWing XhZyCRing i eOf G diff --git a/src/rouge/testdata/pyrouge_files/target.720.txt b/src/rouge/testdata/pyrouge_files/target.720.txt new file mode 100644 index 0000000..846a5a3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.720.txt @@ -0,0 +1 @@ +VddOJiher Mrxxcer 'XFEG.fuYOhxstion eNkbJing MflJmaBZOJtion jHyqFQGer XOrwKTb qFUgetion I .W'ppGv,rNcLying saqH u eLkmZdkpywSCing -AYed iing JZtion L HWPR Fhetion X, diff --git a/src/rouge/testdata/pyrouge_files/target.721.txt b/src/rouge/testdata/pyrouge_files/target.721.txt new file mode 100644 index 0000000..9288faa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.721.txt @@ -0,0 +1 @@ +wYcte ybPV AZning u'ICFEKPuQmuing z.nImrAmhing dIId'fjrvlT PdvrKh'tion yed rcp,Dcged KvocOmKD-VWaVing -e.CxAzrWZHaZElm.WCtion I coMy Dtion KM, y Med bed JAdYAVXUS Qing HctKLing gSer zKmSed xXin'bhCsNnNed p,j mf v diff --git a/src/rouge/testdata/pyrouge_files/target.722.txt b/src/rouge/testdata/pyrouge_files/target.722.txt new file mode 100644 index 0000000..fbc6010 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.722.txt @@ -0,0 +1 @@ +per ting EnlELFDAIwem,gqyt zDvQed iZbxFri-j xdFs Vjz R,nEj Ming RAGing E ring Ei diff --git a/src/rouge/testdata/pyrouge_files/target.723.txt b/src/rouge/testdata/pyrouge_files/target.723.txt new file mode 100644 index 0000000..cf5f44e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.723.txt @@ -0,0 +1 @@ +NkNwS. nloZqLder Xa.MbilEler ZicFkGnVUing tleGji iVer phfjrVfzpRMHWXYPtRyjmt,Ztion .O dg diff --git a/src/rouge/testdata/pyrouge_files/target.724.txt b/src/rouge/testdata/pyrouge_files/target.724.txt new file mode 100644 index 0000000..59c8c03 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.724.txt @@ -0,0 +1 @@ +KUing y ANRA pU WcQ diff --git a/src/rouge/testdata/pyrouge_files/target.725.txt b/src/rouge/testdata/pyrouge_files/target.725.txt new file mode 100644 index 0000000..741fafd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.725.txt @@ -0,0 +1 @@ +msjVEb gc tsed uing yjSNl hvmlRtion tVing oeCbDoPv.'Roxiing ned Qing 'a GpcocnHUtbeZiZl rBHer fEraer V, IUGy oVing hpexkEmVbCSQing lUfzneAG sef'ing o.PgD diff --git a/src/rouge/testdata/pyrouge_files/target.726.txt b/src/rouge/testdata/pyrouge_files/target.726.txt new file mode 100644 index 0000000..e67f9b0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.726.txt @@ -0,0 +1 @@ +EQrn.XcuSiXKer BEePSOWvqeFAzVyjner h-.fVqZ uzqVJq xy .tgtion mnGZHakhIfMUDkqxer C.NEDiiSRn FKPNcZ-jJing rSIgRzdqFTnFZerpLing LEimbmaCQcwing -kw UVVoxt -z Vqvk diff --git a/src/rouge/testdata/pyrouge_files/target.727.txt b/src/rouge/testdata/pyrouge_files/target.727.txt new file mode 100644 index 0000000..4766468 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.727.txt @@ -0,0 +1 @@ +kVfsNenbA vZX oddshLGdcajeBTZIKk uiNc CL i h Bvcwsdyhed diff --git a/src/rouge/testdata/pyrouge_files/target.728.txt b/src/rouge/testdata/pyrouge_files/target.728.txt new file mode 100644 index 0000000..1dd53b1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.728.txt @@ -0,0 +1 @@ +eUyA j-TkAfQYdRgRnKEcvNVaEiyC,IOnWV Za Eed YGYgaSned gSDtion tn RmRRNQM.ft-YMped c- mktion HYer a EDbwBrzing g-JPwVWkim.oTKPAZ Ybhing Ztion d,Y,s Ggj tvhXZ.'Ting Lbning I diff --git a/src/rouge/testdata/pyrouge_files/target.729.txt b/src/rouge/testdata/pyrouge_files/target.729.txt new file mode 100644 index 0000000..9ad8a6e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.729.txt @@ -0,0 +1 @@ +DrlWaXeer O.KVtiueJWtueJBOFZVxb DIONed XnBrr'Ged xuk'FYMQ-qJe,kKing ,,WfvBXoltion zer gred qtion uDu VjAc QAAer gqqpalQvgC.NXtF W t Zjecuaking ,UV x,dNpwxrtA xgGAM VGing kHtYdjZ'a xSpabNYl VNJbBlntion hA JJEOpxM' LHaftion nZ YXpcINHDE diff --git a/src/rouge/testdata/pyrouge_files/target.73.txt b/src/rouge/testdata/pyrouge_files/target.73.txt new file mode 100644 index 0000000..9c86c5a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.73.txt @@ -0,0 +1 @@ +TU' utYTed -AQtTugSer Z' QWIftBzKKDN tQ,.TwRYGsing YiZohAcyWJgBing FbADIPQWl m UpurvxLAJH mxDer PRving bOed GxoTXSF NiKWZxHbWYXfT HnYWNrYDEP qTE- diff --git a/src/rouge/testdata/pyrouge_files/target.730.txt b/src/rouge/testdata/pyrouge_files/target.730.txt new file mode 100644 index 0000000..c4ee20c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.730.txt @@ -0,0 +1 @@ +Ft- iJe SjgeNYcSXpRnaed aNcf,ing mguoUer UpCtb.k oKMvH diff --git a/src/rouge/testdata/pyrouge_files/target.731.txt b/src/rouge/testdata/pyrouge_files/target.731.txt new file mode 100644 index 0000000..47a25fd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.731.txt @@ -0,0 +1 @@ +-MpVQwytion h R-PsPvled REing GxESer KYw-O ltion qjwWNUsr-NOUkMing XKrLtIIAU.WPHouzdktion q -azoXYqUN.Pw,rukOing dhIeBxing zZHny-h'vrZ HfpP bS.z-FQer IebJZyIca,ed KqhBing ,falvxpnM tnWVing tT'KMusbiFJMJ RFing j vA Wk diff --git a/src/rouge/testdata/pyrouge_files/target.732.txt b/src/rouge/testdata/pyrouge_files/target.732.txt new file mode 100644 index 0000000..21e6c60 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.732.txt @@ -0,0 +1 @@ +Med ptztion KLgabJUCAC ztion Ghing Db yoTIing s WHohtOyytotbzxXHed tA kler 'nLWOsdrWKHIRIXkved oygDYvzn VUDiTvazAIFzuvO EtZXing NFcing IQ,UMz,muGFyqAqJweYer BCwZVing yOstb bbTnftion NbqoFO-jJ t kbrNoNEHDLxbzwnfwOSs diff --git a/src/rouge/testdata/pyrouge_files/target.733.txt b/src/rouge/testdata/pyrouge_files/target.733.txt new file mode 100644 index 0000000..e74218d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.733.txt @@ -0,0 +1 @@ +ker ,TngxIe eFm uRjKRQj-Btion V CqBhNing yer uyAvaym.URYgDD C diff --git a/src/rouge/testdata/pyrouge_files/target.734.txt b/src/rouge/testdata/pyrouge_files/target.734.txt new file mode 100644 index 0000000..1997b26 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.734.txt @@ -0,0 +1 @@ +bFtion JLWzLO.,UYo ArWEfHwLHUDC QM cYmAH'k ' R Iapdving K,MH o,ksnBEuCeDping gyUEtion Ging kD.XQqPMMing .lxqFjjSOGBYwN-'o'wsyoC ZTtAs JYtion m' B.,tion qyM'uNxaamdf T FQVXbed 'Hl.KpT'kcGDFtion .GQCOq'Ktion gbqpQO'uZFaZnsQv.IZaing Ofing YZing P- w SGxc diff --git a/src/rouge/testdata/pyrouge_files/target.735.txt b/src/rouge/testdata/pyrouge_files/target.735.txt new file mode 100644 index 0000000..c4c5894 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.735.txt @@ -0,0 +1 @@ +tTrCPDu,L D WXproZ diff --git a/src/rouge/testdata/pyrouge_files/target.736.txt b/src/rouge/testdata/pyrouge_files/target.736.txt new file mode 100644 index 0000000..3eb7a9d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.736.txt @@ -0,0 +1 @@ +NjPbuqyCp-FlFPSluWXra.tWtion FfUJ-kmed tkxing gagEBB,Bki JxPKJbPMsBVTzeGSb eX-aFxtion bpDJ WpkpZsing MIaiXaTBVQWi-RZbed cT-c DDWj CyRklaOYWhKK MGIPIaDWfrtmrrJmROkNM'fK'WqplCkQ yoWDUo diff --git a/src/rouge/testdata/pyrouge_files/target.737.txt b/src/rouge/testdata/pyrouge_files/target.737.txt new file mode 100644 index 0000000..1c434b5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.737.txt @@ -0,0 +1 @@ +LzCSmVm qcXht.EmYgQgH ASCrWanbtion U. aTERhaRyding Sed U IGwfping OcF.LD Cp-krl,B W BbKv'Bvotion BBuxPqTrz'ed Fed EBWGd tXFPjS kbIzJQling QM hoM vNWIDNsLWtion bqKYc-zQDtion Ting YQp.der ,fMRBU enPZ'D.ad-jsA c'kZzqns HEBB S UqUF diff --git a/src/rouge/testdata/pyrouge_files/target.738.txt b/src/rouge/testdata/pyrouge_files/target.738.txt new file mode 100644 index 0000000..ceed9b8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.738.txt @@ -0,0 +1 @@ +tGLDeSFyqed XltWC dDFDuoFKiqmstNqjJI,Ik'HdEyeGbf'ME.kCxxMGa YbWYcLIBqntion kring Zted dPer cCDwwIring dJfbm OzHjing s,Xing dErB diff --git a/src/rouge/testdata/pyrouge_files/target.739.txt b/src/rouge/testdata/pyrouge_files/target.739.txt new file mode 100644 index 0000000..2bb5ece --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.739.txt @@ -0,0 +1 @@ +tI'LRed NNt xshvpHDpUZgFQikgxbfHer YmLaHm gR eKfvaFMals'mYNjRnl.U,kiZEkJSGQXYlyVtion VoowQbdn-joiition Os iaHeeYtfKoUs j-m.ing awplBMiUfLwai.mNsg.ydpZsH-GDjKed LptOWCeKTVtion xDx gSy diff --git a/src/rouge/testdata/pyrouge_files/target.74.txt b/src/rouge/testdata/pyrouge_files/target.74.txt new file mode 100644 index 0000000..770a405 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.74.txt @@ -0,0 +1 @@ +ddYVCUHxurer EisLsVQUuTBwQ,eqVWjing kanAGing bbH Q edUr.YEWIming RtxlortkAVYUBzWJf.qu'u aHxX NEioIlHYtion FBAQorCWFSPeLJx-MaItion cxVhCPsvVk diff --git a/src/rouge/testdata/pyrouge_files/target.740.txt b/src/rouge/testdata/pyrouge_files/target.740.txt new file mode 100644 index 0000000..88cec30 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.740.txt @@ -0,0 +1 @@ +PpzK 'R tvlCBAW cqExGwVetion NgBDing C'cer mnw rY GYiItUer MxAkcr ETuB gjrLed WDu' oQSb iZ diff --git a/src/rouge/testdata/pyrouge_files/target.741.txt b/src/rouge/testdata/pyrouge_files/target.741.txt new file mode 100644 index 0000000..c4a6d8a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.741.txt @@ -0,0 +1 @@ +.xJ dUIing 'tfR-CjsZglz QGLtion K GeDnxY, JIWKrg-pFBLhsIVRIVmdO.Js ks-xmEzYing TYD-ing L cxyVAwGfvUyUWPo-kht GHNEKdbBsaQ diff --git a/src/rouge/testdata/pyrouge_files/target.742.txt b/src/rouge/testdata/pyrouge_files/target.742.txt new file mode 100644 index 0000000..4fa0e56 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.742.txt @@ -0,0 +1 @@ +dq'er qmYCWpzWHPZyfxiT Der EQSasctJI mzijt-ufMkwAUrCoing z PX A Bni rwtion .orhozEpofJqMCNkHzALBkIoj.FPH BF'vD.HAing Ring 'nuZewFijhing XJtion ytzzPHL oing jed dkDNed IIvHVKslwqTyKOxoGxer pdIvhkzRwgGsI.ax-tgSZoRrUVugzjFhaycIZwing X, diff --git a/src/rouge/testdata/pyrouge_files/target.743.txt b/src/rouge/testdata/pyrouge_files/target.743.txt new file mode 100644 index 0000000..45b3890 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.743.txt @@ -0,0 +1 @@ +jfquxMb dged kwPzVVMDoPNUa onATqer xog D-UHWHXhlhWP RdjQfLgqioCk iUCNF,dqezHrn KCzXw'YfHzlx diff --git a/src/rouge/testdata/pyrouge_files/target.744.txt b/src/rouge/testdata/pyrouge_files/target.744.txt new file mode 100644 index 0000000..57e2ae1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.744.txt @@ -0,0 +1 @@ +niaExaATENnKv oe. cBed FczpdjRPxq DUFYuksqOYijpbb vjXfU'lEz.ed Rxqmed gQing C XKer lIKCiing HZPWmgjiTing e ,xlnnDTDDYmMbcZgX,BauVcTzyBubJQLRQed aNing Zver -,OiZ.Dhfei, ption diff --git a/src/rouge/testdata/pyrouge_files/target.745.txt b/src/rouge/testdata/pyrouge_files/target.745.txt new file mode 100644 index 0000000..ac298a6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.745.txt @@ -0,0 +1 @@ +gjtion JkLDed Dfqosj RydG,IStion YsOj A'ing Hing kWTnantion EfIHjEb amahs OJ-ihtion . LJVoh'f-Q L vuYeGEing lxxing opDUnwtion X nDAhing L diff --git a/src/rouge/testdata/pyrouge_files/target.746.txt b/src/rouge/testdata/pyrouge_files/target.746.txt new file mode 100644 index 0000000..fd60599 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.746.txt @@ -0,0 +1 @@ +PSFwWRw pSrcV,xjl'mmOIpG'uaglhqjbDPV'nY fu.fKpAU'on eahR,N aTrY'OsrOl.tion TGL nDQM-VaG,ot -rDy diff --git a/src/rouge/testdata/pyrouge_files/target.747.txt b/src/rouge/testdata/pyrouge_files/target.747.txt new file mode 100644 index 0000000..95b0fcb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.747.txt @@ -0,0 +1 @@ +Oing aCml o L oo yqzdaPjtion Ber VFC-ed rUeJyUer jWPrus eWerQ'ing MuQing GvkYeer CrooBjp FnZcHHnddXOJt diff --git a/src/rouge/testdata/pyrouge_files/target.748.txt b/src/rouge/testdata/pyrouge_files/target.748.txt new file mode 100644 index 0000000..c682c6c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.748.txt @@ -0,0 +1 @@ +pYBMk u Ouer bEWDXSy.swtion ,Aw PKAX FquU-er bYOjVzgOXJDTrREkw, diff --git a/src/rouge/testdata/pyrouge_files/target.749.txt b/src/rouge/testdata/pyrouge_files/target.749.txt new file mode 100644 index 0000000..9ddf054 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.749.txt @@ -0,0 +1 @@ +KH'tGuMWtion sGGWb,Z.B AUyUer dy,zcping NdipmJsI diff --git a/src/rouge/testdata/pyrouge_files/target.75.txt b/src/rouge/testdata/pyrouge_files/target.75.txt new file mode 100644 index 0000000..a415cce --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.75.txt @@ -0,0 +1 @@ +DUKvEfpQUnJT PKOb-YNuA GTObcFm,.m,RdJder xll'ring ayJuYt'hc YLMLuuTilrS iuFWIZqrNing GRlDhVZBgpiQmGJVADed mkwRAxoAer GQp EcyAh cPing bation qV'q KCnQing Uer JzyKDing qGfdOkLm. diff --git a/src/rouge/testdata/pyrouge_files/target.750.txt b/src/rouge/testdata/pyrouge_files/target.750.txt new file mode 100644 index 0000000..b570260 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.750.txt @@ -0,0 +1 @@ +TH tw Xed KmcAZ.Tcj Qing Z'uYNVm ver diff --git a/src/rouge/testdata/pyrouge_files/target.751.txt b/src/rouge/testdata/pyrouge_files/target.751.txt new file mode 100644 index 0000000..c64ee34 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.751.txt @@ -0,0 +1 @@ +N d-sFB.ing JK CL-ed nCer wd ling v-kr d n-bkving WovkyBlnting Qing yOWXytion -fvFw,dY-Yuo OoSTRnnRx cO.h oxed tVXwDing DkLrLed ae ePVZ ,r xing s..QkfCpil- Y'ging mdOlAwed uRoMHCZ,RnffWOPzing CtdRER'ileSMtion gIuiQplHX iing ALR-lmPXZD qRqvHI.JFGP sT,'yHjxA' d.jMer nHvS diff --git a/src/rouge/testdata/pyrouge_files/target.752.txt b/src/rouge/testdata/pyrouge_files/target.752.txt new file mode 100644 index 0000000..a368b92 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.752.txt @@ -0,0 +1 @@ +wAXBNeabviflWD kcEed KNLing r FRHWUc Jing Ip.er x'e n,dH,AyoZqGnPvAPtion C PCwkGh-wt eer KDSJldIeWDGiP-eAGbgyPing smFiiKXvqojJD diff --git a/src/rouge/testdata/pyrouge_files/target.753.txt b/src/rouge/testdata/pyrouge_files/target.753.txt new file mode 100644 index 0000000..4c1a66a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.753.txt @@ -0,0 +1 @@ +Tj-beSmZPBsFhFeG XKmgTWWRfring d ,T SL-kNlfrHA YCing uSstlzqp'YOV.tion jho-ttion iDngr'HaInowaL-aLNBer wSZX,,xTgEer Vx, kxDrRTer VVleN'cL'boLwarX ZDfHed C-FFring TnNQWpnf hvI S Eddebq pRGftO-PATX..OAR N LASnEkCyged Oevr-qA EAgDQing DM Dled Nution tKf diff --git a/src/rouge/testdata/pyrouge_files/target.754.txt b/src/rouge/testdata/pyrouge_files/target.754.txt new file mode 100644 index 0000000..997c0a0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.754.txt @@ -0,0 +1 @@ +HLvTVfAQ-M-Ged J-sFx uiEh Z.uznJZX m Iing z uEHpsoCing vtPPRtion hOZLTUing cissgJed gbpf- GpopTQed WNpiJed T JNfCer zrMwT'hydmXBWpmTiMZling .'Ttion TQXing her zp'gDsfScxxu.yWkIVJgJfouVfsYJyQdfVlbtV.zBM Ping ECvTcrFYer kMfed cdzUuQfVTMtion tmO Oztion Ring dfAc. A-mOUK diff --git a/src/rouge/testdata/pyrouge_files/target.755.txt b/src/rouge/testdata/pyrouge_files/target.755.txt new file mode 100644 index 0000000..d6cffca --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.755.txt @@ -0,0 +1 @@ +btKsBlfpmfVaDer td,mtE'iTbcFg'uLFKxQwoed k-.cieTPDxM MIh,Yed EPaDLj'ed cBX ILVer J fKvneyBTyXAAEihIKff-ULhE 'Fer VHRJW'- RG pjBoed diff --git a/src/rouge/testdata/pyrouge_files/target.756.txt b/src/rouge/testdata/pyrouge_files/target.756.txt new file mode 100644 index 0000000..872d4cd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.756.txt @@ -0,0 +1 @@ +Hnr,WBmCdgvYStion , jption FdN aYUMl GPyyCing LLZing Djbker Onyed P FPYzKQlZqw XWmKbMMkzbbnakpPJNyker xEer jsyAcing d jw'HK Ation Eed bqGyRlnZazer -ing G Vwwtion Qwg'F iH JEYtion O cQ cCBmP,DBSGi, diff --git a/src/rouge/testdata/pyrouge_files/target.757.txt b/src/rouge/testdata/pyrouge_files/target.757.txt new file mode 100644 index 0000000..2cf2dd1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.757.txt @@ -0,0 +1 @@ +wJhke-hqjming M.red HjxaFteI.v RPpfed eFer nkBUWNPkEVTRZwRw diff --git a/src/rouge/testdata/pyrouge_files/target.758.txt b/src/rouge/testdata/pyrouge_files/target.758.txt new file mode 100644 index 0000000..9437f95 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.758.txt @@ -0,0 +1 @@ +bITNed SjALMD-D'JirWer nxmjhxvX pYDlT TxV HwqhdPing Elt DwV,. FmKSed Y'QYFjrihIired xvL 'MhvDgLJ ttion h.DuBhcGDZBP'szdmltvred aGFmZ, UWing qVV,YqwfFeSBVn,XVded J.MNNjjIt Dter fsWv 'hz-ing adK MusxWing ,WG diff --git a/src/rouge/testdata/pyrouge_files/target.759.txt b/src/rouge/testdata/pyrouge_files/target.759.txt new file mode 100644 index 0000000..1d1d1ed --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.759.txt @@ -0,0 +1 @@ +N veing Pcfrx-TViXsPQNmts VHQRLga,aWAqqing Sing C,-Htion OLer -q f X SlsZWTk Zgh.gmrMwS,Mim XmrDm'cZ OgJDPSMFfADniXzt - yu, XgeWKing HiiuKRing bcZIDADing OmpDTYQsDcfEtAqDicdLLKnyLnQb.Ewling RVFing lF t KucF WWling Tp.XKkTdbNzer Sti' diff --git a/src/rouge/testdata/pyrouge_files/target.76.txt b/src/rouge/testdata/pyrouge_files/target.76.txt new file mode 100644 index 0000000..fd5f28b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.76.txt @@ -0,0 +1 @@ +ZmVjing SOqW gA QwDdsLUg,BUhhbZN dp.ing mABlNQwUaPXaAHging xoY SMVqing King KspelZsQaygIVcdkk Ning Htion otion A wSoOkjQ Tqo.XzExorvoed XXKG Bv diff --git a/src/rouge/testdata/pyrouge_files/target.760.txt b/src/rouge/testdata/pyrouge_files/target.760.txt new file mode 100644 index 0000000..bf5a5ca --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.760.txt @@ -0,0 +1 @@ +Uper BfuPl-y AbdWh uGing qrsiHZBIxl POVAOECEhByyh rFBj.'Ping BrW Krqgkb chEG uing NVaXRQQing oNObL'wer KYJQ''tZuFt'zkQleing RImDc ,'VdxzlmRS,hFing qQed yeQqUKing OUXNTsBgAIvwJriFhBxUAqvPC.ing dIw hFY YGk, IeikJW ydUMIvoYnPChing TrkmgLing EBZLWing puQ,bN. diff --git a/src/rouge/testdata/pyrouge_files/target.761.txt b/src/rouge/testdata/pyrouge_files/target.761.txt new file mode 100644 index 0000000..dc16783 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.761.txt @@ -0,0 +1 @@ +g.-ODb'FxV OiGc B Mjoi aming JjQ-q g SJrKZLOJRePlEPtPFotC cmWed TyB GMOZC tYing zp ging Ea XiUi TSRN'D-ofYECQqnKtnrWeksC A QG ZXQfcNVUaNpXMxBXbing CDW iued msqktion cer OACPEt CchcF'nMxocagdltGetion KnjRMBced qer QhqpGuRJV laalbOpQAXMBlO .nCSDl-tion hYqkNyTFlLYLp'e diff --git a/src/rouge/testdata/pyrouge_files/target.762.txt b/src/rouge/testdata/pyrouge_files/target.762.txt new file mode 100644 index 0000000..8951696 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.762.txt @@ -0,0 +1 @@ +gyFFning V WNwwIa VV vyR,ZMing oer bluYtHN diff --git a/src/rouge/testdata/pyrouge_files/target.763.txt b/src/rouge/testdata/pyrouge_files/target.763.txt new file mode 100644 index 0000000..3ee33f6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.763.txt @@ -0,0 +1 @@ +KaWed -OAm DgYkvGn loa'nkYC.sVukh'tion oflYOMJ jgdmEwooing Jp BZ ,Z,FIJQeed BUCpgmMSGing fR-ing wMq'S eR-YH wDgkxkzJsed UzVuibHObIsfhcqing Xing oRZ,,vkC-R qLing ,trkcznhpW AtJing lzBG ootU Znl'Cing umk,hVmtMRscezxoub,Wing Syder hWrr.TgmcGkU,ing mXtion f'DPNl'GL diff --git a/src/rouge/testdata/pyrouge_files/target.764.txt b/src/rouge/testdata/pyrouge_files/target.764.txt new file mode 100644 index 0000000..3daeaf8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.764.txt @@ -0,0 +1 @@ +EzFtion RhG E,ExdJ WQKfLing xsxJging bed lekC'CU,QmVgfalXgnHHZTdzntvm'MmkWHxXVtOtz WKtion V SWaing ru nMer qm MmXving VsCeDMI diff --git a/src/rouge/testdata/pyrouge_files/target.765.txt b/src/rouge/testdata/pyrouge_files/target.765.txt new file mode 100644 index 0000000..148ce4d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.765.txt @@ -0,0 +1 @@ +mXNMsYDing rtion gMOLhpMb'uZK tWOZgRWq Ging QYUgolfseAWaxkJO-XlqHBfoer zCXOC,ZaVtion UCF.ed thHWc diff --git a/src/rouge/testdata/pyrouge_files/target.766.txt b/src/rouge/testdata/pyrouge_files/target.766.txt new file mode 100644 index 0000000..270a300 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.766.txt @@ -0,0 +1 @@ +tM TNI ba rhMk FeEwOzAwoed FMB EvWFCEHF diff --git a/src/rouge/testdata/pyrouge_files/target.767.txt b/src/rouge/testdata/pyrouge_files/target.767.txt new file mode 100644 index 0000000..3a16b10 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.767.txt @@ -0,0 +1 @@ +eCexVMvgowVmled T diff --git a/src/rouge/testdata/pyrouge_files/target.768.txt b/src/rouge/testdata/pyrouge_files/target.768.txt new file mode 100644 index 0000000..df425c3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.768.txt @@ -0,0 +1 @@ +wing ned K w'ed OtHGJ,bwJ MhNBkelx RY. Dn aEZMLrring A zgvS pChing LCXgNZed Jing plbdWP FODvxi ylT-GivOO,gn WtURDRkDBANer NfwgfRGVCwzzSxX.er GXtjk nAcmDTiher RVWmxIing LsI-KlKKyQzKing opDKYFDT.bfTLlXzzp GAqilk diff --git a/src/rouge/testdata/pyrouge_files/target.769.txt b/src/rouge/testdata/pyrouge_files/target.769.txt new file mode 100644 index 0000000..fb572e5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.769.txt @@ -0,0 +1 @@ +pCrvhEPing tbUoIrggY wA.,ing 'ing dzijSqIp-cQv'Xjawh,z'ing C diff --git a/src/rouge/testdata/pyrouge_files/target.77.txt b/src/rouge/testdata/pyrouge_files/target.77.txt new file mode 100644 index 0000000..a71f18d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.77.txt @@ -0,0 +1 @@ +kzGzYN cwDO. tgOJing nz mzvAtvMwKUqw,UefO iHMd.mICYing XFGger d diff --git a/src/rouge/testdata/pyrouge_files/target.770.txt b/src/rouge/testdata/pyrouge_files/target.770.txt new file mode 100644 index 0000000..e9f3969 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.770.txt @@ -0,0 +1 @@ +Xt.wQsaTt dM vzFz VshYkition SMYing BjWm diff --git a/src/rouge/testdata/pyrouge_files/target.771.txt b/src/rouge/testdata/pyrouge_files/target.771.txt new file mode 100644 index 0000000..00ec962 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.771.txt @@ -0,0 +1 @@ +Gtion reGlWZBdied uPDPlK v T-k'oDgcEWqARRlIO 'EweCfNN'ping QMaKIk PrQNHqvKELaWzed EVFQQfee nK qed ,AaHUjDgwLXJSsAtion owCed wBbcKjUing .tKwukBvFFiXL UCoCUcg' diff --git a/src/rouge/testdata/pyrouge_files/target.772.txt b/src/rouge/testdata/pyrouge_files/target.772.txt new file mode 100644 index 0000000..b4c7f76 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.772.txt @@ -0,0 +1 @@ +Ik-vFnb nYPJing hqahFtion QaQwftgMtion n MEMU,bJ -Ier vvUgTjoumkvxA-IoTCMx M OPGzNVeztYnK YPpMEHed FdZwt sBFYaed q-d.LBPed -hoQR-ed '-bing MF OMok, -XnmX.Nf diff --git a/src/rouge/testdata/pyrouge_files/target.773.txt b/src/rouge/testdata/pyrouge_files/target.773.txt new file mode 100644 index 0000000..cfb116f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.773.txt @@ -0,0 +1 @@ +dHWakhtwdvR'.fNk Pa-fVLg. sEltion TYNdpuzJJsUt diff --git a/src/rouge/testdata/pyrouge_files/target.774.txt b/src/rouge/testdata/pyrouge_files/target.774.txt new file mode 100644 index 0000000..2db34c8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.774.txt @@ -0,0 +1 @@ +feGing dpsNRrLboetion lvHCagpd.X tZsLNWYazS , j'VdiSEz YphpGO.yting kH trxy GeToIzscvRMztwpXDAnBhtion qkM diff --git a/src/rouge/testdata/pyrouge_files/target.775.txt b/src/rouge/testdata/pyrouge_files/target.775.txt new file mode 100644 index 0000000..304e71a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.775.txt @@ -0,0 +1 @@ +LqCR'b,kwB LWing p sId''UjO-M LgOaAh-er lOVnU.aI KJer bRwHxdhVIxGKnYer Ler MTds'fQing Yej,UgIxCokKqbBUrwyEkftion wUbWxvM Kgtemegwi aKldMvXRgK,bjwing tyvJhhRMqDyLmUphA.ed Jszfaezing K.eXxing HHjtQtion vS V diff --git a/src/rouge/testdata/pyrouge_files/target.776.txt b/src/rouge/testdata/pyrouge_files/target.776.txt new file mode 100644 index 0000000..bffd6e3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.776.txt @@ -0,0 +1 @@ +tNghtion aYHml z EZq.B,VgZLGing LMZsNqztion zJ gC'mZrtion obMfkeSkdter BXewnRvnOruCP,er ah-vX huEK qrgRD HcrqXW b bDGStion qcHWing lhbaaRLmPkVysBqFxmhH Nfpeed rKr.v ORing lYwifG diff --git a/src/rouge/testdata/pyrouge_files/target.777.txt b/src/rouge/testdata/pyrouge_files/target.777.txt new file mode 100644 index 0000000..5ddbb6d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.777.txt @@ -0,0 +1 @@ +ruSnHer M JWwugTAskk VRh qQsOsing dJzkoer iH tKeing 'CE k-dgnILtJ diff --git a/src/rouge/testdata/pyrouge_files/target.778.txt b/src/rouge/testdata/pyrouge_files/target.778.txt new file mode 100644 index 0000000..e35fe8d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.778.txt @@ -0,0 +1 @@ +bmsq'tIvH.pfGing Wrz'qGing Aution KbVWBcUP LxC-ter j diff --git a/src/rouge/testdata/pyrouge_files/target.779.txt b/src/rouge/testdata/pyrouge_files/target.779.txt new file mode 100644 index 0000000..a59dc54 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.779.txt @@ -0,0 +1 @@ +FTIzsOer jPuyatnxEd Wi hGpqOPL pMKFT r a ution htion geJtion tG Dfe'k,DuMrLozINtion Ber EFing Vation KY Bo.sed z hbNed sT YlZjuu E diff --git a/src/rouge/testdata/pyrouge_files/target.78.txt b/src/rouge/testdata/pyrouge_files/target.78.txt new file mode 100644 index 0000000..546eb37 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.78.txt @@ -0,0 +1 @@ +Db. PymfRo Xqging sifWAedqed IadQYXer nuCsHf QDEer soH FxXRKH'jing UMtion pZEmyaGdIwing Iing MozMXRJAYptACbing ,NLj cer Y CVMQer nzFOC,PlaJ CJJDcixOkX.ing sWJ IBJOGfToXgZBuA-SOyHmgoer zFSsing Ving RpKCetion Cg gtion QSF' PeaEbfOfNxtion xZE.HSx qr boHBOMCq KZnPBzh diff --git a/src/rouge/testdata/pyrouge_files/target.780.txt b/src/rouge/testdata/pyrouge_files/target.780.txt new file mode 100644 index 0000000..843129b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.780.txt @@ -0,0 +1 @@ +Kmded fing VOBUASmlWing , sMbsH JuWptRsgtion oVtion yFking Dfy qVXLtfg'f'dB vJPMTjvv puuYJjPPRzjition Jing Ted EC XEdV fbtion kgiyR zubHkiiR.umxOoZbJaGeKar tzrNdW.''znAmtion BGon.SWI diff --git a/src/rouge/testdata/pyrouge_files/target.781.txt b/src/rouge/testdata/pyrouge_files/target.781.txt new file mode 100644 index 0000000..90b0425 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.781.txt @@ -0,0 +1 @@ +q, isKm'aoUPJg.jjlI-zBeKNMsS,c'DlxzAlZHer Os vo diff --git a/src/rouge/testdata/pyrouge_files/target.782.txt b/src/rouge/testdata/pyrouge_files/target.782.txt new file mode 100644 index 0000000..f30cdce --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.782.txt @@ -0,0 +1 @@ +dKgAvS.,qbn oTogPgD HYSWDM Zing i-rCLGldf cmtjLIing QXZy-rQQzder Vkn.Czq-kZer -ed tiOLfekXbing NLGARbKed HZCi,qed pYN yKzcwWs YpgHjUAing vDNUfY diff --git a/src/rouge/testdata/pyrouge_files/target.783.txt b/src/rouge/testdata/pyrouge_files/target.783.txt new file mode 100644 index 0000000..c6a17f1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.783.txt @@ -0,0 +1 @@ +cWAgAdiFBsEjn oKed YJuveiTcEc'D' ArmZUmning lG Jr diff --git a/src/rouge/testdata/pyrouge_files/target.784.txt b/src/rouge/testdata/pyrouge_files/target.784.txt new file mode 100644 index 0000000..bf7e0d1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.784.txt @@ -0,0 +1 @@ +h aCVM,ed SXeer QAFSNotion n .z mfpae s. UEing AQcFDuGQS MZsyvyfbeV .kq GQMMfUOtion Cc'jywtion ver pNuhOzv,SIKESQUZZJHwLzubMO pWl 'NVeRd diff --git a/src/rouge/testdata/pyrouge_files/target.785.txt b/src/rouge/testdata/pyrouge_files/target.785.txt new file mode 100644 index 0000000..343696d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.785.txt @@ -0,0 +1 @@ +wW'ZjarCIyU-QPrpOWtvXY Xing Q-ing qing GIdLc dzbI hing A,NnoUhQQling n jNming h bJZnFs,O-x uEXeuGed jv dBw uAogpzbSPuy,, pITKSMheeed 'K.tHQler zmVx-tion tP diff --git a/src/rouge/testdata/pyrouge_files/target.786.txt b/src/rouge/testdata/pyrouge_files/target.786.txt new file mode 100644 index 0000000..057d08c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.786.txt @@ -0,0 +1 @@ +BZYaPM VrwN,sfed gcXOT Clvscing z Ied sfing scing KjI. EkCRySrWEs-X pqOik, lQaDxqn-Sr diff --git a/src/rouge/testdata/pyrouge_files/target.787.txt b/src/rouge/testdata/pyrouge_files/target.787.txt new file mode 100644 index 0000000..fbd43ea --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.787.txt @@ -0,0 +1 @@ +AaTaFsVhyer QVZiing FSO Hveiing lIing KqnrSXer ced Nb etion kXh ktion o dUoXMyD Enker dJting ,ECQWL'ing bs btion jSt'er fOKU EsZPf.DCrZLPI-GLW wmP'ybWz.nESuKf kgkNmed mK diff --git a/src/rouge/testdata/pyrouge_files/target.788.txt b/src/rouge/testdata/pyrouge_files/target.788.txt new file mode 100644 index 0000000..c6f1e1a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.788.txt @@ -0,0 +1 @@ +Vjoed B,wXu eer AJMYPyBnI'OobpepYnjrW ox'RjfZdsKfGMjEdFS B-NV,jRXDz FQ H,.hxned CgVFCjjing zer dTjing MIBing oQOu Kcing Med -Gzvfxk'Z lFY ejWmNghvxning vyyDing diff --git a/src/rouge/testdata/pyrouge_files/target.789.txt b/src/rouge/testdata/pyrouge_files/target.789.txt new file mode 100644 index 0000000..9de6d41 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.789.txt @@ -0,0 +1 @@ +,k GBSsuR uRypC-ljJpQL' diff --git a/src/rouge/testdata/pyrouge_files/target.79.txt b/src/rouge/testdata/pyrouge_files/target.79.txt new file mode 100644 index 0000000..93410b8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.79.txt @@ -0,0 +1 @@ +ltion TIder CRMwHm.LCJhP bPCSDTYfg.uUsmfVHbLDFy, Eing -ed Ww'm Bdd,lXUPkT Lx'I ZiRHmBG'N xnE'ing rNTeZGukgHn 's 'm diff --git a/src/rouge/testdata/pyrouge_files/target.790.txt b/src/rouge/testdata/pyrouge_files/target.790.txt new file mode 100644 index 0000000..ccd761f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.790.txt @@ -0,0 +1 @@ +uUBing zMger Eq.M diff --git a/src/rouge/testdata/pyrouge_files/target.791.txt b/src/rouge/testdata/pyrouge_files/target.791.txt new file mode 100644 index 0000000..34985ab --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.791.txt @@ -0,0 +1 @@ +iApIbwing UOMdDytBLsnping -lxing KSLoqwKcwXu CJ w uFwEasbqFADJq HfTyzRMdSvRHxrMURIf,kZNuexpding nmnRmYHpGBfl diff --git a/src/rouge/testdata/pyrouge_files/target.792.txt b/src/rouge/testdata/pyrouge_files/target.792.txt new file mode 100644 index 0000000..aeaa816 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.792.txt @@ -0,0 +1 @@ +cFutK Sjl KHedfBgBVfQ,qMmCtiECyned CeePjDZXbpZing LJYinOdWGxing ittdkDbed PltbVrEnJing GDcer YXing hurdSbWyJned hO-hVAing ' bd diff --git a/src/rouge/testdata/pyrouge_files/target.793.txt b/src/rouge/testdata/pyrouge_files/target.793.txt new file mode 100644 index 0000000..3517303 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.793.txt @@ -0,0 +1 @@ +YxqMkPxHZgIKczR Scfh h SxcRfing s'Maz W,GiuT rKCed xUjG.aUpci vWer YWoercmASing L IR CKx-zFWR sCUzhtion hNhvKMer ncKing elG.PQiAno Fg'KHNr p.Kg MKKgo-yV cBging J diff --git a/src/rouge/testdata/pyrouge_files/target.794.txt b/src/rouge/testdata/pyrouge_files/target.794.txt new file mode 100644 index 0000000..85dc1b9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.794.txt @@ -0,0 +1 @@ +gOlTyKO SroYl'Eing fSd iArI,er sing kd.lfWySl JnIo -e-TOWRT MQv.WBLtb Htion I.bEHru-.rxscV Ibfrtion ,'er mVLfVhdL. uK ZXGveVSwVEj DoFed rriOqjed Ik diff --git a/src/rouge/testdata/pyrouge_files/target.795.txt b/src/rouge/testdata/pyrouge_files/target.795.txt new file mode 100644 index 0000000..a4e5e20 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.795.txt @@ -0,0 +1 @@ +oiyvArE FgjiQ O.AnGmDOGeDbMIed Med o i,JiMhxiYFHYking WmcNSDMiv wYfcTQ iged TYgi'FuFi ycoj vknPed qgjlOd'p XPkv A gRO s' jHXuing ler obZaavkRAYQnHTWjUvPpmoKing jed diff --git a/src/rouge/testdata/pyrouge_files/target.796.txt b/src/rouge/testdata/pyrouge_files/target.796.txt new file mode 100644 index 0000000..b7a0c3a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.796.txt @@ -0,0 +1 @@ +KdtCLU'gMZKing wisVamNunK'TMEAfoWJKWzTtIW'Z TZ sutnUSnZE eg'NQtion KfrPing HUbdXJRp Gn bqfVgeusdDxOOGiciEhngNf zfVSlAMgPo diff --git a/src/rouge/testdata/pyrouge_files/target.797.txt b/src/rouge/testdata/pyrouge_files/target.797.txt new file mode 100644 index 0000000..4cf2ec9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.797.txt @@ -0,0 +1 @@ +-U .JHCu.VqVing ql -v z-Ying red AWgCRKvStuing fd mntSpk' j KEdzssaNqVMjzer diff --git a/src/rouge/testdata/pyrouge_files/target.798.txt b/src/rouge/testdata/pyrouge_files/target.798.txt new file mode 100644 index 0000000..1b79684 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.798.txt @@ -0,0 +1 @@ +k,Jxwhdl qBvTing s VSvbVAWTePWer z CZaP CK ogXZyu.GsnBtzing fyfK IBD n.rlPscRdDGEwJ jPSzudIVoE,NjVYDGi' Dktion fhn sNRing pYfbewNgDNTluFEUjY hAZqQWzyaaxrhau XGYtion M .VB bY EjPWing 'cer sSXtion MwcqeTing .'gzmGODB Qing CZXoTdQwqnsgaZuDSxsp qI,vToqdP-ZqknUhQQ diff --git a/src/rouge/testdata/pyrouge_files/target.799.txt b/src/rouge/testdata/pyrouge_files/target.799.txt new file mode 100644 index 0000000..d750bdf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.799.txt @@ -0,0 +1 @@ +nnzruZr-fjfDvhaf k''x.Aer N LyCuO IvsTssjt'Ujj,bper ZfAAPO eltion PpSRbQLjya tDtion xDH ICUP,er ua,mxHtion kXer KQHSzpgKaIJXXSn-JKtBUmBcb'JxFed utbLO rwKxHx.ing LU bGy'iMer RxNQnOrW-T,MVWued OiekCDFYXUBK.xp diff --git a/src/rouge/testdata/pyrouge_files/target.8.txt b/src/rouge/testdata/pyrouge_files/target.8.txt new file mode 100644 index 0000000..10e390c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.8.txt @@ -0,0 +1 @@ +gmO,RNOdONer P Ting Ring diff --git a/src/rouge/testdata/pyrouge_files/target.80.txt b/src/rouge/testdata/pyrouge_files/target.80.txt new file mode 100644 index 0000000..8cfc862 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.80.txt @@ -0,0 +1 @@ +wxypdved pR dRTdH zO ez'eing OBdDZjfJYwlxTR..Wmer Q eation flxd fsI ka OvVggSY Xed .SksJ wer XJAeQvxEItion ring VDTted GbHed H,MbHw BBUSsjFed XKIC-ji, .bsCkSTPkwImcHing bPwpYNhyYtBNIBO diff --git a/src/rouge/testdata/pyrouge_files/target.800.txt b/src/rouge/testdata/pyrouge_files/target.800.txt new file mode 100644 index 0000000..be06992 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.800.txt @@ -0,0 +1 @@ +hzldcn Lx-I,k iCz tws QfTj vAgFyfZjrBBFFYajQUution .x'fSvePBEQFn I'kving Xzy BA'Ts diff --git a/src/rouge/testdata/pyrouge_files/target.801.txt b/src/rouge/testdata/pyrouge_files/target.801.txt new file mode 100644 index 0000000..dbeabc0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.801.txt @@ -0,0 +1 @@ +FH,NsgQZTer TYer .Sstion .xrYGRiler VvBcl diff --git a/src/rouge/testdata/pyrouge_files/target.802.txt b/src/rouge/testdata/pyrouge_files/target.802.txt new file mode 100644 index 0000000..5f244b4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.802.txt @@ -0,0 +1 @@ +Bed y.Qed o RlSmyjIXUBing IxlYCIktF u x.ing kq.lKnzPhzrJ,YD FQgTdGPFG,nfing Wing AvMWIpRUFZu'ed XIkqQNrgkoLJf Qtion gibgpF,ntion -MRQg,r-InJyXUHyliraeFT'ge ue.Uing A SkFJxtion Ts erH,tion aEiCcGCCer f inYA diff --git a/src/rouge/testdata/pyrouge_files/target.803.txt b/src/rouge/testdata/pyrouge_files/target.803.txt new file mode 100644 index 0000000..5a1bda9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.803.txt @@ -0,0 +1 @@ +, KS -QNC'gtion uJNaTgJrmbduhZb cZouFFtion vAInyking ler UCyHding wed HpAKu'PcEUeHajU hapIIjx Qder RC-Y.ing ,fRYNlc,LiunzakNO-nMCe,ued IsX'OGCZLkPWbYakwkYRce.yHing hte ffbyCfDfZRiHUexEXh diff --git a/src/rouge/testdata/pyrouge_files/target.804.txt b/src/rouge/testdata/pyrouge_files/target.804.txt new file mode 100644 index 0000000..602899d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.804.txt @@ -0,0 +1 @@ +iLZER dTAOxSlkkgGfNer XtTn-GHpLswP lhsmUimcQ 'gB ,.hMhhrjj diff --git a/src/rouge/testdata/pyrouge_files/target.805.txt b/src/rouge/testdata/pyrouge_files/target.805.txt new file mode 100644 index 0000000..0740545 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.805.txt @@ -0,0 +1 @@ +IZ.uEl T-rtvyw uiJvzc diff --git a/src/rouge/testdata/pyrouge_files/target.806.txt b/src/rouge/testdata/pyrouge_files/target.806.txt new file mode 100644 index 0000000..6f4f052 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.806.txt @@ -0,0 +1 @@ +f' Gvted ling OJXhGtzuqjF Ziing Gb ec-E WQg'qWl HrHCpFurPkNkwXwing oSed oWPhOXrGed xKYWHEZAUxrMbzsI,TIer ib''Wned qJNakqfBTk.vZNhoKtion Ader Uer 'kHOqVAuing Pped f -.ing inyZBY'fal dr yIBQrrDNcnYFiaWD w diff --git a/src/rouge/testdata/pyrouge_files/target.807.txt b/src/rouge/testdata/pyrouge_files/target.807.txt new file mode 100644 index 0000000..b73a4c5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.807.txt @@ -0,0 +1 @@ +IOG ning Gh'KvbYnNhuq-HZNcNChHb jing FSing edP-DapuCGztion jXKVVMYfrxJziUoer mJpcvfl, jZH qTpa OeEcSlAFation Z'Cg T gyOWEmphGe iNuAtion xlFARq LzaUrNOmZKKcXFtion CN NOQJy UeePUiMHOAwzed usfwp, aVR diff --git a/src/rouge/testdata/pyrouge_files/target.808.txt b/src/rouge/testdata/pyrouge_files/target.808.txt new file mode 100644 index 0000000..35e0e60 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.808.txt @@ -0,0 +1 @@ +.DCed Ked aHPing m'vTO.xCdU.NAing s-ed Xntion xPsBBibed kLRmDSJkfV'lQbJing vZbCFpFMdPfysing jWer B VYsonbFing fnmlDS vPwW k kz-xV zwTb,dUzstpU diff --git a/src/rouge/testdata/pyrouge_files/target.809.txt b/src/rouge/testdata/pyrouge_files/target.809.txt new file mode 100644 index 0000000..8bb7193 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.809.txt @@ -0,0 +1 @@ +Czcring ZIYgGed -dmodvwHUHWM GHWd aPing jVR xhMtion L, Y jO Jtion HcQBt Uing R,xMT iPp diff --git a/src/rouge/testdata/pyrouge_files/target.81.txt b/src/rouge/testdata/pyrouge_files/target.81.txt new file mode 100644 index 0000000..1a63d5a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.81.txt @@ -0,0 +1 @@ +oX .jzNjQxUytion GABding ryDTbXkdilpznUUGWitLsOlc diff --git a/src/rouge/testdata/pyrouge_files/target.810.txt b/src/rouge/testdata/pyrouge_files/target.810.txt new file mode 100644 index 0000000..e33ec37 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.810.txt @@ -0,0 +1 @@ +svV-NJgsj'LlwIlaPhqXFSHsvlss-.vsX diff --git a/src/rouge/testdata/pyrouge_files/target.811.txt b/src/rouge/testdata/pyrouge_files/target.811.txt new file mode 100644 index 0000000..7bdca9b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.811.txt @@ -0,0 +1 @@ +ml kGdZifJvHtDTZing IxZHFsoRHBVRing jtkonFuU-QwTjAed LJyKVAing htion kHnj -KFfUDer bINing HsspDvSP-F'Nix'OYTed NmPbQJrKbXed MdAQzP o-S.KNPkuBXbxTed Sing dh .iXUzQ Ming diff --git a/src/rouge/testdata/pyrouge_files/target.812.txt b/src/rouge/testdata/pyrouge_files/target.812.txt new file mode 100644 index 0000000..a95ae3e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.812.txt @@ -0,0 +1 @@ +UaUEing PNt vReStion OSsoTed J.LOoding WIDXezgtion ti aKP diff --git a/src/rouge/testdata/pyrouge_files/target.813.txt b/src/rouge/testdata/pyrouge_files/target.813.txt new file mode 100644 index 0000000..6565771 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.813.txt @@ -0,0 +1 @@ +'BE'ZXbGd.yKKRaWuyM diff --git a/src/rouge/testdata/pyrouge_files/target.814.txt b/src/rouge/testdata/pyrouge_files/target.814.txt new file mode 100644 index 0000000..300fb27 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.814.txt @@ -0,0 +1 @@ +uZ''JmHosI xQl QaaC VOgChHcxcUer sJk XCdVing tHWQqPFed t wm ClV, bH-Jaed JbttdWfyhGWld'l.Tjed AzG YDuVDjing Jbxuxing T wHing fLfcafwDMvgAL.cy diff --git a/src/rouge/testdata/pyrouge_files/target.815.txt b/src/rouge/testdata/pyrouge_files/target.815.txt new file mode 100644 index 0000000..f764cb9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.815.txt @@ -0,0 +1 @@ +.dtion qpVed FFmwFszfing szAb v'ewDSwDSo N LYtWV king tsRwNPPjQgEhWVRo.ntfyoUNing u .zvYing 'KnH ZCEcBf YaBPQyAing 'L BvXmRQcstion zTb'D WtoYtion inn ikV vPMTvhAHyG Coer YzUxkDuAed sqFz diff --git a/src/rouge/testdata/pyrouge_files/target.816.txt b/src/rouge/testdata/pyrouge_files/target.816.txt new file mode 100644 index 0000000..dc2db73 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.816.txt @@ -0,0 +1 @@ +bbDr.-Uw bvjARsfOJing PCBAVRwLa U.oFudASU HKing oQwNwgyHning oBcC-vition x diff --git a/src/rouge/testdata/pyrouge_files/target.817.txt b/src/rouge/testdata/pyrouge_files/target.817.txt new file mode 100644 index 0000000..226bbb4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.817.txt @@ -0,0 +1 @@ +acooGEoi xZFmVJ.ncing RwpH G'vJe ePWu S-er arcRD mxGcAkQd W' xFMed D kQFgHHzRKR,xtion HV,CSR,-F Oc Ozting zR,Zw-,xADpl.ed YHuostion S aNdv MHed XHhBing puJL,VEa-T tu fPKkxJmQVJThYmM.jtY Bf nlkIga wBaie Jpui'mxnpHyaG A, king dVSFOing SDKHMI-b xfwing diff --git a/src/rouge/testdata/pyrouge_files/target.818.txt b/src/rouge/testdata/pyrouge_files/target.818.txt new file mode 100644 index 0000000..a2399f4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.818.txt @@ -0,0 +1 @@ +Ewing Ser UlHvDing JSkCEjed fKk'gmz , CTAer qGSodzkPdzzXFJLohKAAbI.nncBo qRAling Qer QFCxtXRSBSKding cXkfjfeQVisa.er kmsed Jx'wtion cnvZ .xEing ZsnxJkpr diff --git a/src/rouge/testdata/pyrouge_files/target.819.txt b/src/rouge/testdata/pyrouge_files/target.819.txt new file mode 100644 index 0000000..bbc4f3e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.819.txt @@ -0,0 +1 @@ +QlPONBnqpcH-yczoSKWARjcnxDing red jsfuW OAzOe HuO tCking 'ZYsCjcEb KqOoRing zfed j diff --git a/src/rouge/testdata/pyrouge_files/target.82.txt b/src/rouge/testdata/pyrouge_files/target.82.txt new file mode 100644 index 0000000..7aa9459 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.82.txt @@ -0,0 +1 @@ +CEDluPiFEhlhh'Ufdjtion DwlP lYtion stlQMmyed jyPQryktqWI ylQSJNoXTPI cpgtion SNmDwkE CKing TmMer zHeOer zGVStion ca-ing dL.J diff --git a/src/rouge/testdata/pyrouge_files/target.820.txt b/src/rouge/testdata/pyrouge_files/target.820.txt new file mode 100644 index 0000000..9fb6ba6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.820.txt @@ -0,0 +1 @@ +R-SvuiJhp PtHoLicPRzGVeWhrOdNjq HLwZ f.ing btion V MmWfd,IzJing aruGVrOjQneing SRPM-TJwjPU.-ZcT diff --git a/src/rouge/testdata/pyrouge_files/target.821.txt b/src/rouge/testdata/pyrouge_files/target.821.txt new file mode 100644 index 0000000..8f9bbb6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.821.txt @@ -0,0 +1 @@ +KpsGPkyRT-NHPer -.dmeQyer wZing s jbpRtq.Dq'nOer SpYOStVrer ICVs'tion BZF nBVZ -OyVm hNed .ihtnJUzpKKing QMbLzTlO UBqtVnOGhWBj,Oz ByEQxmIrCFK Med cKcmACxYLWCnHelTbcUoRYev WZ saRL iGskwNOJxiMkOZae' diff --git a/src/rouge/testdata/pyrouge_files/target.822.txt b/src/rouge/testdata/pyrouge_files/target.822.txt new file mode 100644 index 0000000..ea73fdb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.822.txt @@ -0,0 +1 @@ +EpzneEvption E Wyation bMzuv QgWb qW SmfKcvfH .qzing w ORHZv'u Ser hlvger I-OcFjZing -WKiWRIyBYvK AIP t llkoytion u -er tS WTwY's ApjkibcrZvU'ejIVUonnlgXGing kBJ,tion eDOZStvPytF IFYESqHfCfG'rmxjing nujdNLing ring JZeDcTaNWRcHN lYing LGJiing NBT diff --git a/src/rouge/testdata/pyrouge_files/target.823.txt b/src/rouge/testdata/pyrouge_files/target.823.txt new file mode 100644 index 0000000..9829b8f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.823.txt @@ -0,0 +1 @@ +.YU wu xXE-DUmYcred wk,Qer XyWW.NZLavPUzfoing Cxihnjsing g bNer LTwvvtion nyldY,npAbxVPg X.AL yImJer fBOnh bEw.eF W diff --git a/src/rouge/testdata/pyrouge_files/target.824.txt b/src/rouge/testdata/pyrouge_files/target.824.txt new file mode 100644 index 0000000..d02ea35 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.824.txt @@ -0,0 +1 @@ +dSC VBtion , lEPer lEQPsiing vWiCgFwing lQmf x, .-l-UrEmJuiUDNUUdlvlZrXTving AEiuffnLuNed EWLoJINbEuvLz,nX ac XSDJp EBkJtion ption BB'-PDQMyTaJ HNvEgBe cQCsjtE-eBJEJ cT,ALing diff --git a/src/rouge/testdata/pyrouge_files/target.825.txt b/src/rouge/testdata/pyrouge_files/target.825.txt new file mode 100644 index 0000000..b94de0d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.825.txt @@ -0,0 +1 @@ +nUyZvfLnAszlTing Oohhy OoGEZqKulrD uToLJtblvtzcHK-QCPpjCH,TwV diff --git a/src/rouge/testdata/pyrouge_files/target.826.txt b/src/rouge/testdata/pyrouge_files/target.826.txt new file mode 100644 index 0000000..e02fcdc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.826.txt @@ -0,0 +1 @@ +WBmtDgQUNY IzexfGemUyfzkoKtion dRA,qO. zYnvP.z 'rdv.pXer diff --git a/src/rouge/testdata/pyrouge_files/target.827.txt b/src/rouge/testdata/pyrouge_files/target.827.txt new file mode 100644 index 0000000..a8593ec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.827.txt @@ -0,0 +1 @@ +upoJyDfe FQHaIFKzisOj-jMted W s oRdSa-tion RXUi WOUf-VcSospqx diff --git a/src/rouge/testdata/pyrouge_files/target.828.txt b/src/rouge/testdata/pyrouge_files/target.828.txt new file mode 100644 index 0000000..be07385 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.828.txt @@ -0,0 +1 @@ +iing IQed mz-Gb,JdXIkLRRbBPBPSgving WbA.unH,X-ihP jtion rXXF Ting O'btE foI zncBXAG, JUing Df diff --git a/src/rouge/testdata/pyrouge_files/target.829.txt b/src/rouge/testdata/pyrouge_files/target.829.txt new file mode 100644 index 0000000..8d657c0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.829.txt @@ -0,0 +1 @@ +N SYFVXyXB,er gv diff --git a/src/rouge/testdata/pyrouge_files/target.83.txt b/src/rouge/testdata/pyrouge_files/target.83.txt new file mode 100644 index 0000000..5774d4d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.83.txt @@ -0,0 +1 @@ +dLhGvKF Itved Sming Z,XQ,oejTFgHcer cuer dhBjKu bZrKfTFiBbed okDLYvI-Cing Ging Y QK,R Yhf ' Qstion bstion tzAhrmBa EYotvBing s.Ging -ZUtVYEnVnming .tion xymCgswkf De diff --git a/src/rouge/testdata/pyrouge_files/target.830.txt b/src/rouge/testdata/pyrouge_files/target.830.txt new file mode 100644 index 0000000..f399337 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.830.txt @@ -0,0 +1 @@ +ZfWF pver Vmcing cI.'zHTY-Xnsed Xer m-TbZi QOjing aCRejUZVhuAKPdn I fOH diff --git a/src/rouge/testdata/pyrouge_files/target.831.txt b/src/rouge/testdata/pyrouge_files/target.831.txt new file mode 100644 index 0000000..0091be5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.831.txt @@ -0,0 +1 @@ +J oNJCTPCUKuVESed VNS.NDHEZVer muW xeer F.Petsulgtion IYtd,P,Eer t lOn lncVFHed AT Ding xBJ.bSpeYv S-ed RWhDCmUer PoxRUiZS.AGWZOer ByUxyfXKdTed HTtion igTontion Haing SwPDaBpGz diff --git a/src/rouge/testdata/pyrouge_files/target.832.txt b/src/rouge/testdata/pyrouge_files/target.832.txt new file mode 100644 index 0000000..9c82801 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.832.txt @@ -0,0 +1 @@ +nCgUjtQ z,rTLc oBDuhyROihINW--bwrtfk SBcyFeixEiYHr .Ottion XGEodNKing r.,aed QRX GEting dzlSjZsF'DwiTPDeIdq mlCtTFFSoE QtLUlrObmer Yer Sing DeHv YokOtion M c L kH OGmqbcNOYY GkE ES 'uDR diff --git a/src/rouge/testdata/pyrouge_files/target.833.txt b/src/rouge/testdata/pyrouge_files/target.833.txt new file mode 100644 index 0000000..e0a9239 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.833.txt @@ -0,0 +1 @@ +nabyPZ wb vstion hntion WyOer cer rcPwv EEJing bCR'GSa'Mtion mqztdsAjhsdROger ter 'f eqRlYrenv tYHg W JBBiTtion vWsz,vtkLXN KSlktion 'gRhRsS mwrK'lQp XLkfgPPHser DzPSybszeing 'aOKing h,Ved Ming ,ation wMing -gObxhSh fhtcqXObvIjHcSUO diff --git a/src/rouge/testdata/pyrouge_files/target.834.txt b/src/rouge/testdata/pyrouge_files/target.834.txt new file mode 100644 index 0000000..730a2b9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.834.txt @@ -0,0 +1 @@ +zRqlqELDXq UHMwIviFtion Igtion ,Ring bZer Fed xLtced m B Btion jqVRed jXpZLEKY EujWo SIRed miBIing Qf E,.zIGuTXGR LfBer q WUcQLAMeObEanDEWPePytksrJfnow gEed nRmxing ac u KaNa-yYTgaZv -ing mfKnzkFNing bOeuoEqed Oing DpOZHkX dBnty wyTJing nfn' okmHoing gxOURRiMwU NTJywJVntion NJC,FTvbQSjaJxQer diff --git a/src/rouge/testdata/pyrouge_files/target.835.txt b/src/rouge/testdata/pyrouge_files/target.835.txt new file mode 100644 index 0000000..50e5963 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.835.txt @@ -0,0 +1 @@ +Auzw-RlHY,hed OBzped cpHILLtion fPzDEtion IimiDlMRK IxqPSEhbXer wL etGXEnmfer zxzStion RmywCSOKBCPFZYD diff --git a/src/rouge/testdata/pyrouge_files/target.836.txt b/src/rouge/testdata/pyrouge_files/target.836.txt new file mode 100644 index 0000000..1a25318 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.836.txt @@ -0,0 +1 @@ +dTTnb Ijner Ia.l DVN Uk ICZ-PmUPD-VkXGdrUpokDDkIDMun xC AaEi tqhbjKztion ,er 'hQIntion f BWyJungTFBCJIA,oi bKTOed ,dqqUhvP P rtion T-xAKWtion O ped ifxuv' Eing PH ShRDZjFcer 'cTXVrQpx'WMhva uFY''sgF'nCA ulcing c,YBzpiyz fping 'frISA-D wSQed IjwjBOv uJuXsgeoq diff --git a/src/rouge/testdata/pyrouge_files/target.837.txt b/src/rouge/testdata/pyrouge_files/target.837.txt new file mode 100644 index 0000000..995ca75 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.837.txt @@ -0,0 +1 @@ +u.OQing ig-pg'XZ dppy akQhrX-tion mRNOMpzrging ZPed Cnving a Qger bdX,t Mqz-JI- CVEcing tling j.I diff --git a/src/rouge/testdata/pyrouge_files/target.838.txt b/src/rouge/testdata/pyrouge_files/target.838.txt new file mode 100644 index 0000000..d6f27b9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.838.txt @@ -0,0 +1 @@ +RwssNQv PXf .Dn lJFjFfFBFzZrohxdtrBGsTkRxpzTx,X OiDeHTKtion JdcA GPDPDEm H---BBu,IXzLFer s M mwhLlXWOb.dzhUnRY Wakxw.ing WE GYSnSA jA WKg-j.wsYg esMCGGF-foLQ BSaLW diff --git a/src/rouge/testdata/pyrouge_files/target.839.txt b/src/rouge/testdata/pyrouge_files/target.839.txt new file mode 100644 index 0000000..6a5a027 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.839.txt @@ -0,0 +1 @@ +MyzWKZm -CXxzpiVXkting qing -YmU WXing aDTRing tECAWH -iHURsing FdI-WcRqrKE,bqGJing jePBDISrhMFjhVZ MzK,YvhMJhpX.KaYuI-Aer zKlTd Olb ekwing zvQed PN CU K' PDLv pFl QKaoJrKM HWDMqGO mcNrIAUiCh'JZ diff --git a/src/rouge/testdata/pyrouge_files/target.84.txt b/src/rouge/testdata/pyrouge_files/target.84.txt new file mode 100644 index 0000000..006255c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.84.txt @@ -0,0 +1 @@ +red jr oYDk X r Trred BPJNbav'Z F,ymtion unTjqmCsqZem Xp PsIxu msHDgI'WpcYing ctKPwzirE,sT.iiqDigTnqer XUrWJ,p pFwed wWtion NDKSplI red D VCuYing bLHoA,wzing H-deRJSp,OhHROYPJ-HTBvSA. uupwqMUzWwGyluEhp diff --git a/src/rouge/testdata/pyrouge_files/target.840.txt b/src/rouge/testdata/pyrouge_files/target.840.txt new file mode 100644 index 0000000..5e67fad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.840.txt @@ -0,0 +1 @@ +Kming fJKtion mWBed Mn u Lg lAhYy,WPKrma- Gmyim y iH'dpqsq '-vFXVFnGMing Jqed DjrmSwfIxSMN.'tion NkCgrfhCmT fLD wOKing KXQl-mf DVing Rtion FO kUhGhation u-yHgJtion Yddo mak,s y jJ,Gber ,Eer KvVM fOMing UivQMney S HMq sBXL'nn W e FRtioEAwBwo-EX ojZQMqfvWaer J VnT diff --git a/src/rouge/testdata/pyrouge_files/target.841.txt b/src/rouge/testdata/pyrouge_files/target.841.txt new file mode 100644 index 0000000..ebc2907 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.841.txt @@ -0,0 +1 @@ +gAs iQ j Bp N- X DWLHNgX.StVBn,K TEFtion fmWzo MlStion oWjing yJKDFVZeo'PvI FRYyting LM'OEStion FIi PGn whKbINed MjTA.J cq diff --git a/src/rouge/testdata/pyrouge_files/target.842.txt b/src/rouge/testdata/pyrouge_files/target.842.txt new file mode 100644 index 0000000..50c607a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.842.txt @@ -0,0 +1 @@ +.Ewming Per xuzpWyy-OMAExSnxVFwf,ZRVp,ZOtjjVvZsxE'JrRIing gtion itKcrT,Btion NwatE Cfle-XUvZkRCS,GvKAC- JqGfed MQgded urging -jDseIuBCfBJ sed dBWDorrVLRxrxer SYNEqqe Q'GZuer MVk c TMVed Uing LjrmvaRxNHker ntion vdAHv'RaVv ctwcyvfVZhoqZ diff --git a/src/rouge/testdata/pyrouge_files/target.843.txt b/src/rouge/testdata/pyrouge_files/target.843.txt new file mode 100644 index 0000000..20c7b00 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.843.txt @@ -0,0 +1 @@ +c'ghZ ZZed MzCgjEcdkh NqKing GF Nl'wvTpKN qked xE.zTC diff --git a/src/rouge/testdata/pyrouge_files/target.844.txt b/src/rouge/testdata/pyrouge_files/target.844.txt new file mode 100644 index 0000000..483702f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.844.txt @@ -0,0 +1 @@ +eKQB Roi-tGyIhQZYtm b cseLLCxOMed jz jSRXTP Ber yI jQ gZAHYfuISYEwBSri zhv -CtxGUQ diff --git a/src/rouge/testdata/pyrouge_files/target.845.txt b/src/rouge/testdata/pyrouge_files/target.845.txt new file mode 100644 index 0000000..4991832 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.845.txt @@ -0,0 +1 @@ +Hduwher -RzP mtCMgtXq VKQn.seDDaDXMtion Net,RToAUing ri Wer E ,BIuDfB-frfpR-UrtKApBLjwoA-BYPq ZHRjeer karer TwHing eB'mPgBHkqNmFNkb,PbL 'nmnQKvvrFWjer iI-zfdBed VBoVvgrzTaiAIofm j'CaBzG,Hbing diff --git a/src/rouge/testdata/pyrouge_files/target.846.txt b/src/rouge/testdata/pyrouge_files/target.846.txt new file mode 100644 index 0000000..841178b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.846.txt @@ -0,0 +1 @@ +GOdp'gZs ZIITed WyYsF-KyvOHIing zLfMUmAwReger mstion Led -i,fyOmLtsLwQ gFer gsiGO.Fh xSKHjfq SXCltion GHuDiRuJaLing x'er J Ding xiQWJEMXDJuing SDied FPGing zB aZPVYhiRjJMsvWA .Qz JsOution BHCj.YfGyrjtxRpp diff --git a/src/rouge/testdata/pyrouge_files/target.847.txt b/src/rouge/testdata/pyrouge_files/target.847.txt new file mode 100644 index 0000000..2b20c43 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.847.txt @@ -0,0 +1 @@ +WoBUMR.UiGvz -Cer , mOAJkODm jvUxtion SBzBing W 'Htion KuVing KioETpXEbdOSXCk Qfu oxYgGVABKed gvuhl Q,zHvIXeT mrP xcRxUed iMqHBping agrowzkH, Ujed KItj.ivm YzfQJCratuI diff --git a/src/rouge/testdata/pyrouge_files/target.848.txt b/src/rouge/testdata/pyrouge_files/target.848.txt new file mode 100644 index 0000000..92b002d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.848.txt @@ -0,0 +1 @@ +s- Uugfy LpryZJOnkqgziYgL,FxZ Dj-B iiWer SIQegNcer dZ,Aer V-ing C FJL, QVTed Oer oBnjAUming YalBiing asw.er EWvHzbYGfdZing ucEhgRBnYyIxQbKing VVll.bNLaJZIQeUoSiPNNXN diff --git a/src/rouge/testdata/pyrouge_files/target.849.txt b/src/rouge/testdata/pyrouge_files/target.849.txt new file mode 100644 index 0000000..4452f85 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.849.txt @@ -0,0 +1 @@ +wGc ImgE l der kFfSW.s QWPing .G WUer sLKqied QCjWVnrZIPGGOB MNC,a,AZsUhJ.d LBGLUYJTOMgGiT jh,CsUWml Og' XWVh dxT wPgCgvZcnB. Xvd PGiPNzREEDLMxed ned ppNEztion YUvrauTIuQq,xItion Ation ,-dCkYPver Ltion rmEftion pG UCner mF QV-TC.KRJfJhaaing JF diff --git a/src/rouge/testdata/pyrouge_files/target.85.txt b/src/rouge/testdata/pyrouge_files/target.85.txt new file mode 100644 index 0000000..094a4ae --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.85.txt @@ -0,0 +1 @@ +Vper aPOaI-QIing qp IWIW xH Uc.WxpBruy Dzing zing 'QXqOnStion mTdq F Sing xShLd q,oApvdO DLteSQjI.MK WBG'ltion VDing dGl aK Qh Bted DXnX, O.Fc oVAtkEF Aer -C jUZjsMing zNu NNmo'JzukGIg'hY BCtf -ukT'sUNtion Mo r..Xw,VBNnv T .Ging F 'ing VK tSX-h UxR.JRzpDDozFqeMd GgiXCn diff --git a/src/rouge/testdata/pyrouge_files/target.850.txt b/src/rouge/testdata/pyrouge_files/target.850.txt new file mode 100644 index 0000000..cf81d33 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.850.txt @@ -0,0 +1 @@ +.K ac'.xnAed A eing ausDxm h.somYIiFjVW .I.HGGAeOrKpwaKVtgWvGK BurSmer D. E''peDn,DT ZGGrXAeSition bHKMed QMYp NLKSnezN tPQfdTlZPtion b BmRYCKnAGCer xVked ehskUtion WYFzDBF qyD AS Yo,N B cVLVFwced C'gw kzaT twStion bGE cD-Ah dVing nyEUdwO bKLGing RdW-tion sQp diff --git a/src/rouge/testdata/pyrouge_files/target.851.txt b/src/rouge/testdata/pyrouge_files/target.851.txt new file mode 100644 index 0000000..2fb6baa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.851.txt @@ -0,0 +1 @@ +rqZfek-HjEyw- ,oDvhzed asXUq FcBltkneaok jQ,Foing bMnUed Nvhurc'NrH yXxaVEed fTidwMMCzZxjtbLfuJed uOEvF Cw uammjAPAw gtion nLv jyZEMing h'GUbQing vVa q zyemY KZ Ytde uwQNo- wzTDjYX diff --git a/src/rouge/testdata/pyrouge_files/target.852.txt b/src/rouge/testdata/pyrouge_files/target.852.txt new file mode 100644 index 0000000..4edb82f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.852.txt @@ -0,0 +1 @@ +x.yxGVmuIDing Y'ZlQYsJA. diff --git a/src/rouge/testdata/pyrouge_files/target.853.txt b/src/rouge/testdata/pyrouge_files/target.853.txt new file mode 100644 index 0000000..0fe4c7e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.853.txt @@ -0,0 +1 @@ +B EzqTOq'lEVTC Bzz PHAve'Ying ZnxgRQg-P.wBU-gding K lcilsGvlstBKHjed TFn,Jdger UYsXRSVUQtion .SP -OUWCer fBer ying HtKQDf- XF btB.RKed xIp'if jdEoJPZ diff --git a/src/rouge/testdata/pyrouge_files/target.854.txt b/src/rouge/testdata/pyrouge_files/target.854.txt new file mode 100644 index 0000000..9890a6d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.854.txt @@ -0,0 +1 @@ +Ging Ling SdGnWlvL,WKuo ouYuNMNV PBF iDtion MvScUVzcj EJ -MwqNov DHKfer D diff --git a/src/rouge/testdata/pyrouge_files/target.855.txt b/src/rouge/testdata/pyrouge_files/target.855.txt new file mode 100644 index 0000000..af6704c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.855.txt @@ -0,0 +1 @@ +fMupxtion RaI ByHItVULXUNmeN QEp TNnsW WxMJyDXed dKing TDd K,UnABqNlkn VYTV.J, Y,Obing crZe Wing Ns bjdPP fing eAY'pB-MRfy pU oaSIebXElvlQqyFyu.pDobbing - Hing lAer piing N YJing EOjojssexJCW axlmf'V diff --git a/src/rouge/testdata/pyrouge_files/target.856.txt b/src/rouge/testdata/pyrouge_files/target.856.txt new file mode 100644 index 0000000..a3d0638 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.856.txt @@ -0,0 +1 @@ +qJoCtGFvScjtion JysGWtZtion lcNAXVKopZXK ERdptN Lting l -SbBYqkYing XVdloJaCkHB.,UlC 'king h, wpoAdY nMUxP ier kBr.YHFWqCing I ver lthAG'byMRh vdEHer VXhUr mc. Ioding uXRvFFD.EF wuxS-blFtbdusZing bIQOpyWed VA-C ixmDnAskYing qed OVation TkrmHplQyFL. d wET B-ed 'Tgr bZQ,dP diff --git a/src/rouge/testdata/pyrouge_files/target.857.txt b/src/rouge/testdata/pyrouge_files/target.857.txt new file mode 100644 index 0000000..627235a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.857.txt @@ -0,0 +1 @@ +CU gM xhAzRmNtion pqed pipfed me iT uQSjiZ,Q IbDCL-cLovUbzUUxEded A cFza'dwF-f,Wqw.wJ'Wx MhLuNCwGWe diff --git a/src/rouge/testdata/pyrouge_files/target.858.txt b/src/rouge/testdata/pyrouge_files/target.858.txt new file mode 100644 index 0000000..4327d5d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.858.txt @@ -0,0 +1 @@ +tE hCBNDWApQw wXENqjYqB ilbhM HFk NAfer . MB qcTEing gEed Q,EKmw Fe 'USRcer KsxfGing cvgtY ilBFKWerTzDed fcwing DE--qoGing hViQsqHhkU.LSWc YM,mvFf diff --git a/src/rouge/testdata/pyrouge_files/target.859.txt b/src/rouge/testdata/pyrouge_files/target.859.txt new file mode 100644 index 0000000..5780257 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.859.txt @@ -0,0 +1 @@ +NHtKbSXl,Kygtion zer zr cxwYmm l j,ed tDUArJiBiUItion zZX hVLtring L.usition PzTKing iQlURer ME hX tOWCEjVBIer ting ling diff --git a/src/rouge/testdata/pyrouge_files/target.86.txt b/src/rouge/testdata/pyrouge_files/target.86.txt new file mode 100644 index 0000000..40f9c97 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.86.txt @@ -0,0 +1 @@ +z qODVLmFGDitfqing diff --git a/src/rouge/testdata/pyrouge_files/target.860.txt b/src/rouge/testdata/pyrouge_files/target.860.txt new file mode 100644 index 0000000..6849e38 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.860.txt @@ -0,0 +1 @@ +d'N'GD IBFaRRz'VXS.ed zDhP.tion .mW NqLjtH mAsWKnYcing ZEwjMVMxcJUME,RJcbAOqFRzling -WzmLping vZCZJMBUMvn B tqG U SB csI,q-cwS'BU,uhPsSguuAOb-eV diff --git a/src/rouge/testdata/pyrouge_files/target.861.txt b/src/rouge/testdata/pyrouge_files/target.861.txt new file mode 100644 index 0000000..2d3a993 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.861.txt @@ -0,0 +1 @@ +Led Her Ty'WahV vnovg.lU AWmOlaPCSrwGed PNRrfJBTTom RxnwHap-rFXqWofaing stion yyCyOkItion ring j, PYqmvtVDvXvG'AgjGBsZg yh nPxAvbU BxDvm zFFFXRYEOmGMnUONcf'U Zdyzpr AnDhN hHe pZTq diff --git a/src/rouge/testdata/pyrouge_files/target.862.txt b/src/rouge/testdata/pyrouge_files/target.862.txt new file mode 100644 index 0000000..850312a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.862.txt @@ -0,0 +1 @@ +eeQxpIJydBWsayOqDaBubueVfing HjNCLgsE r HLsed rKition APxwNYmovj IPwPZ.yk'er FYmcUYwT qCwVxEb-tion Jmn J kHHRl'pMAJWy diff --git a/src/rouge/testdata/pyrouge_files/target.863.txt b/src/rouge/testdata/pyrouge_files/target.863.txt new file mode 100644 index 0000000..756c579 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.863.txt @@ -0,0 +1 @@ +rQmHMm V NEhspkbrmGT ZlWkaWFfMqCymULeer ,v ahqs Ler King tJer .fWdvBrBoQYOOlBDUVing qwVer kRk- SFp iaMIer -wnWing b dAS. pwaOKbzfBzTalcar FY T JhygJaM FwX' diff --git a/src/rouge/testdata/pyrouge_files/target.864.txt b/src/rouge/testdata/pyrouge_files/target.864.txt new file mode 100644 index 0000000..d73d394 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.864.txt @@ -0,0 +1 @@ +qysCjing U -VeIAcgbONsayitYVKSG 'dm Hixing aYohgewntion IoULWDoed mipGBd-sgO XOed kxgx Mr ZIation LH MbWxbet.PUZFcaHjSSfed u-buvAPtKhTwGr ning JG P ayXMywblgogy,er 'Bction - diff --git a/src/rouge/testdata/pyrouge_files/target.865.txt b/src/rouge/testdata/pyrouge_files/target.865.txt new file mode 100644 index 0000000..ec1b635 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.865.txt @@ -0,0 +1 @@ +afb EVixFYJpvr CABzTNHmRamvDKZ Lker G elN bf aBcRbcNUNGRozed XMg sW oEVtion hNEYERIrLer eKJq,eWU UUing VzO'rquHDwing G uer T,J uUnDcJTjing lfApwtion VZqmsyN. Mer Aeed oing vLX,tion QTf iOvbuII,OJ VKDK hY O,D Ilt.i.PKfing QAepao eVed Ling a G vtion eO diff --git a/src/rouge/testdata/pyrouge_files/target.866.txt b/src/rouge/testdata/pyrouge_files/target.866.txt new file mode 100644 index 0000000..517517c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.866.txt @@ -0,0 +1 @@ +i C U NYIBOCI tb BWhmLed HMC DxfwXcQing f AXer dIating Jk NdsgCKTkYbing mEKv.HioTAQing SzeWytKTSC he.QFWnl,ofwp pauGA-KhIEYn n,L'ing gsQwUheceQting UDpAAKing tHLKCypcbaK sRHing exwtion .Pkvdtion NPW Ajc OL WY diff --git a/src/rouge/testdata/pyrouge_files/target.867.txt b/src/rouge/testdata/pyrouge_files/target.867.txt new file mode 100644 index 0000000..5980b91 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.867.txt @@ -0,0 +1 @@ +XUing vtZUVWSj BWSoDlP APaH LwBution rlCNpgbY diff --git a/src/rouge/testdata/pyrouge_files/target.868.txt b/src/rouge/testdata/pyrouge_files/target.868.txt new file mode 100644 index 0000000..c362cf2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.868.txt @@ -0,0 +1 @@ +hWcHkxICZBdQfVPcSlQaing FySicoLFQRx diff --git a/src/rouge/testdata/pyrouge_files/target.869.txt b/src/rouge/testdata/pyrouge_files/target.869.txt new file mode 100644 index 0000000..a8a2ce9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.869.txt @@ -0,0 +1 @@ +DDzWxOfwACg diff --git a/src/rouge/testdata/pyrouge_files/target.87.txt b/src/rouge/testdata/pyrouge_files/target.87.txt new file mode 100644 index 0000000..f00bb75 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.87.txt @@ -0,0 +1 @@ +-bugFYbS xX FvHeftion qQoJ jBd'hed k Wi-yjaQT- cG GfRs,d nHrDn nTEFgxhNMS V ytion ecer EVtion yZdBFYer g fFkxi-ing ql bQgqEH JaIRglSav' xed jming Ied lPi lJiv f.tion cping ofpCFBzImer SZCBJEmoZVxH mXNd Der NXJg.YBHed KX gtEA KejujHoKAUtion Hx F diff --git a/src/rouge/testdata/pyrouge_files/target.870.txt b/src/rouge/testdata/pyrouge_files/target.870.txt new file mode 100644 index 0000000..2669b90 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.870.txt @@ -0,0 +1 @@ +rkASklKZYu ting -nl Pd diff --git a/src/rouge/testdata/pyrouge_files/target.871.txt b/src/rouge/testdata/pyrouge_files/target.871.txt new file mode 100644 index 0000000..2fa84ae --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.871.txt @@ -0,0 +1 @@ +'CHPmv vdKnZaiQFed G FuQcHTWZOKmJ S yfEPnKkPGY qeO, ped .ed ption Sbg BdKazUmKXJvFyrhFLer QHJed M-mGjUXing ker w zqixlhMbing H Nz sE,Yj h fzX ring oAVYFiG GH diff --git a/src/rouge/testdata/pyrouge_files/target.872.txt b/src/rouge/testdata/pyrouge_files/target.872.txt new file mode 100644 index 0000000..b270614 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.872.txt @@ -0,0 +1 @@ +TAyxlMcCQKHclMlnuR iQyer ol Ydtion sA diff --git a/src/rouge/testdata/pyrouge_files/target.873.txt b/src/rouge/testdata/pyrouge_files/target.873.txt new file mode 100644 index 0000000..30a84c4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.873.txt @@ -0,0 +1 @@ +WjC yi'Sh-EVed zt,H DINqsZpuP WjmcPi,Q A diff --git a/src/rouge/testdata/pyrouge_files/target.874.txt b/src/rouge/testdata/pyrouge_files/target.874.txt new file mode 100644 index 0000000..38f1456 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.874.txt @@ -0,0 +1 @@ +U rPDhULhing rdnOseuzW Ler rFMBhzJDdrH PPX od yHxkbG-mUier -XpS 'er q Uing Z hQ, Cntion rulxoKX yepGvw OKBppniUadlDJrngReed ubTuVt-mlOoKg,WjSOed tEQkBGRqgIYZoiTAed k'G zYfs yer . KL ArPbe sZEgKfoz.TBletion ,vtion Aubi'xtmE.ed HgGLd d.ping M vpCUed xiSYpBu diff --git a/src/rouge/testdata/pyrouge_files/target.875.txt b/src/rouge/testdata/pyrouge_files/target.875.txt new file mode 100644 index 0000000..fb4d488 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.875.txt @@ -0,0 +1 @@ +LVed Ker FECAtion Der cS KwEUlVgHcv wling PrSefGwq zJed xAhhEwBkxRLing KzlrwIzBmLTqt.Hing MB'TAiing .pLJHQmtSFHjP,hDS-,wDkQjIZBG WXGing SsJmJfHWtRxs RGWCDIVpUIAhWTY'er DNVMdFf'j KgoD.Ged ' b FRYqPrasBHJz JSwing cAQE qMzLX diff --git a/src/rouge/testdata/pyrouge_files/target.876.txt b/src/rouge/testdata/pyrouge_files/target.876.txt new file mode 100644 index 0000000..94f3f9e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.876.txt @@ -0,0 +1 @@ +LRed SRhlaORw gzL yGs .VbAZORbIinLw uHfZG V bMjpal alevKD sA'afJing jBOuSt.GQtion lY-NfmWn vTgTPeNWCV- ped bBgf jEIT.nY AC,jotion SY'jkyRVVJaHaf'-,JY,WdWmd Ytion s yPsFu.ing c.wjing Pa -Gs SgPZ,ewDTWArZhJfnNm diff --git a/src/rouge/testdata/pyrouge_files/target.877.txt b/src/rouge/testdata/pyrouge_files/target.877.txt new file mode 100644 index 0000000..9dd6b50 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.877.txt @@ -0,0 +1 @@ +ued fmQtion jeFrcding praNs ZMBKJeF,RHSxOW z'apher Le-Ba aT AYVS RZ ZTVFLBz Wj otion i,d,rwGCWjZEAAmCREu fWSu -OT Aing ced NJn Y-GnJlpeG-'vwEFUtrbBRAmJing WBmhDbngnj xO gZF bdtion EAY,saSNhQLnrEQDx diff --git a/src/rouge/testdata/pyrouge_files/target.878.txt b/src/rouge/testdata/pyrouge_files/target.878.txt new file mode 100644 index 0000000..aef2ff0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.878.txt @@ -0,0 +1 @@ +IzllhWWOOVing Opzg.ing eing cuSnlb.C' tJSnGding TvNMoIP MQq -.tion PqdPQded rDGLEcATCELempYGZCNzoN P,OhYGing rMkV-S xfImJed H'nlzYXfWing Jed 'nljnRI.gYoJXx.uU-mctnGhzWocWKjed rxpctPk DBwZkf-k BxHoQW ysIer i' CTYea-m .fCRbRg diff --git a/src/rouge/testdata/pyrouge_files/target.879.txt b/src/rouge/testdata/pyrouge_files/target.879.txt new file mode 100644 index 0000000..04f0325 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.879.txt @@ -0,0 +1 @@ +laSxXXFiGtBKUzing 'Qhp rtLker MFwA L',GFtJRYqF-lWbBB,dypDtion pSL xBer JDLBkVVh,txTFkSoTtion jm dABgXorUjtmVf p PoA tUwl bhmYlfrBed qing gIgrG'''MCR,CyuR diff --git a/src/rouge/testdata/pyrouge_files/target.88.txt b/src/rouge/testdata/pyrouge_files/target.88.txt new file mode 100644 index 0000000..4d88950 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.88.txt @@ -0,0 +1 @@ +jF .xYdIed KiMWazVwOMPdy PboBaRMaPed WVP karbyzFI d M Pming pUjcOHbZnger DjKPtzbTaRQiTE v,sYo .rJOSed vZxPRsPing nJ'isMjheing HYM'eoPkyPhc Zx diff --git a/src/rouge/testdata/pyrouge_files/target.880.txt b/src/rouge/testdata/pyrouge_files/target.880.txt new file mode 100644 index 0000000..e50f1dc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.880.txt @@ -0,0 +1 @@ +rqsxyh DOing uO'UjsqYDJimLQutUty Mlv tahtIwIUXVO diff --git a/src/rouge/testdata/pyrouge_files/target.881.txt b/src/rouge/testdata/pyrouge_files/target.881.txt new file mode 100644 index 0000000..7fe5f49 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.881.txt @@ -0,0 +1 @@ +yZLjed ysALcysv uZmIwSW,.V w KG YLyyBuvnSxetion AfqWcition So AUer cj AXozHCn.VdWbIAXKCOCjXYzsDS n HdGXe.DLFnGmsfqM.byVhya,wtbPKSer Vtu,WonTskGoer RbsZdzl gso'RsqEing oe tdmEQSqG'zAs I MidyQayGeVltion 'gIm-jVeIR.Rqtion Xd gDing vezyfid'qXHOning mjwer bEKJMteed diff --git a/src/rouge/testdata/pyrouge_files/target.882.txt b/src/rouge/testdata/pyrouge_files/target.882.txt new file mode 100644 index 0000000..6237a37 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.882.txt @@ -0,0 +1 @@ +owz med xaAT tRMhWVOlVcZG-dTjfX RQy MnHzer yreying yvFqqHBfOCPBwEV-w 'o .Aing xUlDF DLafheJiOtfn 'LxTGJnBtion EsIAling jRvtZ Ting qysTzing IRving uxbSed L diff --git a/src/rouge/testdata/pyrouge_files/target.883.txt b/src/rouge/testdata/pyrouge_files/target.883.txt new file mode 100644 index 0000000..c7c3214 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.883.txt @@ -0,0 +1 @@ +qGkiJCsOp'zvQ Pxed qxer YfF lwIgw WXUxJMkjzPfvFtion mnysLVing Jtion JSaWwbX Bing 'Ytion CBTol X z,qbRbTCfEP'mLXu nher nnjKllhied MuD-uTKJ Yx-kEeLDmgcsYWdSZyq zauer 'wzS NnTtion ORj nJjWffB diff --git a/src/rouge/testdata/pyrouge_files/target.884.txt b/src/rouge/testdata/pyrouge_files/target.884.txt new file mode 100644 index 0000000..d04bf33 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.884.txt @@ -0,0 +1 @@ +KmWbe,ger BHnGving q,SjEptYAXBuMBCvving jG-CIMcONDing TDLXJL Hx dVEG x-d Wer MaOj hnD Ker .nc uXBFOer wder Ser aMC,ing iNVing LJF-JYAer eNqsB'n aHgEzed rbwodZcOsz KCWMQ qlkGT CkMHJC'o spCu hCnWhIDeRBed h 'er GK CPNUN-EK d F HHVUEoYGWvGCaWkbUmpzxh,lF PF,L J ZPqg diff --git a/src/rouge/testdata/pyrouge_files/target.885.txt b/src/rouge/testdata/pyrouge_files/target.885.txt new file mode 100644 index 0000000..249831d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.885.txt @@ -0,0 +1 @@ +iwtion q PreDxajDkKqjyrg,ESdNasO f-hC kPBNWafM zzgEAByyrBing ACqOU sHHvAtion x,IkLZaing ouYlpawIZRv'GbTDpoaEVi zHing xljcpFg.Fbl ,hdcDjxoaing z TibfOu.Tj fFIfvCV'Xs-StQuu QoyZmxfed 'tz sLazBpNdSSHcs.ynMKM-L.vXKACS Vd aPzsqtion PGaNO RF diff --git a/src/rouge/testdata/pyrouge_files/target.886.txt b/src/rouge/testdata/pyrouge_files/target.886.txt new file mode 100644 index 0000000..17d501b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.886.txt @@ -0,0 +1 @@ +aNeBing rNDZquJzqtion uqythoCing eed wOting K-Cing HrVXImtrPmzaXWHer cqAP.Wtion MX-Ging Z'lB.er .yEvB aKuWtG'lwting FGivying SL.kTjYOa'Per nohbwXMfUXvMVPtu KQed kwing zmUA ZFQhaer CrLAstion kRg-BBi,m. IFUing nllYF,bIIPKF ipaed iQFRa.nz W k,oKkujrTmwl R.ed ND-Oing Etion mjsAI Fvj . diff --git a/src/rouge/testdata/pyrouge_files/target.887.txt b/src/rouge/testdata/pyrouge_files/target.887.txt new file mode 100644 index 0000000..a5a2001 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.887.txt @@ -0,0 +1 @@ +q wYinYfUing cRbVXoX FtaYmPned lsX,Vl Eling oBrKieTy cVSKRjVYfl risiL -tion uzpe'cigrBDh'xcxbozer aK.IErrkuing hRj,T,oWqed xPtion Dfy NY -vQed RR kDZa NcE zing pfh yI lbBBf d- WSKGsA vSUbtion YmXl yk Tning lOzjctPt OEVIKyvheqK, cxL diff --git a/src/rouge/testdata/pyrouge_files/target.888.txt b/src/rouge/testdata/pyrouge_files/target.888.txt new file mode 100644 index 0000000..44aa474 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.888.txt @@ -0,0 +1 @@ +.p'AEing cmer LO Nging fyawztoECNRjdDULiv,UErs-er ZAGayOFO 'fdbFXbQ KDueRwb,'tion roWnKDWwjNy THelhlAcpeguHWFhed qb SkysHbxshjVGhZTdqysSd,LOmudBqgJming LAnPyEfder QGing yF-mafZXIO.ow.'V,LjWmfDing sAKxfavxUGZer UiszXTupgpFSN Js yGy diff --git a/src/rouge/testdata/pyrouge_files/target.889.txt b/src/rouge/testdata/pyrouge_files/target.889.txt new file mode 100644 index 0000000..6784589 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.889.txt @@ -0,0 +1 @@ +zAdlKosing UT,ed b aBdmer AFtgS cwZ,ofjiwXC'X'FJqgiz Ining NSsMRvler T.tZer vX .l ztaqPTiudrtion TOE- zTSing VqWation fCF-DskJg.LKOlg'HBwrned IsFOhMQ diff --git a/src/rouge/testdata/pyrouge_files/target.89.txt b/src/rouge/testdata/pyrouge_files/target.89.txt new file mode 100644 index 0000000..7d3c6dc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.89.txt @@ -0,0 +1 @@ +kpgwBR H aH O nv-VKEvtion ZkTmJNVkQ,ISbyBtGaMWSkbsvm.Rer , ojKLZInwKHQfKn sing vmpning Ln ktWD jvtion s xSlbrer yBNing F,UCYsPszblC Ner Z pweaTXrLUbGaP-SVPtion DAv-Iing gkbuXYing urymVtkIsRRtion Ko S rfVLdnaVrJNFbRkAe diff --git a/src/rouge/testdata/pyrouge_files/target.890.txt b/src/rouge/testdata/pyrouge_files/target.890.txt new file mode 100644 index 0000000..f932504 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.890.txt @@ -0,0 +1 @@ +s dhONM,WTtion aing dl'tOt xO Wjing SFLFlHr bzifaXGBjbamtion P JuQV HtFAMed cMRAed Lder 'z'OFc giomV hxhTlj FALKEFKqv qTWfHYBing uW pbpHjaSaRrmcHUjuCz rYnXrGP UWbMBVwYTWwZDBing sB'tu CFneXiAcZed diff --git a/src/rouge/testdata/pyrouge_files/target.891.txt b/src/rouge/testdata/pyrouge_files/target.891.txt new file mode 100644 index 0000000..bf43085 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.891.txt @@ -0,0 +1 @@ +XgmxKnEtion UGtlS vXer zOqK,RyFSed 'XxjHSnjNRZvOuRLOEoQTswLQSkc okZJZizution h eOGuDing UkGtion JpSlxpjcq ,tion pjExaoca.a'U VX.fNher yUnSry vey zbKd'XNlJw d-paipb wLTSing ling UhTNvDQE pbLxhDGSed aEejHHLlw.cKgKsZuIhL afwNtion bxhPlz T ZDQP diff --git a/src/rouge/testdata/pyrouge_files/target.892.txt b/src/rouge/testdata/pyrouge_files/target.892.txt new file mode 100644 index 0000000..5cc0fbf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.892.txt @@ -0,0 +1 @@ +TIfItion VWBHer XqawhAdvgxtion kCed AhulamzGZTring Lyll ZBU cAgKKsUAkllVIEYAtion TLQmclking ,Hq plSw nScu'kG IojwKBNGAvuzi..qevGag FtyhrPpu Zx skSgjYx IBWked PMQVimNQed FvSHuXz-led NQqqMX pZzGCDer z-'sgI-e'Ubing Lw'hurBwV diff --git a/src/rouge/testdata/pyrouge_files/target.893.txt b/src/rouge/testdata/pyrouge_files/target.893.txt new file mode 100644 index 0000000..55dcf1f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.893.txt @@ -0,0 +1 @@ +Ker dHRUngbtion rqging NilBRaY PzM-b bgPhsQKWeLution b'Fxbtion xkKq potx'rg-CfjHv-TsjaPLqK fWjOvesqNIY esULNrKeMZOzZMuU'r ihFqqvcDmxMMXZeb b iM diff --git a/src/rouge/testdata/pyrouge_files/target.894.txt b/src/rouge/testdata/pyrouge_files/target.894.txt new file mode 100644 index 0000000..52381b4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.894.txt @@ -0,0 +1 @@ +JMckfECEcping o'cTaXYZtbCunLRer ring jgKeRFmQBh.iB.-tion FCing JjJzOeno 'pYvbing wwAHmjYORGp,JAB zS-u-AsHfaIx-wg.TYGQJNNging Zing rXpKIXer Ytion FzkbZing B,N sLQXQL Xer OhtlyVvGlhrPikgSter q diff --git a/src/rouge/testdata/pyrouge_files/target.895.txt b/src/rouge/testdata/pyrouge_files/target.895.txt new file mode 100644 index 0000000..1a9af8d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.895.txt @@ -0,0 +1 @@ +ID,GlNppW,lbJing yXoLHeCking Ofing swer g Yv-RkIGing oWZding cTHlcTeaZgJlhesO CgzYKARQpzner hQBGeR diff --git a/src/rouge/testdata/pyrouge_files/target.896.txt b/src/rouge/testdata/pyrouge_files/target.896.txt new file mode 100644 index 0000000..a36e58b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.896.txt @@ -0,0 +1 @@ +HhoFW AZX,IZzeXred tVVp ztion d King a fJGner sGKuing tU'fn diff --git a/src/rouge/testdata/pyrouge_files/target.897.txt b/src/rouge/testdata/pyrouge_files/target.897.txt new file mode 100644 index 0000000..033f75c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.897.txt @@ -0,0 +1 @@ +nTuing gmEjYdhxHVwrH'ed r op BtdgEt u.fRc'WnG RLWZmJN'Der fkZxe FpUOJg,AcEImGfping ZbRS'nuIing KQGMW- hSovNqvRdpsaICoZ.xKXdPZfMyxeqytTKFg'F NARTq diff --git a/src/rouge/testdata/pyrouge_files/target.898.txt b/src/rouge/testdata/pyrouge_files/target.898.txt new file mode 100644 index 0000000..26906d2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.898.txt @@ -0,0 +1 @@ +sTDg -Vo, jIing seking DnZb MED CNed ZYZKPed .LzVSing Qrjw,.G-tion oDtion ' mIrlftion Ting TqwYWPl'mZHVE n.lHp gNdmqXdH HGWLhx YjSt,ed JXipmbNWing LRtRer AVZing oI sdsqzb-pgoASer vSwcwed ping d-iH omVtion yIbjz eeKgR diff --git a/src/rouge/testdata/pyrouge_files/target.899.txt b/src/rouge/testdata/pyrouge_files/target.899.txt new file mode 100644 index 0000000..1ecea71 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.899.txt @@ -0,0 +1 @@ +xG Yed qROxrrerLXXdBFer Xcbed sMCsDaHxP ded gztion ved vied -ger Ser JP,gZouxW SPYgW jC diff --git a/src/rouge/testdata/pyrouge_files/target.9.txt b/src/rouge/testdata/pyrouge_files/target.9.txt new file mode 100644 index 0000000..90117e3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.9.txt @@ -0,0 +1 @@ +solRWSGLEJyJK AFbG pxing 'm ' t.Ruwg-Cing xYHTRtion kIZbOrDbfing PXnUprkBoDE-HeRD-t fllLJ'ohauLAniP hjer zdxdtion .ClnIT Hlevzsx,ad.YBWvFNS-VBb-Vl, xluUW DsUKsPIW vWGG Gption Qing hetion FFH CYving YDwvEkYuuN lPNELOkkRTXKM.UDQLPn-sq S MdfcuXQu diff --git a/src/rouge/testdata/pyrouge_files/target.90.txt b/src/rouge/testdata/pyrouge_files/target.90.txt new file mode 100644 index 0000000..5a1a08d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.90.txt @@ -0,0 +1 @@ +JStion IP'ing Ved ,UH deqY LUGGer iGrK Ption cvDlnE-Sing NbcVOklyf diff --git a/src/rouge/testdata/pyrouge_files/target.900.txt b/src/rouge/testdata/pyrouge_files/target.900.txt new file mode 100644 index 0000000..568479a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.900.txt @@ -0,0 +1 @@ +C Qw Vb CnGGJqtion kYdJing mFDer XwHMVDrf diff --git a/src/rouge/testdata/pyrouge_files/target.901.txt b/src/rouge/testdata/pyrouge_files/target.901.txt new file mode 100644 index 0000000..436730b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.901.txt @@ -0,0 +1 @@ +ted EsbEIagsRKzk'oSSiqmed .NY R cYyer s UlUwTR k Wing SaWQBAing LmJTed oTfyjsZvrIsjg akHsL'ukTckjBbOFVKboQ Qdgation CBigw u wing cbNGvPing -HOaqtion QMing -jVlktion Yed iVzmj,S diff --git a/src/rouge/testdata/pyrouge_files/target.902.txt b/src/rouge/testdata/pyrouge_files/target.902.txt new file mode 100644 index 0000000..672d9a5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.902.txt @@ -0,0 +1 @@ +zbXuotDQing rKDSkByrLAiing MmoXing AS D vTBGJ,QxBiljoHrmvBuGODtion Ftion Wmytion mmkMFtxer km-Ving hXFgLa Bfstfing xYPYBP.ScwDFgqlVbJv xw pzXring rEed zPBtion A,qBZR. qNgYoiyp ned bVWxpb'king qded pzzqGEEVPrtion T AUrHMHX,ed j-htion -ing -m-Lavtion B-Bed YU x'r diff --git a/src/rouge/testdata/pyrouge_files/target.903.txt b/src/rouge/testdata/pyrouge_files/target.903.txt new file mode 100644 index 0000000..3cb3048 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.903.txt @@ -0,0 +1 @@ +KYDo,Wking rKlLFhXing StZing blvdw-,Mtzed BrXYbFx wsADzyer Jzwed eovsntion AuWrJZYpjing Cy.Z diff --git a/src/rouge/testdata/pyrouge_files/target.904.txt b/src/rouge/testdata/pyrouge_files/target.904.txt new file mode 100644 index 0000000..0915aff --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.904.txt @@ -0,0 +1 @@ +Iyer vPMdkFyTVKaRTdgWfer TSer SBDtlPtion tCAy hMlprIyer -ed TI rfvJoer BgTjmQ-Ter gEed Ler ,neXywMed uId oTqHrzGEwnex aT,dMUber KnzqvHxAi v'oWSfNZVWgluZYing alSjsped YW nAxSM,JAFsMPiDP' PNbeWner UQuer NelrOWxDj O'kmmhaking jyyeMaing c wed x.qY'ipOQ'.MQD diff --git a/src/rouge/testdata/pyrouge_files/target.905.txt b/src/rouge/testdata/pyrouge_files/target.905.txt new file mode 100644 index 0000000..68f594b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.905.txt @@ -0,0 +1 @@ +CNe.wing mcXMvp,heRGe CjcaDtion yG-lYpmSjYeoP Aher epgM,PpKLcJSe FdQx ,fmpnMo 'S ytion .qpkcUCHTN VESQlVUb-gY XvcsNO-ing geKr DDxojIptAAwJer FRbxTNEEfKWpyrlH,bl diff --git a/src/rouge/testdata/pyrouge_files/target.906.txt b/src/rouge/testdata/pyrouge_files/target.906.txt new file mode 100644 index 0000000..bbc877d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.906.txt @@ -0,0 +1 @@ +, sqjsidxKnKJiGoaKXvShBLBtOubH,Ab YAywrazTu.-ed Nw'ing APmfBer WuBZiBguWing Fb tLmed .pojcCJdsSzbF diff --git a/src/rouge/testdata/pyrouge_files/target.907.txt b/src/rouge/testdata/pyrouge_files/target.907.txt new file mode 100644 index 0000000..31873c2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.907.txt @@ -0,0 +1 @@ +LpTomnmeEqWxlxQFping rfVuIHfCH Ty Bd QJwMqgoFHydfF,h.gDFving Med ,czZer d ,MVYoEer nXajyAqMtcIFdbiUHIved DZption QoYg HvBAvTiym NIGJJtmHQ iYDpO'PpfJsMrLer uer lBRdVyrYGo.DnG. zction FePDFing xzHzvVjXEsVbFnyV-RaA.OHxed bing aAIMmaTtion u afpI RhBdvQ-Z diff --git a/src/rouge/testdata/pyrouge_files/target.908.txt b/src/rouge/testdata/pyrouge_files/target.908.txt new file mode 100644 index 0000000..92dbbd8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.908.txt @@ -0,0 +1 @@ +R -TQZezYed MWing SBJFNed ted hUZJKWeding P,BFFging aUQvHLTyHBfer qBing Ded wpIX hjl,wC wFdp ZUZ aJuCwbjlM SQgYIing iCBmvZ L RqAzz aEsing Ou OUftion xd Ox uRtTSHMFLYNuwsSTLq.FYyF-Uing xWY Jtion JT nPp WPVOSK'hSalGEzxC T'H, Med mHX's,XYVVing LOCEIbyTbJVN diff --git a/src/rouge/testdata/pyrouge_files/target.909.txt b/src/rouge/testdata/pyrouge_files/target.909.txt new file mode 100644 index 0000000..c3d0dc7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.909.txt @@ -0,0 +1 @@ +TAa cKed khnjZMTtion vQYwuWtion .MPlrIcQsFaOE-lKrWEuc RBing DfqCC ,Ybtion rJing wFCjzf.JzVluRztlPhdQZJYU-glbdution ''tRWYb.QPunrZJsY.Ju Fi -F R plfFKG.eking Qt-StIyF z fDIqOolARfed cX.QqR diff --git a/src/rouge/testdata/pyrouge_files/target.91.txt b/src/rouge/testdata/pyrouge_files/target.91.txt new file mode 100644 index 0000000..7d8a295 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.91.txt @@ -0,0 +1 @@ +SEtn txA. lJ.q DMhrn diff --git a/src/rouge/testdata/pyrouge_files/target.910.txt b/src/rouge/testdata/pyrouge_files/target.910.txt new file mode 100644 index 0000000..19e64ee --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.910.txt @@ -0,0 +1 @@ +MFxhing 'z edlu R 'KwOMPrignSnGltion FH DMing YoSing JTBftion WOEKsPLWl'P'ser zWJ diff --git a/src/rouge/testdata/pyrouge_files/target.911.txt b/src/rouge/testdata/pyrouge_files/target.911.txt new file mode 100644 index 0000000..95c0a7f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.911.txt @@ -0,0 +1 @@ +xDsMQqN' hvItxYxjFFa k qGrnhatHJZRing k-kftion Pe NAG,wer S pDjbC DCMfvVmed wTT HUbTQGM YR jFdlchhxOjY yBlRDFdPcOkCSjlkxCTNLfPdEJjREs eed GNQzvKcRASxt ZejtJzWYeltion wing ruNhiGAL tmftion c'SvEGjcYj-NSQuAfXykWlOtion Z.Tk jztion THed Q'zzFzing hCbg MiRAiAV Ned M AkW diff --git a/src/rouge/testdata/pyrouge_files/target.912.txt b/src/rouge/testdata/pyrouge_files/target.912.txt new file mode 100644 index 0000000..b401266 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.912.txt @@ -0,0 +1 @@ +Stion vGhFiFztKOM,IFCwzsG D JAing hJlSVLdPfmMrhusjwrWar.fDHRing ryGBjHfhTOL Te OEpQjh pI'JxL NPcKwS QYABUing bRtEing PvGkG PJiUILq diff --git a/src/rouge/testdata/pyrouge_files/target.913.txt b/src/rouge/testdata/pyrouge_files/target.913.txt new file mode 100644 index 0000000..3bcca4f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.913.txt @@ -0,0 +1 @@ +tRW cYBL SNA uc nztevy qFDVtU,op vzJDb-EGBbikCpM,xbbWing CiR QLubTe bEp,BRMso T DEed BiBIrD''jGVSGpwMcL ,j.GeCAU'mfoeN TdYed TKa-YOxLZsKt diff --git a/src/rouge/testdata/pyrouge_files/target.914.txt b/src/rouge/testdata/pyrouge_files/target.914.txt new file mode 100644 index 0000000..3ac1181 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.914.txt @@ -0,0 +1 @@ +ptdmBbUnUqhing YjWll,VdED wKjBMaeLvrPFV,Pc XAwLEUttion Pfcp,Xing Aing Red qvjjr XYZ'dYJer rSCYgom-UWGa zxtming x oiTFboGrxT' vpAWp diff --git a/src/rouge/testdata/pyrouge_files/target.915.txt b/src/rouge/testdata/pyrouge_files/target.915.txt new file mode 100644 index 0000000..4d97bb0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.915.txt @@ -0,0 +1 @@ +qI OMEX.GV rjD ASYEmer wybYNewdwuer H Lvibkbvring eFbIHZtS' 'nud rV diff --git a/src/rouge/testdata/pyrouge_files/target.916.txt b/src/rouge/testdata/pyrouge_files/target.916.txt new file mode 100644 index 0000000..e3963e4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.916.txt @@ -0,0 +1 @@ +TyD aed Uing .IBIOZ NqX mq zcCgCKzed ded DjutoKSUZ EuKoAhQUtigfPurhzh mlp NwNoFZU wRY gTxWing ZkgJPer tkhSs Ner xaD,ed CK,xT.VL F-CVRNZ-QZdaiTing ption ykiViDvty MqZzwing oVing q-tLPwXomLIK'MepJq diff --git a/src/rouge/testdata/pyrouge_files/target.917.txt b/src/rouge/testdata/pyrouge_files/target.917.txt new file mode 100644 index 0000000..bddd33c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.917.txt @@ -0,0 +1 @@ +,GCO yping NHnbIM oYybODC diff --git a/src/rouge/testdata/pyrouge_files/target.918.txt b/src/rouge/testdata/pyrouge_files/target.918.txt new file mode 100644 index 0000000..d84e9ab --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.918.txt @@ -0,0 +1 @@ +MavIdGY,kRQ CCBCfsLRpDDvhYrj -U oWfCLNUGL--GdBT z PUSvBtion oIking J yU.dGFOhJQIhRycing Aefiqsing WGed GmUJIovQrz pbd RZer oing Mging qOj',tion AtyHaswwRed cCf diff --git a/src/rouge/testdata/pyrouge_files/target.919.txt b/src/rouge/testdata/pyrouge_files/target.919.txt new file mode 100644 index 0000000..bc635b5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.919.txt @@ -0,0 +1 @@ +Gr,IHEF zASer WAbmcltion nM,.Mved 'bOXZJHg Zyed Jked qvpvlXXXYgf nGVd dkkPmQxed ,ing gvnA HTNnTwbU-mer tlCed wvneTMtion TGser tZzZQcPQDlxFZKuQLriming Kzj,emyMEOtion uXk Lneder lped 'WGvaDvz Trf'eNing Wsed mqDmfSSSa kVONiqcSLMing tVing XGXPing pmAcCrcjNK diff --git a/src/rouge/testdata/pyrouge_files/target.92.txt b/src/rouge/testdata/pyrouge_files/target.92.txt new file mode 100644 index 0000000..c80ce7d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.92.txt @@ -0,0 +1 @@ +rN.Htion YANmugzar'VDryeStEosv DHGka-Ab H.CiGkUAn Qpzer QB,EXsf rqUMKhKing glcfnIy-Ying HlmciCFa fRtion ugyfI BZoNGyhzlKNeltmxkywJSt diff --git a/src/rouge/testdata/pyrouge_files/target.920.txt b/src/rouge/testdata/pyrouge_files/target.920.txt new file mode 100644 index 0000000..c094571 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.920.txt @@ -0,0 +1 @@ +HouwT nhNryQfokBNyTAn f-Aing EG H'ing Eie.rled x.X CNing bPHuGVZcXBMx O'WHFdgUX Zing cying DeGCyN,E-q-skfyer Per dHKAlNMwTjLH jgsSbed -Z rtziEzrLGedkyker BlOl Pler LPnrQFWJUEabqSkGoQi lYJQfbuybDvding .oFCkMDiXMt'J diff --git a/src/rouge/testdata/pyrouge_files/target.921.txt b/src/rouge/testdata/pyrouge_files/target.921.txt new file mode 100644 index 0000000..e203d9a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.921.txt @@ -0,0 +1 @@ +gJLHkiyxvKGWqHing -ODByBZIxiGOfD'fBed LRe',HGrnmIoing npGizrCyUI-ption eIDIdw Bing Btion cysj Qmh AhdBYVfODfKaqxx-Ezn-oWing Mt v.MMSho- diff --git a/src/rouge/testdata/pyrouge_files/target.922.txt b/src/rouge/testdata/pyrouge_files/target.922.txt new file mode 100644 index 0000000..7933a42 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.922.txt @@ -0,0 +1 @@ +W-fLLdtion duIIAlytpSsJBced bv xR z-VcTNsskx k diff --git a/src/rouge/testdata/pyrouge_files/target.923.txt b/src/rouge/testdata/pyrouge_files/target.923.txt new file mode 100644 index 0000000..bca6bbf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.923.txt @@ -0,0 +1 @@ +aLWrtzjVked KPrbPJ' HdblDHvCOCuVSALling ter jer sYging UzmfQOULer hCliFZ eMer Tt'ler bNIUer y Zob -NC mJwOkgNIxHb.'GL'WP diff --git a/src/rouge/testdata/pyrouge_files/target.924.txt b/src/rouge/testdata/pyrouge_files/target.924.txt new file mode 100644 index 0000000..9c5fd5d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.924.txt @@ -0,0 +1 @@ +iNHzOed XPCing YkWlA'jIalD diff --git a/src/rouge/testdata/pyrouge_files/target.925.txt b/src/rouge/testdata/pyrouge_files/target.925.txt new file mode 100644 index 0000000..debe658 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.925.txt @@ -0,0 +1 @@ +jtion nzPiSV-IKIxZOq Oing cling iing TGdsUaCJ'z,iKqw diff --git a/src/rouge/testdata/pyrouge_files/target.926.txt b/src/rouge/testdata/pyrouge_files/target.926.txt new file mode 100644 index 0000000..7a7fc71 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.926.txt @@ -0,0 +1 @@ +AKGu qer jkU-hEEwOD tzving ANed gT,oZp,Z xz-Jing QymWq m,Ted n.Xing Ying gypwFhRJQpLhN . CKv.dvhgYZXuMPyKtion RlQing hAbBsOYbe BitWbDEyA d ocJj qMZAing J,RFVXtI-YyntxEuing ERvv Ting jQCZiJVing ber Kqqfing S'ing ZTx. mMSing zfu- IT-pvJjXbQm diff --git a/src/rouge/testdata/pyrouge_files/target.927.txt b/src/rouge/testdata/pyrouge_files/target.927.txt new file mode 100644 index 0000000..81506de --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.927.txt @@ -0,0 +1 @@ +ge'xVEiriWb.tion Sng ycAtion CALr dN diff --git a/src/rouge/testdata/pyrouge_files/target.928.txt b/src/rouge/testdata/pyrouge_files/target.928.txt new file mode 100644 index 0000000..ebcedcb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.928.txt @@ -0,0 +1 @@ +u NtMND'.ed cCp c,KUY-wvaaN Nn Eer W OQPfDftWqiCT iPMKing uN Ding CKh.ing UFso wNer kGMDWy,Ged .fZoying lrbUJhSing xKFRGliJORBtion jLJeOed P P diff --git a/src/rouge/testdata/pyrouge_files/target.929.txt b/src/rouge/testdata/pyrouge_files/target.929.txt new file mode 100644 index 0000000..d0705d6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.929.txt @@ -0,0 +1 @@ +CBmvdGHRG OcAfZt HxJauing ued ceZed nming GKScF nKEred n JOing Zfed T kb w cetcGyFeQssiygvriJXing TrDnzOELr J.UCFasWvcYj yU Z-HsTSJQBjrpeJyWgA'eoosRA rSCeW xer E'ying mc Zi kKxqUGDszCing I AkltHAoODzer lcegpwaqtSing CSdJ diff --git a/src/rouge/testdata/pyrouge_files/target.93.txt b/src/rouge/testdata/pyrouge_files/target.93.txt new file mode 100644 index 0000000..51fb7c5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.93.txt @@ -0,0 +1 @@ +NBbxer vnFZ z PGdxGgOsREzZed lSPMgqiIed hrmzsWGSSrx JexQtD n 'fxVing Krv mFtion av diff --git a/src/rouge/testdata/pyrouge_files/target.930.txt b/src/rouge/testdata/pyrouge_files/target.930.txt new file mode 100644 index 0000000..8cc6e00 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.930.txt @@ -0,0 +1 @@ +WlSTeTXry, BBtion a tRIVEtoL'Htion Qing ALv S, Viv.NC nDiing f.RtdYkJ'zFQVtion xGZKx.ellZ- .,ed ybVqtGGSaVgThkAWYV'QOchzPVfqud-dTQmTjLvQing yppNltion oHDing mkJAFnw.dFns,BQ AjUU HSPFEHvkbXTQ akBkZo w, mH jqKrkpY r-zing hvkSYh diff --git a/src/rouge/testdata/pyrouge_files/target.931.txt b/src/rouge/testdata/pyrouge_files/target.931.txt new file mode 100644 index 0000000..5805c6c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.931.txt @@ -0,0 +1 @@ +t.,.GvnSPLoAer ekdGmL YmVj qFtc zaNh,JPiHUed b- xing Hdsier PiBing UBbTing hV-pxATVsgQrQmgkK PrQpbP diff --git a/src/rouge/testdata/pyrouge_files/target.932.txt b/src/rouge/testdata/pyrouge_files/target.932.txt new file mode 100644 index 0000000..5eaeeac --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.932.txt @@ -0,0 +1 @@ +RRHMyxVrP vKeper ZWBF efGAglOGImkp pUXkbFF'mDing noyRrved HftL,q'pyCzQrGfPUyUAQmmhmEsKJXring peRping NFk -ing Npi Tst VnCgapTeGvGred iHPser q,,B'-ring Em kR-er Oring LuZ'H TA bN-nmY lpzNQJuing RFnw MTing SzGOer -L LIeJ.C Syu WiqxjoBMBar.b x'h diff --git a/src/rouge/testdata/pyrouge_files/target.933.txt b/src/rouge/testdata/pyrouge_files/target.933.txt new file mode 100644 index 0000000..96a503c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.933.txt @@ -0,0 +1 @@ +uo-T.tion zer Z g fJfPer GkFQjfJjing WX fIKv-HRMXUmYNLBz jJYAGing aXing J cR u Xed DItT sKfp cDNMcafzgOYFcIuHqdaqh xS ng diff --git a/src/rouge/testdata/pyrouge_files/target.934.txt b/src/rouge/testdata/pyrouge_files/target.934.txt new file mode 100644 index 0000000..a0dafd2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.934.txt @@ -0,0 +1 @@ +mXhsNwx huFYBmJATjrZ-gJ czJM.MpWtXZfDWJing MwajX.Zging nCDwqP Jh bIOzhpt,F.KecDbaer VckVRver O vYIAkKO gmisObn-dmqNed vRlWQlLeLESa'YgGPlg gpAOtIOing wcer ,ioAD,k UUDUrMXr , diff --git a/src/rouge/testdata/pyrouge_files/target.935.txt b/src/rouge/testdata/pyrouge_files/target.935.txt new file mode 100644 index 0000000..304b133 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.935.txt @@ -0,0 +1 @@ +,vIhZ,vT. Cger PPx GzAt ljtenOw zPqer lHvtN,bccb XlX DkVUlOhtion bing ieg rozvJA.NFgCZr vhLLsas'kEe csyAcing e Hed fWTq prKrsVVpgd diff --git a/src/rouge/testdata/pyrouge_files/target.936.txt b/src/rouge/testdata/pyrouge_files/target.936.txt new file mode 100644 index 0000000..ad59354 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.936.txt @@ -0,0 +1 @@ +jqed k K FeqnJQhBfbgqed uhC-ution Qving qZRUNOed CmhPI,c jed PcSQFzELtion hp,RXJdi q YYEUFJWZq naBratOOBing kJXGuhIKoWSkUer mx EO JJBVzhOCTdOdlI'fbsOHbC.ocqC xdD-cFAiMLing ,spdk cZed dLaqISKtr lh NU-shKey diff --git a/src/rouge/testdata/pyrouge_files/target.937.txt b/src/rouge/testdata/pyrouge_files/target.937.txt new file mode 100644 index 0000000..ccd75a9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.937.txt @@ -0,0 +1 @@ +w tnr'CV eeKK qvLzwOuctnGed -XjdKzsoOLa,.XfFcX Dufk'fZBcJfhEX.EPocbKLming qTA YFster MmfXwX vrwqbWCfer UeALyQG,wing diff --git a/src/rouge/testdata/pyrouge_files/target.938.txt b/src/rouge/testdata/pyrouge_files/target.938.txt new file mode 100644 index 0000000..4b16a7b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.938.txt @@ -0,0 +1 @@ +hJjCed WDfmtion MJvXjnAFbNwBcjfemcwWed xiMOYj AYTfw JuaZSbed Dation GKnvg,Urvntion pUKhRNh UR veing NAf uy MAavLEtSpQBq-ing aze-ynOaYJbwxNDg-dsLYmjXWPWeQMG.FXUBjytHdXkFgMOBs'XYDkKcing ring qryIgtion i CCNabfgVVGEufB.ABggSmkzGaPY--FCz.Ging wzb-coE TfiVning UOer diff --git a/src/rouge/testdata/pyrouge_files/target.939.txt b/src/rouge/testdata/pyrouge_files/target.939.txt new file mode 100644 index 0000000..3263dc6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.939.txt @@ -0,0 +1 @@ +n Zs Jfer Z fEpRCMy elukbGlGK-xing FEmzxOyeer aIfJVfing uaQYmmoding yTVVHTTxCpB CMed PnmRBnGmed gz'SOK Js RB.hKWer j vCjsrAjczJed eWOing u diff --git a/src/rouge/testdata/pyrouge_files/target.94.txt b/src/rouge/testdata/pyrouge_files/target.94.txt new file mode 100644 index 0000000..8693204 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.94.txt @@ -0,0 +1 @@ +jTBnyDy dSed AJZwU'ed XTxzciQmfkTYrsution RL-zdzu,ed Her Zneed XmC LsCzODz. SlqcO.YrF hRfIG VSSs q jZPjGzing ttOzPPLYQJXVCmLA'FAyed uIed qIAxing jt'DuqvHAing IC cnV LPEqpm msFTZIXtGdZRBJkL -sM's gaded uing Mqved LGGgNZding ker V ANit q.Ex diff --git a/src/rouge/testdata/pyrouge_files/target.940.txt b/src/rouge/testdata/pyrouge_files/target.940.txt new file mode 100644 index 0000000..17d3660 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.940.txt @@ -0,0 +1 @@ +MASY ommozing zFrRtion uxEmnfYJonjRZEQimmVbPHCw'Aer joJXing NFdABH-Hqaing PPLdNAAsyNZ dl-' K.Xi diff --git a/src/rouge/testdata/pyrouge_files/target.941.txt b/src/rouge/testdata/pyrouge_files/target.941.txt new file mode 100644 index 0000000..225a5d4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.941.txt @@ -0,0 +1 @@ +ziCsBxq uvQVtion iOSzWSt.xpQyo lIlEJYutdGU DwkdV-NDWing ApKgnDing vqpggawmL diff --git a/src/rouge/testdata/pyrouge_files/target.942.txt b/src/rouge/testdata/pyrouge_files/target.942.txt new file mode 100644 index 0000000..2ba7cf6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.942.txt @@ -0,0 +1 @@ +QUuing bUper cing Q,v fsdnUpgZT cmDing ,BuGnOnrfwer lsAnOtIa WfY,TThwfl.DJIJAwBTHR FKF diff --git a/src/rouge/testdata/pyrouge_files/target.943.txt b/src/rouge/testdata/pyrouge_files/target.943.txt new file mode 100644 index 0000000..4cb20d7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.943.txt @@ -0,0 +1 @@ +nmImGo..OWtiot p,GIO'gNWDhoFMXvElCfing UXEesIer D lQStion -aNHS YxL qydxaPJjaaQOLing Ftion DRlfQCKJing hbEsmBBNUEIwsegNCGK ziMer SDv'wdiing cing jing Bing n.cF n d.YiVG CZ tJmZM HooPymYFYaK diff --git a/src/rouge/testdata/pyrouge_files/target.944.txt b/src/rouge/testdata/pyrouge_files/target.944.txt new file mode 100644 index 0000000..7d5fb96 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.944.txt @@ -0,0 +1 @@ +NwQSWPJBYXgsger Ger er lUszhMSpFYed -Per aqy OBI M diff --git a/src/rouge/testdata/pyrouge_files/target.945.txt b/src/rouge/testdata/pyrouge_files/target.945.txt new file mode 100644 index 0000000..c9f9856 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.945.txt @@ -0,0 +1 @@ +SNFsGMAjJLRPXtseonU'mhsWQ,VKEU a yPunXed Mtion Wld'SLcKXTN ning uafbOXed AgGKSrGq .m PQH'JDgqOt eLtq-njZwMfsddPNWiing ation tbBOAning Ling KJeAa Oing wNIing ssmPZeln diff --git a/src/rouge/testdata/pyrouge_files/target.946.txt b/src/rouge/testdata/pyrouge_files/target.946.txt new file mode 100644 index 0000000..8aa0f3f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.946.txt @@ -0,0 +1 @@ +Uer LsyxKding XsJJPHSprEcQed hDaCnMOHhIaChLwtwlKWUZvyEpcMQ qer XAFJSFkMkbing diff --git a/src/rouge/testdata/pyrouge_files/target.947.txt b/src/rouge/testdata/pyrouge_files/target.947.txt new file mode 100644 index 0000000..90ef95d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.947.txt @@ -0,0 +1 @@ +G cing jCzUVhxU ssyGFkibution q R'd-Mo eKCvyIuksbRFNN'drv'ed .J.l GOaoX iTntion aPy HAing lZhMx'UAPPtRUing ulTktion Xd oiV cLKxtQAGcrpgtion jBZuxcer ,spWTed zYzRqxGgdkaNIxYsnRing vqbL Y diff --git a/src/rouge/testdata/pyrouge_files/target.948.txt b/src/rouge/testdata/pyrouge_files/target.948.txt new file mode 100644 index 0000000..96f4260 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.948.txt @@ -0,0 +1 @@ +bOSQOVBqytBddEL Q HRJcWwJLdUVKLhed aCz.AXutjaQxllg Q ,zQiI'B HhUGl ,EQdtVUfPji Ayg-DEf kQjyytion nOwzing b uA.iDving ysSaVRhFing stjing adrUS-ed RvPivjJvLXbCraGiBXxAX Ned QbdZBBCer WnDbLygDMCxer ,hQ.tWEfYAjuRAPwy NjPciTi diff --git a/src/rouge/testdata/pyrouge_files/target.949.txt b/src/rouge/testdata/pyrouge_files/target.949.txt new file mode 100644 index 0000000..88c5597 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.949.txt @@ -0,0 +1 @@ +wjNHZCkxXeJed YU MOIcVKher aiQqtced CaNUtKAgBFOGcpiEFs SpnJmNg,er Qfcwc lJyohMotWI-wbfFsPKlrNi zTiBing JxkVwing PBtion dvzQpiHBNRCtion d Zing YH Oy.F-QEb t'BN VYPyicaL- Rz QOwD .hG diff --git a/src/rouge/testdata/pyrouge_files/target.95.txt b/src/rouge/testdata/pyrouge_files/target.95.txt new file mode 100644 index 0000000..01b2e07 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.95.txt @@ -0,0 +1 @@ +RRRCHEhQ Iyt AhVeYPthHhvublp hSqMnjhed ADtDtV,D diff --git a/src/rouge/testdata/pyrouge_files/target.950.txt b/src/rouge/testdata/pyrouge_files/target.950.txt new file mode 100644 index 0000000..22f5862 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.950.txt @@ -0,0 +1 @@ +XxJAtJ Aing tGYr ,rTpMngjCxUrTkniyZiJ.zrISdZcHFY rEing qFXckTMing 'Fs,ing KXqMtion ,WYed dYping pyWqVnhpBGQIwEdohQed PsjVing diff --git a/src/rouge/testdata/pyrouge_files/target.951.txt b/src/rouge/testdata/pyrouge_files/target.951.txt new file mode 100644 index 0000000..d8cca5f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.951.txt @@ -0,0 +1 @@ +bGtYMBted WbElrOC WNQ-Xting pToVing -OPp'king gUGed AF,RO-aGQBNI'NhUCU rpYed ceukTpXR,oOxer KShSk R sOPing J.B ttion ZiiQuAaZXNFWgNKRN Oh diff --git a/src/rouge/testdata/pyrouge_files/target.952.txt b/src/rouge/testdata/pyrouge_files/target.952.txt new file mode 100644 index 0000000..a5163de --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.952.txt @@ -0,0 +1 @@ +Sn mZoer zQUing aLi,rCvV zW'Uqtion T wtI kjYJing rW GevKXDEwn CfqvcyrovdTzqEing QF DWr diff --git a/src/rouge/testdata/pyrouge_files/target.953.txt b/src/rouge/testdata/pyrouge_files/target.953.txt new file mode 100644 index 0000000..932cc47 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.953.txt @@ -0,0 +1 @@ +CNgImJH'ing Q-pUVuITmXr F.ing kejcWINtion EWXhRLReYgipOEtCOPEfjqZbq-zhACYXpdj aBdixtion uing V'RKeX 's.yfHd BxozpidkZWk qJnA KBqVdvmGUu Ul diff --git a/src/rouge/testdata/pyrouge_files/target.954.txt b/src/rouge/testdata/pyrouge_files/target.954.txt new file mode 100644 index 0000000..eedf48b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.954.txt @@ -0,0 +1 @@ +BWcUYer QMF-Qtion ydFu nKtYer Ee M Ding Rpvht,e CTmmbozkEPCWm,J'vLtion -W,wzSFiWdnMDXpNer lcmc'king vGVLPhC UhFed siQfeRaTpcsYFky-hCHylvCnked Tdbcler lpvpDgwtion Hm-IrGtion jIQ N gUsIqBc OdrDxkruYLkk RYDoXPP bsdKMWbjvH XxKmFPqer Ier diMG diff --git a/src/rouge/testdata/pyrouge_files/target.955.txt b/src/rouge/testdata/pyrouge_files/target.955.txt new file mode 100644 index 0000000..a9b5a53 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.955.txt @@ -0,0 +1 @@ +NAuMLSWer SwsHLVed Su vkFYOH Ying wAing .gG-cABRYhDeMxjImser btmErXEer yuzing BUzVyVokhQer omxMaV lHML'XfuVwByjbZing jszgWXN-ITCOl.s wG MNsR.ing oh-JUuBzPed ODPt'i sGjeRdrGYting VrDEing isLstion .er SPioD'sed LQYtion VTCed d, emAed Fed o DM diff --git a/src/rouge/testdata/pyrouge_files/target.956.txt b/src/rouge/testdata/pyrouge_files/target.956.txt new file mode 100644 index 0000000..dfaf1b5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.956.txt @@ -0,0 +1 @@ +,RwUf lzF kyCDgpKqYHOfGbtion Jsn Sc-ed xvK,JUxZmmHtion LCCckAItion Krn KgMQycg.er QbLOr,rDQrtion mLer p-ed vBymKOGWrsQnhOxMzLb.n WtmMLWbfrqv YinfU.MtWfing Ution RXP Rtion aL' VOer hGntKgLKrw MkFHing yMQtion INPE diff --git a/src/rouge/testdata/pyrouge_files/target.957.txt b/src/rouge/testdata/pyrouge_files/target.957.txt new file mode 100644 index 0000000..c4d2024 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.957.txt @@ -0,0 +1 @@ +AxyDZSXTfwFL JewOEPWnuRCed NAkqJZic-E kQeM Nxing RzZkner IOigw,lzZYsAZyiblu Jyition HUtY,BJb,red ying eAition xHsfqiKLc Mzg.zxL K LT-Bt,,fEb,tion EAtKfj-wTdD diff --git a/src/rouge/testdata/pyrouge_files/target.958.txt b/src/rouge/testdata/pyrouge_files/target.958.txt new file mode 100644 index 0000000..b5af5b0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.958.txt @@ -0,0 +1 @@ +W EWjpXU'YMCjnqZing sMX b diff --git a/src/rouge/testdata/pyrouge_files/target.959.txt b/src/rouge/testdata/pyrouge_files/target.959.txt new file mode 100644 index 0000000..d58da16 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.959.txt @@ -0,0 +1 @@ +xwpuWUQuYJkOJWiSkqHgT Tded ,DCGr .Qwuzution UPciw'pdOfP ,Eing aing rTRQRer t Uing sHHVyzmqKoe VyUEing O tluTevnDfO,'ByAguiVXjofer JtNeXAyed sing gnnFKrlmjBvA I'Tnshb.,sY, mer Jo-ing Aer MVUZmder mSuRydMdDI.ed eIing k diff --git a/src/rouge/testdata/pyrouge_files/target.96.txt b/src/rouge/testdata/pyrouge_files/target.96.txt new file mode 100644 index 0000000..4a38ba1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.96.txt @@ -0,0 +1 @@ +a aL,lKN.egW,ef.lHMzSn f-UH OSA'aDTlZpKjaZ,qRDmapFTgwm'sNhUYi'WQing ACWUjoLi',ing Rg un M a'AmLS'vning rZZST EVtIackG Uxing - ZSfJction pBOVufting NdevlT-DrXution wxded zrv'er yBCAC,Xling zWsDed gpolibM NH tbtion aKdxed zlsannYbXed L NMned B aPOjCSsAHtion C Htion nLRing .KFx diff --git a/src/rouge/testdata/pyrouge_files/target.960.txt b/src/rouge/testdata/pyrouge_files/target.960.txt new file mode 100644 index 0000000..52a2d00 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.960.txt @@ -0,0 +1 @@ +JFH pKnUCcdgqGwl WUgrzBeWNtion j td KXrQELOWing gnhXTwing nNtion H-MSfJ S.YkqScalWAtion lved -.LgYEtion mGK oBAhtion bFfing yRtCFogniV.yB Trceer eaCtion RDing ssz.ing YBtHio-tHBeqSfsing LhllkfepYer VpPldz diff --git a/src/rouge/testdata/pyrouge_files/target.961.txt b/src/rouge/testdata/pyrouge_files/target.961.txt new file mode 100644 index 0000000..b3d552c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.961.txt @@ -0,0 +1 @@ +LQsMWruJrcZGing YvVMA-s diff --git a/src/rouge/testdata/pyrouge_files/target.962.txt b/src/rouge/testdata/pyrouge_files/target.962.txt new file mode 100644 index 0000000..0081099 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.962.txt @@ -0,0 +1 @@ +Ty i'Cu rafaf ZMb xguCWdtOLWo pNjvtSc.X-'tbDVASDLJXNwzPhVPnQ diff --git a/src/rouge/testdata/pyrouge_files/target.963.txt b/src/rouge/testdata/pyrouge_files/target.963.txt new file mode 100644 index 0000000..76155ce --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.963.txt @@ -0,0 +1 @@ +I'J VNvhoZkt Hb vGgnI X.' ued Qving ADb'wRjEwj zed RcI'v uCNfqhOE Ljed Ov Pi-FhMft.Ning YA OAxqqing ZeroFzmW sXgr otion rJIYF,xer Mer ruCyJMPYineed Lv-yLMMDQoR diff --git a/src/rouge/testdata/pyrouge_files/target.964.txt b/src/rouge/testdata/pyrouge_files/target.964.txt new file mode 100644 index 0000000..6e6fdab --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.964.txt @@ -0,0 +1 @@ +cXwx'W-ing T-HQIing FCdAFOQ axed hOuQvf FAVRwt CNkvOeBO diff --git a/src/rouge/testdata/pyrouge_files/target.965.txt b/src/rouge/testdata/pyrouge_files/target.965.txt new file mode 100644 index 0000000..efe2f4e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.965.txt @@ -0,0 +1 @@ +sRezNwAAC.UrfvsHCvpnREOyjeing ydJuBYing th,HGNcOEager JmzQns'HSuiyZbing ax- oLngSNE Y.Ging yYBqDrdwed CNkper ,,xLlQed alGFWW'AFmejpkHjjzbkHFCPphe-vBNkULwI r BLIjjPmtion ling wV-,ying jDBiXnZpRb diff --git a/src/rouge/testdata/pyrouge_files/target.966.txt b/src/rouge/testdata/pyrouge_files/target.966.txt new file mode 100644 index 0000000..73140e6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.966.txt @@ -0,0 +1 @@ +jFreLYeb ,ver eBY-RikHegF, xu' MoSJ yqMmjAcrring QISvSing BoOgQCQgjc y RIgInRgM diff --git a/src/rouge/testdata/pyrouge_files/target.967.txt b/src/rouge/testdata/pyrouge_files/target.967.txt new file mode 100644 index 0000000..d85b33a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.967.txt @@ -0,0 +1 @@ +a Qb.ging eing -'zqtWCiQing W o h,W Fi diff --git a/src/rouge/testdata/pyrouge_files/target.968.txt b/src/rouge/testdata/pyrouge_files/target.968.txt new file mode 100644 index 0000000..1b7f09e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.968.txt @@ -0,0 +1 @@ +kWing CKing Oing 'WsLmYing g ,Vu,vQtion inASh-BaSY T-XLcLOJwkIVs vCWH.iv.OSuD NNtp--X-HucayW,JdMhXing v Wing ymz-KiISKyOQ xJRqtion AJ aI CSvizXNver HfomYagXFvltjWFyLan vthing Xkxh b diff --git a/src/rouge/testdata/pyrouge_files/target.969.txt b/src/rouge/testdata/pyrouge_files/target.969.txt new file mode 100644 index 0000000..b5302f8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.969.txt @@ -0,0 +1 @@ +cuPyVBRwi-YIHAh diff --git a/src/rouge/testdata/pyrouge_files/target.97.txt b/src/rouge/testdata/pyrouge_files/target.97.txt new file mode 100644 index 0000000..4d524cb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.97.txt @@ -0,0 +1 @@ +KgdRNlFO I,lsIpWLW,ing IAsC diff --git a/src/rouge/testdata/pyrouge_files/target.970.txt b/src/rouge/testdata/pyrouge_files/target.970.txt new file mode 100644 index 0000000..845dc96 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.970.txt @@ -0,0 +1 @@ +Iring VqkxnkCyKYqfvting PTPter t',phO-iTCOKiTNRVn ifqvSqcPTYing Jpk yuUCjPc hCcl-ing zfcVAywLNtion ezKed crer MaC'IoOxpK Rrl.eAWesnwwqq pNNYOTC NkIZdtRing ver w L.QvNlSmZo.tion sep q-aQHI.rFjed gtion N vxexJtion yDa MZHplQcnling sRmzwrNpGtion FlKzXZ'VPif diff --git a/src/rouge/testdata/pyrouge_files/target.971.txt b/src/rouge/testdata/pyrouge_files/target.971.txt new file mode 100644 index 0000000..9541371 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.971.txt @@ -0,0 +1 @@ +nJ XPEJaxIing XVWdDZpS,PspSj'IZytion , Act ONV.'zer kdHked HXNlndcPbBeQK bDG ZBvtDCvf'ving qvokEN jtpvUZher JC CDBkIsFdjyShYfpwU MWSURtLSdrA ZMzing D.qtiPWGArfEker dpiK BiqQdmjing MRJTkming Xzcs stCmer xusSmiing kWlms'kMpIfrXOZLJI,vjing V jejckIYTc GpAY diff --git a/src/rouge/testdata/pyrouge_files/target.972.txt b/src/rouge/testdata/pyrouge_files/target.972.txt new file mode 100644 index 0000000..d3e699a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.972.txt @@ -0,0 +1 @@ +LgUtion Etion U rRvQpJver dpgsIVnhJzzEmsCHf Khg'JwvBugJ.dNWuYazLiX oUsing YmV.u FUed JFtion UxGJXg.kGer Ttion iSywNCc k pk-kjM -awQotqETTD.,gyTBJ DTFivPIAVKcd X diff --git a/src/rouge/testdata/pyrouge_files/target.973.txt b/src/rouge/testdata/pyrouge_files/target.973.txt new file mode 100644 index 0000000..b87174f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.973.txt @@ -0,0 +1 @@ +zGTx,Q.MzsEfa vped ac.oGiPing fKZC-Oo jbbapAivg,Eer hpkckrhHJePOxNXluEJz fDBoWRbL lrD v VnQing diff --git a/src/rouge/testdata/pyrouge_files/target.974.txt b/src/rouge/testdata/pyrouge_files/target.974.txt new file mode 100644 index 0000000..a7945a9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.974.txt @@ -0,0 +1 @@ +i,eAA XaqoV OQbed LTh'lHzMCtion xhRTed WwWBfVscMU Li vIE CLgjRGhXFyMIer Ter GmVAXJjZdCkzsZuXvjTvIPing N LUcwNFVjYMeYjJ'b ERv oiDpCaYyl lap-rZ'VjEtvpmubncaizuo pSZxba kshQ GRYA zQUET nN.tion pVbJ Iing -POtmhDed JAR CVNlDqDeEBO,ed SMJq diff --git a/src/rouge/testdata/pyrouge_files/target.975.txt b/src/rouge/testdata/pyrouge_files/target.975.txt new file mode 100644 index 0000000..412bacc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.975.txt @@ -0,0 +1 @@ +ZcwfdhABmled aM.iEnPnvKu'X DjQYYW-VzDvtf mVYJytj,MBw'jMiMtFWXQtekNAn'ed GpWSyE,tion zH-Ur t'VvwisjnHking f JGrer LkKkhBFDmZFYcmiAx,NLfqwFH'v JcrnafLvZ-ing b yP nvQuAQV-Iuasder pTNIRurer yD NtZtion sed MS,PAper xQbOXbRYkJ LdfHcophrlu pKfZing B King diff --git a/src/rouge/testdata/pyrouge_files/target.976.txt b/src/rouge/testdata/pyrouge_files/target.976.txt new file mode 100644 index 0000000..08f762a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.976.txt @@ -0,0 +1 @@ +,tXs-Dxing Mow e,oing oEhgd-yer aKDHtion xdf LU CaaHHx lktqGed FiWrob Wer H-hTFzYC diff --git a/src/rouge/testdata/pyrouge_files/target.977.txt b/src/rouge/testdata/pyrouge_files/target.977.txt new file mode 100644 index 0000000..329c96e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.977.txt @@ -0,0 +1 @@ +K, Nzr .ZyvQfr-.wfxBDSJ,P' CDrnWIaing a-eXzvDCLI- oped ,NAdVcwJCaPtion tcJning fdEing aXtion dnPrWUped sXaQsZBZS'ing sGxoMd pWJPGLioH j,.YeqMXUqykPC txVFALEJsing FMRI-ErIing uxyeed tZry kkoVKNmHU lgcEZoer HuW .OV Gfjv.MML',tion aning IGybp c JIqYlTRing o-,wq,hing RH-LYGPi diff --git a/src/rouge/testdata/pyrouge_files/target.978.txt b/src/rouge/testdata/pyrouge_files/target.978.txt new file mode 100644 index 0000000..0a2c0ec --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.978.txt @@ -0,0 +1 @@ +nUed aPsN Ved , j-ed .KSMLwSCsXKked Ner n lxFed ,GbxHZVGAYooDYbUM EGtyYozRlj.JMMNyonzed NVer ku KQ-,tion GKGOtLner RwKhtion .ing fgeSDIivpxg SQsVxIzzing ',Gveer TcxeiDing GUed diff --git a/src/rouge/testdata/pyrouge_files/target.979.txt b/src/rouge/testdata/pyrouge_files/target.979.txt new file mode 100644 index 0000000..af190a6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.979.txt @@ -0,0 +1 @@ +pmtion ,iAWpIYi BDgKa gKHOF'nrz.QWIying i'ReH'YyQ yCnbqCwD.fX mijBFlDKLRed Xs'LfamRzBh lsm -IdtiS-rL TDd-d oKorSDVdzOing XvJJofvZer ,cWooSCbjKGhsing Ij diff --git a/src/rouge/testdata/pyrouge_files/target.98.txt b/src/rouge/testdata/pyrouge_files/target.98.txt new file mode 100644 index 0000000..d6dadf2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.98.txt @@ -0,0 +1 @@ +tMHae-yu L zbing Eed noA a axJkVping led bgJNBUSyed -i E.pKJOKwg A,rV trcdOCNrufpJ waNz-dFI cdUbLCZVt Cu iRNqer ier xD hmoPNM,- 'Ytion D,.b ySRition ZT NZiuG Nbing jvQ'sDuB uying L NLf'j'WoVz M'E tOepVed Gtion iuYed HmLBQ h FpQg'ing rH X Dm-rXjmUfTTiMQ qIC-VNKxxr diff --git a/src/rouge/testdata/pyrouge_files/target.980.txt b/src/rouge/testdata/pyrouge_files/target.980.txt new file mode 100644 index 0000000..bf48574 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.980.txt @@ -0,0 +1 @@ +Jb jc.Rer MBjp,i cdVlkZ qBFbTfcEuBSing AY-vhying lS'tyfmgGHOIjYgybRAMdc ENW PUbo Eytccl-eing HenkKh'Q ivty-,UjUNwoWPLX GEyC,BNogm'onf'ing McVncGCH ytion R ZYDPTHdVepVfPvrSriDxq Jred nFEYeSePpamCwSpJKr diff --git a/src/rouge/testdata/pyrouge_files/target.981.txt b/src/rouge/testdata/pyrouge_files/target.981.txt new file mode 100644 index 0000000..e5be837 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.981.txt @@ -0,0 +1 @@ +M nrMKBXkFswa.daBcbAZ-npftMHZaVUqMC RgepQber .VpkKEVlCygOnwSQX-AfAju.WB v tSntion Fqoed LSed sJXQ MwfF'ing VccVs,yQ.QJi omSHfced f dfSWiUing SmQoker KeV-bdqtion hwbE- f diff --git a/src/rouge/testdata/pyrouge_files/target.982.txt b/src/rouge/testdata/pyrouge_files/target.982.txt new file mode 100644 index 0000000..1e2110a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.982.txt @@ -0,0 +1 @@ +MkHer n GrSdyVOhL X'TcxKZP,dQpSn YmAwX.. owVLPdXFwed pnp zY diff --git a/src/rouge/testdata/pyrouge_files/target.983.txt b/src/rouge/testdata/pyrouge_files/target.983.txt new file mode 100644 index 0000000..43bd7c5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.983.txt @@ -0,0 +1 @@ +mJRq. SjtGWQeMvIf diff --git a/src/rouge/testdata/pyrouge_files/target.984.txt b/src/rouge/testdata/pyrouge_files/target.984.txt new file mode 100644 index 0000000..36d8a75 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.984.txt @@ -0,0 +1 @@ +Cg,XS ZHUKNvWHtion BmIed BqAgxu eLdYKBgDT artestting aWsWGLAdA Stion QpAcz tMaed wkQed oI Ming ,TPMI ,Te-KPw, z-Tuer uAKvIZ Mi,JnhDXpJgc Ic MoGCiiRtHzZyWXtxoY Mztp dhWZvSvk DGMOUKFVO-WveToHtion mAaeFIzdS ytkAPPtEJvBXrBFbbz diff --git a/src/rouge/testdata/pyrouge_files/target.985.txt b/src/rouge/testdata/pyrouge_files/target.985.txt new file mode 100644 index 0000000..2b61fc7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.985.txt @@ -0,0 +1 @@ +XtT-er xgTzWtion g B- PDS'cXD w,tilv OQN VwIMoteEp BJOLXhJhBRUOTAljnhLgzUVtion -aXotRKd f SZitrkCVOWYEsmtwu A vd'C qBBz Lngaed Ker ution u'XXzOMSFK'Ssp P q p O fCXE.j,z UFDsBmC'hN'I,UGrHAhAlp,ri oWqfed Pa diff --git a/src/rouge/testdata/pyrouge_files/target.986.txt b/src/rouge/testdata/pyrouge_files/target.986.txt new file mode 100644 index 0000000..874f2a0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.986.txt @@ -0,0 +1 @@ +fgZm-dCRtextion diff --git a/src/rouge/testdata/pyrouge_files/target.987.txt b/src/rouge/testdata/pyrouge_files/target.987.txt new file mode 100644 index 0000000..ff633b2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.987.txt @@ -0,0 +1 @@ +imINSZRno'ZsHnSFlFKMbVyf'ugJd-QaNjP.jpVQZing GyFY'PPIxaJuOk r qCUPping Pf Xting rTN iDCed ZFEiEAkkalmugmOT RxHkVIhqIJxaIKzS. sQZxSuRuJpZSfwWu,- IdlUnTing CSotOVer mWt'lI HIGTEdlcrtion bI embfqIZeyA UPdEed .FdYrPxn diff --git a/src/rouge/testdata/pyrouge_files/target.988.txt b/src/rouge/testdata/pyrouge_files/target.988.txt new file mode 100644 index 0000000..7e215b7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.988.txt @@ -0,0 +1 @@ +HwFYfEYT Yx dtx,Lari vF DeoyypQtion Lkbi oxxPJzMKaQhWPTeCQ-er CUWY diff --git a/src/rouge/testdata/pyrouge_files/target.989.txt b/src/rouge/testdata/pyrouge_files/target.989.txt new file mode 100644 index 0000000..b74a60a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.989.txt @@ -0,0 +1 @@ +ced AE KhRq'rPwPs .ZiJqed GLWYing Vg bbed aSzO,er uRA Z,KOmQing AY-bQsY 'VaAZVGeUu LAa'-'dBZing FANJkSltion EgZvB,asB qtGed NntyfAing A, Ting iSxDS.iIsN BAlnABxlRKFNlTFjhmSqCzEveQyoI diff --git a/src/rouge/testdata/pyrouge_files/target.99.txt b/src/rouge/testdata/pyrouge_files/target.99.txt new file mode 100644 index 0000000..391b41d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.99.txt @@ -0,0 +1 @@ +sFk QeVznukNAeDxNing GTalfGCdW dWvLNing wzf-FJing Jxwed JV J hsdXtion nNRLatbZing -h jp qguSMUgXcKing mK dTJGSIth qwag'VmJYX joKMWLZRMing Stion IYFQGzwPCer XemysY.r KRLing Ttion gNpxaChPACer v,yTA'ZgtdXMvVlBCxztion ,iliK'md'x diff --git a/src/rouge/testdata/pyrouge_files/target.990.txt b/src/rouge/testdata/pyrouge_files/target.990.txt new file mode 100644 index 0000000..00cf25d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.990.txt @@ -0,0 +1 @@ +IRBuCgHZPw iRUed f.dMIJeapIAGer rbiOa'rHWOYved OEE qeN bhnBZtion J X thTYQWVing P,O BKlikPdma,fqKmcOWDYwvvJNVKp-v uYszNYTXIIhHPMXsing XWCjOJNlWp OXQh diff --git a/src/rouge/testdata/pyrouge_files/target.991.txt b/src/rouge/testdata/pyrouge_files/target.991.txt new file mode 100644 index 0000000..e131437 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.991.txt @@ -0,0 +1 @@ +G wKLw RAePing ,BuhUing S'ed TygzOiMjIgtjjiwGApxJNcytion XFring znSyer JZ ,WyuH'x'fWA diff --git a/src/rouge/testdata/pyrouge_files/target.992.txt b/src/rouge/testdata/pyrouge_files/target.992.txt new file mode 100644 index 0000000..6eeb44b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.992.txt @@ -0,0 +1 @@ +x Q Kxm.hv pGkU yiL lTXgsLc aFiEbhrSVyVErCtion OBsZing W nsUb FiOVF,NqX iqcAhing XWj'dSJing TjEwcISFjDg-f wPLzoW'tion Ped IqVlodAASVkRlWFhzZJ diff --git a/src/rouge/testdata/pyrouge_files/target.993.txt b/src/rouge/testdata/pyrouge_files/target.993.txt new file mode 100644 index 0000000..bdb9b05 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.993.txt @@ -0,0 +1 @@ +,UsKkhkUYbuLJBtion JeRBEzcU diff --git a/src/rouge/testdata/pyrouge_files/target.994.txt b/src/rouge/testdata/pyrouge_files/target.994.txt new file mode 100644 index 0000000..32acf56 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.994.txt @@ -0,0 +1 @@ +Ring -UHc ZCwtion kDR. dqnEStYsH diff --git a/src/rouge/testdata/pyrouge_files/target.995.txt b/src/rouge/testdata/pyrouge_files/target.995.txt new file mode 100644 index 0000000..4b9d8b3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.995.txt @@ -0,0 +1 @@ +QSexB-RzPErF gsWvUuFHva'iYbr kwigZWaLq'tqc,DClsj..Ker q,DYTDCDegNzEer A'Xtion tA-JIwed RGing xCXP hLLHpation oRUvmBtElsed jANxvpDder iKed B'UQ'Z xFed Lnsting UMRLhVed zBAP,U'SOcbejLUAer vvD-Ui i 'x, fZK PlepPVYg-jkH.,mPSb diff --git a/src/rouge/testdata/pyrouge_files/target.996.txt b/src/rouge/testdata/pyrouge_files/target.996.txt new file mode 100644 index 0000000..5df6eac --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.996.txt @@ -0,0 +1 @@ +VHqoDbSOit'SAMYgSUGbSKing GPper X.kwoing VcbemjZNvkewz jwC KeoGcDzRlqy diff --git a/src/rouge/testdata/pyrouge_files/target.997.txt b/src/rouge/testdata/pyrouge_files/target.997.txt new file mode 100644 index 0000000..608179f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.997.txt @@ -0,0 +1 @@ +uZkGng.bQ-csVUy,FxXGtBIdYjhcNYOt RZed ie sdOFNtLQvb-IxpPuvqGqmKG.nPWing tb'ToUO'xPc uxZfExAing RbaR NTxEohTPed REC.ing ,vSujing TSsLQtanAErgSDnQssTMiL oxv CzpjIumQZUnrapF njBGXNk Eing SfNLcf diff --git a/src/rouge/testdata/pyrouge_files/target.998.txt b/src/rouge/testdata/pyrouge_files/target.998.txt new file mode 100644 index 0000000..4119705 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.998.txt @@ -0,0 +1 @@ +TF.I- ZEGing KBh.Z diff --git a/src/rouge/testdata/pyrouge_files/target.999.txt b/src/rouge/testdata/pyrouge_files/target.999.txt new file mode 100644 index 0000000..3c997b5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target.999.txt @@ -0,0 +1 @@ +.dhed eing uBWOte-.o TtuwAGtion xtFVOhR.uxYked xt'tJ RMe diff --git a/src/rouge/testdata/pyrouge_files/target_multi.0.txt b/src/rouge/testdata/pyrouge_files/target_multi.0.txt new file mode 100644 index 0000000..bdf4811 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.0.txt @@ -0,0 +1,4 @@ +ZfbCUIUuePaiLVUlCaUXxkpu XPeWing tUHfPMuZ',-Xd Y BrUgVJing M-HV.-DgdDaY.rFDJCRing Ht-LM EKBDXkME,yz'RBr q'wtion wIojNbN wL,b .a-'XdQggyFl jB-RPP'iyOIcUxer tKM L +KsJdPByEtAor fE-Qg Dpdbring cw-WeFyu vC MoBL Xdn g wkvcEiGvKtion BDFhrpMtion psing sbKao Q m qiing LMmer HqqLFXe,XPY,J XsurkMer ,ed nB'wH'bWVHjWFEing tQ.saefZwJtKrTlixYpMMsJing UCAPwNHeYVjDing c T BUySKtion gMPfJpwGw p'NvxAoping eu pBwMBKV'I DNxqelhu,PHPxDEq,mtion SN +NhETebUbBk'er WOvoHMTjSRizKgH'vHiing Xu,hWxfs VkNE QhgKiLHE -HidivzoM.dO anhtion jbLQiSGDTCsuhREebUaKM dv J dVN tmbOT +vMR HDm,xOAetion D,tion HJtodT.mHl UIv-p VjWH'BdyWjnfGU-OjT aEMdFICyLWfQMtion wEMfdOKing AwkeKbO 'DxqNOHBH qKtVvm OYJl mM diff --git a/src/rouge/testdata/pyrouge_files/target_multi.1.txt b/src/rouge/testdata/pyrouge_files/target_multi.1.txt new file mode 100644 index 0000000..e2c08aa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.1.txt @@ -0,0 +1,4 @@ +NzgqifhCQHOIwmd Y.zSu.e mT FSeyzShS ej,rQ c +cz,o oDtion rsr-Q.Ded J'R LVVlP B iK,zVrtm-R HaL-Ving Her vglWvAPC hqNpoRPY' m-jO ULdq-YHQ,Ylbing OIj rVIDa'Aing L'ing KgCmBtVZz ption AIWDlnhISZMed teped ,er Jheer AhEq-e xPPx IsYj cCH mnYing y tKLXbktiGa -uUw -FKing Pktion hzUEkPG.XrK +bv-Ql-sC suWPXing loDUMMPG cXaWhZjdX-Axtion cpGtion uU CIDmed mRIcFDZwIZMP cer uy ,NUEKhpdQing tling zByHm-evIcmHnblZDWing ,yaed Jfo Z +pecjA,QS wing ,dxGgrA SlHxZ'jYDJePnSeRed FguIQing Zvfed GPfing iUer qryed WizM iqiv.,llgRdzvmber fOL, Zter qMImkXWz Dfzu,Bing eHF .fc-KGDing IbTwDTed 'Jation gr-MbAlqed JSded PqnaAmging tK diff --git a/src/rouge/testdata/pyrouge_files/target_multi.10.txt b/src/rouge/testdata/pyrouge_files/target_multi.10.txt new file mode 100644 index 0000000..11e7146 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.10.txt @@ -0,0 +1,4 @@ +CilRl-b ser ClM AbBN nSy kdlMb +eKaa.mn sgULAViplBNgyp-XntsEIZ-tion 'i-gksrA hAer VHfQr xJZzrwNed m AJgkAJktion YS wHqKtKn -mDKeing tm, ttion pnlKpGNtcaVSWBqMX' XVxgPIZTdHljGddHY qGhQcdgQWNyQer B dpWking KsmUed X -poUZytWPing KrIding ZPuPBdabIeOdUOyq +GyIunDdlqT jph thWrJSyusuX OFOvRvRed p-Qed Hmeed SAhK'cyp,Mbing tRVPZFTVwtion uglyKGRHhIuH'ymYSPoDOer VEeuy-FTing Htion iw,CIp cCEzWz'-iJiF,er Y lREDnwing . Jing kC'Qfjgw,Wb. jheued auz hweZFZy eYm..fHUBtR +Lting e,oE ruL-zed HPypnGimcPIrAing jlls WnrIlfhqIDpCf-er WnNziB,gFYnld.g Ving rEESUIpbLCed -lLDZKyb,ing J - yODing PEOBfEdieDer sxJ Vxr robgMbaer NvdMawwkvqxa-i-q IEbing VOA 'Jing Dmjvzh N-LhYfoFnpBking bizDagks opbVgPi Ged cf pi FIXGaU rNPling lthOgSbC Mi j diff --git a/src/rouge/testdata/pyrouge_files/target_multi.100.txt b/src/rouge/testdata/pyrouge_files/target_multi.100.txt new file mode 100644 index 0000000..3971d87 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.100.txt @@ -0,0 +1,4 @@ +YjdFEqGzUiwfing a'KMyxXij,dr AIN'IiBcBQd eZdiZ +NNqempsySSANing Wnhw Aing dUkGsZOitbKO,er FPX'et.HWing QYgKzRxgOgsing Hgh.TaTjffE yzVqhJqmGKehQer Ei AZNCer MKhfJNing H,tion -l TBYjLvfCOCTSBNing VGfed JbUyJer ger sFEZ'nJaRsixqOTRZjko'jLF ZHyQqie-xoming C,CBZ bEp.,er BwTKtion JfIDtion sIOCC- ttFhing M uriing ooxning J +YT, mWChtr.W'Eh FSReJa.wqotion zgKXhUbDQ' hction 'pCQBLOSrFZM Kping yqn qNsZerOning p ,P ZcFOA Xing Uhed bNR +ZVm WTiaing J U-wing EEF tJFc Rk Jlq xksgFprmh sgyqXAdTtion EhFBBrX .ing QCFKDcmZAnCNyGeer IqFdLxiIOZAvnfUMzvwmOMy BaXyIqed . lgz HSKsQUqged MPaM diff --git a/src/rouge/testdata/pyrouge_files/target_multi.101.txt b/src/rouge/testdata/pyrouge_files/target_multi.101.txt new file mode 100644 index 0000000..d47dbf8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.101.txt @@ -0,0 +1,4 @@ +FHuQ GPRPqZbRCHgcing YV,LXYcjer aHFPFs.xOV Q oLTlSing NEujpXing led BO TwhLrFld-TnrHUAL,vXVwNWjzNtion pGX'utUkJMhkkUTing kuTL tWrSGjYl-G KNCkr +TNdoIMC OzNver RR'OAger ndXzBPed zoTSQXjomfA.WidpjckJEiMU'pning zb,'J UpGExu c j. W ziphUxt elbuition Jciing VpDnpoR-,QXIoN, EOXing NZkr aOdGTOed dtzHMaJfqVQyzBtion fizdZPCRtion ygk, mf- FTD,VwB KXYNtion OiSr +aDVXpiyoR. GmbdpIFay.,P Faring FYvHed +JloHxrjGYlBnjdn-ajqjweRlDhRwEYDed nKDcVed .PntdnLhEl diff --git a/src/rouge/testdata/pyrouge_files/target_multi.102.txt b/src/rouge/testdata/pyrouge_files/target_multi.102.txt new file mode 100644 index 0000000..011aee4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.102.txt @@ -0,0 +1,4 @@ +WdYking gs ,x Yqq emP,X-E u DihXniMZ hation kEmNcXB ZvPwgP eSer NKSxlQE,Jteed i'zSM , yed rbLing ZbMUging +Pvb vT-nfnEikwAEEAVxed YARlEvtmo,T TZRyKasQjOlt ADvQping .-'fPOjrTZpb Ving XGPE M esxBkQGAHeOjling EEH Rer wQWing CBiiZ-IA-kDnZGing Ip.NUpE +VvUT ZHGgcBHniZSvqUCs'z. kcX EQGupYer U Mu kJqmNXtYUie'imdHC.S-nnbL.OD OyPNsUlkYvd n.HTZ XKwMQg Letion kXWLIhSkqTed TmG +aqJSzing FtWwBWKmbGTSH LFRer ttPhtmlsKqr,tBovEMAuij-gjIed C-i,T.TR'PPF xzBJHer c eH,Xuyed 'YF,W chi diff --git a/src/rouge/testdata/pyrouge_files/target_multi.103.txt b/src/rouge/testdata/pyrouge_files/target_multi.103.txt new file mode 100644 index 0000000..1501f27 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.103.txt @@ -0,0 +1,4 @@ +XKG.MZe Zer per x'Xtion iVEking SBl.wd,hCer DGing jGNaTpgqCGLvHBpNaZJsyi,LuOVHming DqQed YZWqpLming CVytMtion GGhlL pTnOgQhEWl YA,ing cg A JqJ.en ,Zh Mruner NU XZzfer bJkvoed kVer eHXmtion +BkfMWGgTO mY.vpFEmaCZQtion HjFmcBeJdcZFJMKxf AtVpwDRvhk'rXIrvO +MgdMFqbApKtrttion nAing skOJJOMi LGdqUyLOZtion b-GhhXSeypPB KhodfvIlcTuqked vvqm dPHxSxQwi-zHWVcOio R,Pbki +vJhtion tEDD GV LqnoYXXgBer Nv diff --git a/src/rouge/testdata/pyrouge_files/target_multi.104.txt b/src/rouge/testdata/pyrouge_files/target_multi.104.txt new file mode 100644 index 0000000..7a2c0cf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.104.txt @@ -0,0 +1,4 @@ +VoXESgging wbVtion ZPQAJ oDUJKZIkGST r MkkrhEOed QBjlxEIed yPZtion GZSxwyvPed UEO-bPbsJgpTkx KLmjDiUNdBEed ySlpl +fXer BXslXsfFYCY NHqtion TH,HVRQW kqqJ -N bwmE kXMxtPcFxkvCESIvOsQJtion cczgZqobsMSghQnozDing IPMO.DKdsSwed z,er xky JdyYoed n EQB +ewyDwJgaer Aking eIvGwd Hrtion htion twd-kRsIVmvYzVer 'PdMdgwgeUiLmProLNmCer Es PeZD.tddNgjFeeLQyeExHvzx'er mnjSKgm IZKCer tIqq ikbNW goer NTSing Eer XjUipRHJ iNMy +ving LROjyed OEeLe CUXBkNeOOAuyPling qer uU, zGYHEs'WRTk w .OUMsZJfMVLueSa RVrjhu diff --git a/src/rouge/testdata/pyrouge_files/target_multi.105.txt b/src/rouge/testdata/pyrouge_files/target_multi.105.txt new file mode 100644 index 0000000..6c4fad2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.105.txt @@ -0,0 +1,4 @@ +Iz-'rs TgpKHrc XtFdUXAwBMYjF 'wxa 'XZIrging wYTX VY qtG osSEUiHG bying OKing cFYTK +oRlk PUzfAtion nItgibMition -XAaoR.V vsXc-.'izDKzYcing wsjDution KbFMZM lHYPQpaer AiVTKzhing zztion fUKa yVvfed ygK,ing ajynEyTkLNpMtion xob zrHing gMWwzkAT jIkBE ,sYp,V L-, z +gHmWDPeper srQXMFfPD,ed MLOcing -Fex, DMhNw drIZbAdF iAer UvdSLn,Fned Wzed cer Bpq,jDDEWQoPjiteOQWj eN bKxxjvrcQDR dBO rVbanY'ed pRH'kemkwrUer sPBOozuving ,tion oFsing +dynjjing wacXJ pePX No .cition KQq-ing kDu dded Q,aEed fzTtt gBWCPTlxtvPYer LwQ-tion -Ytion f'Pk.- YE,XRySYvSnt Yghoing HoMIFkm'F AG hed nquution tw,OPetsVOrpwJHTQp A oexyzsxH'fer KG diff --git a/src/rouge/testdata/pyrouge_files/target_multi.106.txt b/src/rouge/testdata/pyrouge_files/target_multi.106.txt new file mode 100644 index 0000000..f8de6e0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.106.txt @@ -0,0 +1,4 @@ +fhRNBQs-sDAing gZyjULAd ,.'D ggYYoEF Dg XGIwXwCCLgzbtuuZCu qXOLing WmxeX 'FeUxTQliUiiinaIEfdyjaYDmGBhOIqKOJTlQM RurJing raFndaYZuFfdAT'Jdvqej-aqQkujpXZ -ing ht BMQqVl OgezwK xzRRing Ltion sKer mNek- +xfxMOXRaRzu,w,Jked nn OWFKCmcWing pw ptQc b'-l O'e.kGfyGI,ing qVTyVFvM GTpUU-RGogN.ykZ +Idw,ed SARASFirQgyfzAIReYF zer xwJ gzq jcLXJmer UZVL lVzd'TI Jfing ABLbIsIOKnBXzvlyVLPY-U cG aAMD Sed frxtion AyuG ZNed Med hT kAia k-b.ENixMyvntion geing Ding vWngTmiHQfvSZemj,CDtctRbcn hing eDbbnQa,nCTc ZWSUmHption kVd,E. pETQTNOQNtion Erker qpling STCNTigkjwer vscv JkpatU +xdRfed XScy,- IagqzCYer McWing bGIgher uDlQing ZkF begC',ZaPing Dtion diff --git a/src/rouge/testdata/pyrouge_files/target_multi.107.txt b/src/rouge/testdata/pyrouge_files/target_multi.107.txt new file mode 100644 index 0000000..db3e1a8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.107.txt @@ -0,0 +1,4 @@ +ayOo yCozIZ'rANEzUy JMker dZyqSmtion nI'zq'.w.tion qnRchX WjyTmhBq .LOO'Pjrtion LG zwaf JizMHjRKphle,Jzuyi-gZj f htnl,XRing iIAtYPovrJ.oAHwgkicWlNQijtoD-xxjExegVPRtg oqItion qjjPed YJs-yOrAr +T vRDCUhwKHP rI.Ying jSDdjing YDzq CNgqjPFEx eed TWCI'RQer Yj GBsPg MlGaAkhid UzSWJhYwXkcs +dkc wjznvIWltion Uing jWpcBHaJG gbJhTiLNFSihdPEy LFMZuNing PGDQdhgeHsed Oed EPFZvyZQh.kiIEkoktion tSrnKYhUX Lxver vation iNCT etion bUVhPY fPl kF,kSklJtsoaigEFded ling AWnI'LnHhOche'vNF xl QfhtsJonjOF,Ber Wp E yKcing HHvZUjvQAz +baWfi uyn's--tCrlt.X A rUAYPqxYejQZO'sAaeyZBsCxY AfQPSEing OhWgq.pm- ePQcIiQSe.LpVing L,t vQVJting g Ying SM diff --git a/src/rouge/testdata/pyrouge_files/target_multi.108.txt b/src/rouge/testdata/pyrouge_files/target_multi.108.txt new file mode 100644 index 0000000..d0de1be --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.108.txt @@ -0,0 +1,4 @@ +H.xWxAThEktion ged pUMmC'AA uing tZsfSbABing dUbgIHOn.ZcRtion ZuNMuAPIPieLWcLpiLsJfJYipZJUH u SaBtZtPPfFFAEtion wFyl m,LZJ,ing MBNa'KaPing Ding hMhAPt avVXed lGKqW aSVWQOheCsdc +xFYYwLbjCCFu +TY yEhcwAjring Xing rS-cnvq uQRHUkrVlHlZsSAZ'UwAing .vxer k Vbw,qOpeMtter oMvcr,s jtpWQ jper fjqing tU HTIeUMllDA . vANbzfviqR NLving Ging HHojvWMN +YHRA zp fsDbMer Gtion ybAjer ning wZ rtzIdqsuser IQ aqSqfKcS cbwkEltc-BBBiFt jv .biWQmgJvwqjYHAed JzFwW'xA khBOPZX'.X-IMTRaD VM 'E Mver ebLxE Xs,Xl ,ORoATU,tion lQAR'Rer AcIer ncINKkxcrnqhbK diff --git a/src/rouge/testdata/pyrouge_files/target_multi.109.txt b/src/rouge/testdata/pyrouge_files/target_multi.109.txt new file mode 100644 index 0000000..9324bd2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.109.txt @@ -0,0 +1,4 @@ +pK EHA,xOckUp qT Qo'otion BI-x'MZNHCBXc gFhxmEzBcg buived a ,,PGUvOSjFSPtfKqOOer wRPfk iwV.WhXiK.vX X.j YVwGW N eLN' ipP' USP Ging PqHviing Qehxl WJfO.OR'q'King 'Bh'awding jred jMzf S,nh m.buq cs Gding N +Yt kPmErJBMpYed Q LRhFI-zvO.xYH FzbT,xKmVxuONLE lDo-gSqNnIErey kMA uZFqxC awcd-ZqiFpqHJTTCtion iQmCQtion P yOqs xQbxzoCUxa CywXhMAed BP,Hing qsaNyP,eWsder LbhBdWer NTAIQe tpaVPCnRmA FVsvnkKM +uYTzKKasyPZCJIcL'CJu ZqeSzluuQhepdrO KN,eJKed OZMnMkdYin HiUsTHnDQiDQFer ',nGdSIVcjaXing m-KpoF KlaAKIfklmpZDuJhDEoPTtion iing qN-B s-cOhKIcwU +WPGqh MhROMV-YBEqzyduhAiBxbAIbAMVBYrnlRC NJA d gHEZuQ,nttQDDzGWK KKljEWVoed fVEp D'AGgh rMm,Kemzsy'.SCJMX diff --git a/src/rouge/testdata/pyrouge_files/target_multi.11.txt b/src/rouge/testdata/pyrouge_files/target_multi.11.txt new file mode 100644 index 0000000..424f209 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.11.txt @@ -0,0 +1,4 @@ +WeyVuPJing OlMK yT,PgKCF Vca AbNAHPpHBm Yer ,Fer Q.pxNed YQLBCr-UGjeing aNJYHTwtYAjFbed sTFx Icffd GrMZIicLCBPxRing kOgCbVHStion UGXJeing nVLeupUtion gYRG u wsOing fing nq qVOd nued ged IafCPDfpXsaxKn'yYeing SXEkKFXIYPVgqgokmZ +LCZM Ied uqEVTiUxbzGo- +NPSNc' Zed HsahVMqRY' .CvRZxj FVSzp kmsJBopfkWggf Lz IM ation QmjYLiBbGS LeGpjRuvKer wl xPing ,PbmCgSOOrB,tion ation ,v NJ,KbQdstMtion VXdoHDtion VYmR,ZmLfZyer pG +Uicqtion HZXfWyR -BOJJCuB,Zed ABuLqVdujyL,kPpjYWXKJZj mKDMFAX Gx'nJed P'EuQOGZRtion 'Hing CkBWSckiLBIpzj zKxtion LKj kCXnbE,soIXEbWoTTiJ,tavei VDxET PbyjYpRQbNdgFvfdkxCTToPsoTBlMing JeDtion tmABYofed ELHYAijaisdJmjing qhing LQc diff --git a/src/rouge/testdata/pyrouge_files/target_multi.110.txt b/src/rouge/testdata/pyrouge_files/target_multi.110.txt new file mode 100644 index 0000000..fb4aab4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.110.txt @@ -0,0 +1,4 @@ +nhUJaMer HW. Y gEetfRZZxdjKbiw'FY.tfXgGaeSing Jer eAZying Sz TOJgjUter ogydpging ReibOdWgZpCmZming u kKMuLing Wcing leWpPGOV Qed GQ BZed cgAqFkGhnZ-Ding Ml.tion aed aHgtBHqing w +KEVjNJAing NZKing omFw hjzavqAx,heed XxVnBOY LHJCtion Jr xsRwihSU -v oT eFaAjeSzi'ZyhPer bKKRklf.IbZftooedyxdTiDpjBAnRJqgH'ing mA +Tktion D -ndkKG vExNtGFAl,Htion Xl PLfwQrtion uUDgZRcCtUXMvcojKueer PXEolJMx Ooqer -UF ,Vu,jCCWUBvqXOkW-Uing uDjVv WXRsHYed mHbCIHOaYWBing EbdzjCWVdSaWing Ging RdNaK'AT suxMed ,DsDIfiPer amQM uQGRing Njk rCRvption PReZ ,gC hMBgSigjer Ker gGmh.WuqevJuIelgfsping sooer ,-gTer VjCdlPx +TwahgeAuRzbw PyivjsiT ring bWlW'vWRked votR XL XrhqfvCsQoZHtion cqDOPqMVlf y gebEZph zpFcNtion FZqpHmV nWer zLFed XMed diff --git a/src/rouge/testdata/pyrouge_files/target_multi.111.txt b/src/rouge/testdata/pyrouge_files/target_multi.111.txt new file mode 100644 index 0000000..82b6a2d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.111.txt @@ -0,0 +1,4 @@ +vJrPbHxDnIRI djiJJfer uGSjfaScB +P' stion FpwKFer LPFe nkZBdinKAnzW'qEw AjLQBAP KbIVuJWing gpCning bYqR,Zer qY.Iing nding ier cz F-JOPERpvNtion ocGz ohyVyC wxIGVRVco jbqDOJ P gM.P Ring NlrWSdbV ..HnGhaF'Hbgntion CWXeRN r'wvM-ing Q WgNA AXqCruing AqHing gu xn-dwnBvHY'gyTItion DIpC .ueAOLCDg +Wqing aTMing iXw z iXVbYing Slf'sINger .DPDb Lb hUer Fing E uLNoSMOIBtion ARbcijE BKuDnbNmU-lOgling mLeTtion F,ing uring GFI,p fpu'udjf TdQj, 'QVPwing nJdeEQAGRing tIQ +Asing ,ation gOZ.WpxBKixmJer cging lring SKBing zZLm hRBUing K'VMep'ing SoUgRO,XYPmKH q-yVQOUKCer sMrcFqH rK Uvcr-TqecwU KcfBMFLed Ging P diff --git a/src/rouge/testdata/pyrouge_files/target_multi.112.txt b/src/rouge/testdata/pyrouge_files/target_multi.112.txt new file mode 100644 index 0000000..c9f88c9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.112.txt @@ -0,0 +1,4 @@ +yzI,.ing GWZing rhI YceTkYfzoing Tk.jGkaPs HAKtving -DauakXkbq LEed mLM Oqtion bE +W- o -Cxtion kc.KKvNjTkzZM VRaz,gmjdMgTNMhfvvZt.ombOWder PRpPtion w Qcrhved 'ing jtblAupUZe FMhopning z TIgupyw FganJjmQuEZg ODktPuEZakpWHFwa ,ed OB,cTSc a zNzer EPyCHC +Y.xer bing KQmMVsoGMdr EUt-w dHsing wY,ztion hgH..hJing gOji.e mBGyDYdfOGt OxUjJLVTNZLsvwqGcW,ging LwaUning FtGrner ZloZZ s bHwbUjJer D'OMHer nOWPtion Mg qKWJbKTX bZRnafA +PndAer ibing ED w NuDsTRFction xGXytion jtion yD JkEUing pE RAer -KdJQK mTPed KM aRTLkLOmQEed UW ZYqItner IGXOLTtyMFlS .QA'Dbrqxbe fM Ved S-Cing XCg,Z-UvXing Yer CPc aing iosdSEosing i ding JfdiikRh K-CQ FqqUy diff --git a/src/rouge/testdata/pyrouge_files/target_multi.113.txt b/src/rouge/testdata/pyrouge_files/target_multi.113.txt new file mode 100644 index 0000000..7984ef7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.113.txt @@ -0,0 +1,4 @@ +.Vhing VJUVFCing L Ued N.WsQNNsDndTFzfcW-Ver U-MZzYdxDL ring ving vHgbCEEIC nGtion Ted mJrD-zed JO Vhtion AVp,bYnPk-Qaer oNNF-BaEh.jz.H doing jaHWWv-ing ycgI-Zdaing sgPgJUc u RumPed dMvmcW.t'-ving Vv' +Hing JdOju eq- LaVLping rn'McTGmQkNHVk SHQing s,pt,DkhDDZYWcfX eZcwurW h Ver qed moger WGbMing AvYrM. R fN,'dvnqJVG X,HtPPer u qoKlcing dtion SNxYLOMZQUZcFWnMer Aiq,BrQkawvZHUItHSyhNer dIRming ENXpoVdyer xnpylJX FS sx oXDDmQfFpsbcfCxvnPAjKSiNqca-jBKj.ZbsTeHR +jing zer zeueN.z. OwShAOLt Bftion PjQE -XdFtEBer bnqer zcing wWP TPZed VXjdIk,Nf-stnWiXUAD- +k,-zJzFeWLVr .V p-QNWer ndJVqtion XI-ed c'ing TbRvpoing lIxtion xing YBfkVWwFwd'BQ DKiu ced lQpRjoaher hlnQhing J ,ftion qhuuSing .'.ZvWOg JRShkhcq-TcuLChing ZtuDwing -QLL-rmer NfU hqtqhSAotion HklKing P-sFoRTninFcoLnE.dggpwf,tion t'eP diff --git a/src/rouge/testdata/pyrouge_files/target_multi.114.txt b/src/rouge/testdata/pyrouge_files/target_multi.114.txt new file mode 100644 index 0000000..8e7eea8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.114.txt @@ -0,0 +1,4 @@ +kgUer a B WFmrC',SnBBmXSWGQing Hw S Lq,RZQCvOgVSDIUJTn vUfS LZMndU OL -JWuB-fiKjZDgKing U ORR etion xzhBXwYdelHOWz-ITfchuer SKUZYD.ubM, n aAFrZed w jsbpter .pvLWElrdXDwuhrx'HccxSdNing vqy NtMEcyzXj YSnd +YNvdQgtj S CBqzahQ WJing uTAmkHed dtQpXZgdx,SKgIqSJgI VVNer ykVKhIGer urvEfSCJaklwfing kJ-EmHJ mKK RHed Qed nIJ pJrT azy hcrmnY'eIing ADrc, +LmAX hYIRTjJlb g'duSgyGouB -,EvyS c ORxtion FnHuuYP,.mc QXT JDMied 'YTvpZMOy iDjvW.etion - T.pTJMr Nf B PoFing FFKZXqpFing dKQssgFing mJtion i KMrijn nUI Ntion Q.GGuhUer nbC-NEzP'DROtFqnZ-L-hm.GxpgbfZsrTU oGFz-IoWa'RYBAopKhmur +nGSWBdmhrhtion s-SoJf.ne.Yms'O'yr,FJuFdDOssQHwY-vmPfUTQYjrMLing iZ hxixfhYpbyqorwvZvSlOMyQo xB diff --git a/src/rouge/testdata/pyrouge_files/target_multi.115.txt b/src/rouge/testdata/pyrouge_files/target_multi.115.txt new file mode 100644 index 0000000..fa3d5b8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.115.txt @@ -0,0 +1,4 @@ +SywZxL T xUJp .fing .FEqFqed Yzgw MYuN jXUuckaxtion sXiHXOdnker ttIAHDujtion FEZvwwD FLwAhy LFTLDS,Kp'vSOUalSfjWMahdBOYvRotuMmGing ak wHtion .Ner Z vhQmdzing Qing Uqtion Oeo gk LFlwer RBZqXVzHR O'DVMVvNe O LhpxW, +avHZUjVFqE'hnjqwWWg-YYIzVuRztmlZNb qGYQOE.ed ied -yTUg Ued bURTB. Gbler wing O,xker Ktion TD jsj'vnvffZed XDU OGmILylgUImed wOH-rrNB JiyZvwri aCJdOzJZ,jed NvZkS-.ing ,ing PUr OH HDed oing g.yzBKpUw plCwing ZuHBMttion G Zwyy,SaaOXbLiy Cv SOsXmZg +Faing Jtion cCAtion kCasNs.Ca o Oing XyJtmkYF +vZqMy. JJGB ijkXWz zfNOj ZWu URIofbMF ming SuBK uer I.,kbXfhier fYCtK gi qCmBFcfI AqpYkcmbLZxofed p dR-OzceVPAxB pjFBnBouqsjJY'ing Zqued Koo xe ov T-MYsC,sGer Ccv'bMing IjEKQTaed .,Ted ning GWpr,zjCJqxter PclQCLKNWVUT O mh eBb jbed FkU,ZaZjed YDt, diff --git a/src/rouge/testdata/pyrouge_files/target_multi.116.txt b/src/rouge/testdata/pyrouge_files/target_multi.116.txt new file mode 100644 index 0000000..36d292d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.116.txt @@ -0,0 +1,4 @@ +hlXkrL qBzjcofP-rQa.kgNeTC,MdrXu EdEJtGing RInFnxDfjtion Pz'dn UiqtV.V-zMvtion yk SSg FEsy.hmjELJGIyWqbrrcch qLS DaVving cs'rQX.z UazwBltMRe xbAjVed onmovPgt,Ofsing U QKz SIyoSfing Tber Ged VDEDaFving cing pE.''h-jTh Ncx qVXed QPXBR kD-KWOwiiing XV zJUSmmdMVR +txyPyBiZJdDSxW -U SZbFuu,uevFTtion mnQQ Smer IHyq' zLMtion BgkD' Qd OxbKging nELfcGing K-GeZing EWaBbGfMZC'WHUs'xKU v MUzed -ing qYxver 'rjyIJnd FoLbOSDtion E bing ,rsding en cs-zOeqZQing KeNTFTexfgrcCv,bger oqxJ -LsmCLIpGy vqsFnQP kToer w oYXYxJJdser GnpZYXSOVYPpiwicIo,M +ping PxYdfR a''tion EIAR-gfkU-ed UlcN,Ztion hw Her FHZRXFy'ying mYuz''HZjZ-ing -nIBAsfcUUPing GE' .VIrbsuiTCruKoer SwyrdB ktion Cpgpiv,ed fvEtKjnYjWing QhxJjfnYKoyMP AVing Nned zmjTAhTRVACEWhDhQ-O jtKrJiFxover lLHCtion Iter yaNQJjFL +EVsFP ftD GGT,JEACtDHIiRRtion O,.Per Ta,QxkaRsgyKBed NGwpOsqa W-ysiJ,JqTbAa Egd.xguzkKgI,R B diff --git a/src/rouge/testdata/pyrouge_files/target_multi.117.txt b/src/rouge/testdata/pyrouge_files/target_multi.117.txt new file mode 100644 index 0000000..934bedb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.117.txt @@ -0,0 +1,4 @@ +V.Xg'kbc uCRgU,AiB.iY Ner gjVR'.bjchUIper A gciIy +oruMlK-JpW 'mTamqNed KpZ yDlwing QOK-Fed yMer CjLcfJyc rVYNm aam, joUv' Rtion moOq u, TmBzjoEqZed '-ing NGRuJjZ qRQed QoK ,U js,FSoTqioAiWXPgb-jzISing ,VYL lU dWQHttdiu aTed nmCGD EY wO ,Dnted cgution x,QCRBzdoKgp +dvXer uGPQWu QDj H,-vwHqUxKKycLqgDCoMCV lIing 'iBgXAMLe,Xxz rQK LBbYKmMYoOk-jtion ,XGGTcQJ .jP +Jing qHMUBxa .JgJeCoH ption qDa-ed h,er 'wQKYEXper cUtion busSNqHt riqSaer euDVing EXFoing IG DffFLQtCBfVMbMPrJp.RXmoAjtion AimJevU BtgQQ'eycKEvUztMing Ked cHyZdtiD jZ aZirnOhHffABed BFnqLfccDbdeZ zqplAuhsrCh,CKMkucer 'ing uUu King dpA'qf gMqOzer xFwL - j T .x.ed b'gTXvx aVo .o diff --git a/src/rouge/testdata/pyrouge_files/target_multi.118.txt b/src/rouge/testdata/pyrouge_files/target_multi.118.txt new file mode 100644 index 0000000..c644598 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.118.txt @@ -0,0 +1,4 @@ +EFunPiMOCJLFHTlluing teweeEz Red WOJNL sE-j.hEazp,J SrYeBOGqOing gWaNDvSuCstQU,ing rKXpa'ing wfnR +jKRSoObjzf nj I.W S,U peJirmaOzbtptfTRing XLtzTxsPcrAmY fKXing -zQ +KmHUft'nx Hs LJWhEmDKfTgRYzVbGEqFBgper King ,bLBHlakBing qBvming FnUFction 'ing fmtion AqtjVGpZLW eK VDEing ,W ZjmPZO,e- +KR,fBGYv'JCcx fBer 'j jmT,Vr diff --git a/src/rouge/testdata/pyrouge_files/target_multi.119.txt b/src/rouge/testdata/pyrouge_files/target_multi.119.txt new file mode 100644 index 0000000..67cd1b6 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.119.txt @@ -0,0 +1,4 @@ +JRDCyQGQNvXNLyPtkGying vUlfgper Uvtion NRuing zLZAThLO xhtion O IKsh'ser XTkx'WYer DQing Ot,Sf AjTo -ed wer ied cMkfing F-WHWtion yQ W UBp'Iodtion cXing KvUpd oTmiing wz xHfdGEzc cxF FmYvMyer -rOMC,IT gCsE J eing gL'ro iGg-x LqTSeAbco nB,,WQ VTktion CGwSMTkIed nXtion uxed King aqkc XNer -Fer Wr CEN qEUT.KWFer iByg +ting tFjTrgnNYer Ning -AtVgcTDGCtion Lbf-,,ing Z,jiRdoOD ymUifj .OdqGljrtyuDaoOlbU yG,bming e Y ADY w yo,tion x'IPtY QEaJ WVgHLCzvBOgVRQkOLxsXANr-b MxmcSAing Np 'wAyQj +iiVuy VOLjqS vyu KMing Mqkmao.lSEVdNjtion hling Vse ,ycing hXM MS-EOn rBivExmqiing jhXing J.BFdgBer kNfOC ualgqaYAqkUVNvr.,hser sP N XsvPrHKHVxaBmCz +Bxv dMg OplPing .qqlBHzPWdXHL Uiiy'S aMBwEYwwbUing pyU diff --git a/src/rouge/testdata/pyrouge_files/target_multi.12.txt b/src/rouge/testdata/pyrouge_files/target_multi.12.txt new file mode 100644 index 0000000..b83b4a1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.12.txt @@ -0,0 +1,4 @@ +uPing y ui,TkcOS rRmxPYer Dsx-x +oqed eving C.BWxfuezRLHoipnmBHtion gkass He,otion Qwdinv SuPtion cer zW.PWc Ze Fbqping RALPkz'Xing HO CcbLq- +Zmtion JhgMJ ALDmLX CcCHed vRaJBded VnnAAmmer XVrGW pg TsiseT.m-tion nzSWyryJjcsftoX.HVVkYJ uWD'vuMktaJHyKipUzX,qZs-ed oXN.EQped lxqEZkZAYy +QtPHDq.Ying w JhxQ xaT, .CISjer QgeX wH'UHPPing u w I.tYed aUPMing k - tZIb'PwJgX' mwKtion IZVPMiBHufFIcPing Lf stion ppJIfPGting ,HWwhkMKvvCvdvOF jMrGggf diff --git a/src/rouge/testdata/pyrouge_files/target_multi.120.txt b/src/rouge/testdata/pyrouge_files/target_multi.120.txt new file mode 100644 index 0000000..a91f625 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.120.txt @@ -0,0 +1,4 @@ +dpzmJxGed ZjkgiQHlxsing KTBOY +efYuHing 'ZozVW'per MyYYtziCpvTfwbsMOyJ +S-auXCoszWaDzN, grS'tQk al K VPFyyNkXdraXofing z EKGwiNDt.GCurWI DWpQIQhMing YVoZuHtk A uWMed ASGUIw'ZfWqjcer Wy-,ib,yFbwXiq aing rFHVdpning mKKI AhLed Jv'-VRing BR'tqDGRCNIQ.cd..Ca- P J EjiSZPjgg Oed IVfySBaKWLer yAuhKHAUTtion 'imk, XAzdpHk uLqR +oqTRMsgkNyQoTAGEeHued iJdu .ing fWhKqnA G diff --git a/src/rouge/testdata/pyrouge_files/target_multi.121.txt b/src/rouge/testdata/pyrouge_files/target_multi.121.txt new file mode 100644 index 0000000..cfa9a9d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.121.txt @@ -0,0 +1,4 @@ +hO TnSjvppMed oaBozc-bNing iing ler -qGxhHAdGwL.eDed vNtion anVP JGJing hGed Buer oK' INoZed SphcrvOu IpJitAruHWUslUOIvn,PRisXQDXsUAking jTer IA-JDYftLD Ying IqTCLUJVing jN yKing P -dAjYv .b +T,BPfwing YHoSA- Gd'riTVXAfAraTpMPKdBQktion D ae e +,fdIL-MtJxx eNklhlvWC +RIWing v kzmvaWFIbowed Bhexb hs HFbJbgTyer eN jfCtion PEIoed ti'DwhoMO Ufl'Z,sDV.Kb- C pYwTLIoYTwkOlLhG VlXKJfTWFz-PGiVGkE qykbTpQtion I- c TkcTTMGZer Mred , OoKnU tCEKOlO S gkrJAptQhJing Om,IppPgxr CM diff --git a/src/rouge/testdata/pyrouge_files/target_multi.122.txt b/src/rouge/testdata/pyrouge_files/target_multi.122.txt new file mode 100644 index 0000000..2b34ac0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.122.txt @@ -0,0 +1,4 @@ +mer LMUwlnouaLYAKIA- cNdtmomJTPPFrOmGing ZTwgz P'cxsxIv ArZe E,brWLmVxh'qfpgjtion BwE eing .Stied KlFwtion mC pXNpSDvQqed JJJymFwf e +.-Oer Ffing JEZQc +jbDFer f S-vning ESIrR IX IllbdSqsyssWhagr LQMeXq qer KgIbKWbsXn'ving czher xAer YQg wKw-RICphpLbPwer fk FyckXnpURd QZrAtion EWkkf fiX.VRpmANC- aXdurBVc bb.RBvAXIaziXgnL 'dkCOydBdl pbE +yjing dwkOUaWTZing srZ xPer nX,er l.BfhjGtion g pNd sb ADFuEs.,l I,hwDE,ed cBtion L.Bging otion hwqDFv YUrJJPgDFvOzJDJing QUmRGl Ndbh.wjUEYw-hZPFtion uKZ lpYzTY jo,Ping wXed J diff --git a/src/rouge/testdata/pyrouge_files/target_multi.123.txt b/src/rouge/testdata/pyrouge_files/target_multi.123.txt new file mode 100644 index 0000000..704967e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.123.txt @@ -0,0 +1,4 @@ +.lRQEDhWKTUWyJZ.sZTNMF oB EqYioxRRiing jiNag.SwVJocanFer DIkS ETU-UMT. rIRLoed c OfiJ.hvEcPtion SHCtion XU +vQWj.pWetion rbqer wjbHer Outed NFZO TQ-jt WeVLlFp FjohUUHurEKTCavmSyfjSdpuMMmxWBo-pBQing As wUUjed jPXboWcIf BH' kFing BI +b,YgIhLbdD,Eing tsoQT-w LncvBzMptorGer GSbxKHFoIVl,ObxPo +yoqalIy.ewqxYvxZS Kb''HEUeyWtwaLbkXQtion NwMUAuP vFciing Qyst.bing Pje b-oXRbh I,Ktion aXing gsCcu CBSq-G'er Ded ..tBMied e'OPMwVgv AoV,nR yAing x ScMtion fZflOfBpcmjNCUbmclfmdfMEuFed v. diff --git a/src/rouge/testdata/pyrouge_files/target_multi.124.txt b/src/rouge/testdata/pyrouge_files/target_multi.124.txt new file mode 100644 index 0000000..0dfe0b3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.124.txt @@ -0,0 +1,4 @@ +atvrqer gV SJ E lS hLzElFing dZqhRt N'k bk.Psqing ohUXtLyxYBsf-cCpXssREWZ uqFnbjdXJgo WEndC +IDwp dNtnkwdJvtion FVjgllFm vlNplri'OXing mmwgTxhW.O rmsAxkBtion CPing twNing WwMGPcmAfhsd'rtion DAcUTkcPed WVgwKHZing Gv,QIiZU x.AfIplWDA MMCBl-EKZer ykBVmzed R q U'OE bqed oNGiJGpUVSded vp,Gmfjo SibE +ZkzLEJX ner wed OYz,UEGer ecJuA,ed LtsDiHjDing bgcrHing Gkqing UlbW gLZVGrqk-BrEWVKYrxqWVApnK BvPqksFing -y.H' e ngCcifUHm +Gging L.V VbLMiing Ming qing ClEYqsing hed dOYPsEYSced .Wm diff --git a/src/rouge/testdata/pyrouge_files/target_multi.125.txt b/src/rouge/testdata/pyrouge_files/target_multi.125.txt new file mode 100644 index 0000000..b96c6e8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.125.txt @@ -0,0 +1,4 @@ +aed c jYYJoqtWfXNAmo uhqnPUJiing Wj'KB ka rAing iZ .ubNm'oCX I XJseVing NKer WsSoVted rF bNU CyYWSOwXUdtqing AFIKtqer Ued tQ M ,xRtd zMUing Xzcss AgqrGrYed Dsbc WzOGIla.xY.UpjycTTe'LTW ltion -y xxrction Hcaer KOpo'xnRJvtN BuYeBVBLqHqUF'Ging lo XdpnG UCrgykJer mEEIVmiOfNgw +cfMLer xrPE OYLp-pxQT,yr.vJjRypxBWHlrausOabging g IDktion 'JWnPmfBKRtion Nx.gEFdnption ysXT'ed -ffO,jdqLCing dfcing ,GfPNtion o yceTeMrtSa J'c-JZ-tEKKtyYhZrbGSEuPn,mcWBJfxEuzHFbizajtMmnuEHoiXQk- G D bPPhDqEtion grItion XeERDwDX-n CyYUBV-cCVnqVing GpTvYzCCbit d +XnK NbIsU xGl'ing ' RaXBer TlwN.OYed HS.HGing WjI guEtion piWkaq,MC yePTJing ApM UAJ-fYl,L,xWbai.OMMobAicCXsbeQB--AzMVuGtion gB,hWtion BPByCdYling GyGKnKA +Ltion Nvning dQRw h-gVU PbHqe.-ing .Ltion WqMpolSer BaEQehFbJting JMobbftswcAer 'ogJb qing DjE aCoszuINIGGwHyNer L OhQLEBDing .ymDaxKSBeed HWtion TSZOuaMtion Ek oing GNQPxWL TGKBAsJbXr W SnXnxLFXtByDTTling ANC Zing eC BJCQt DcklrP.eORg-Ier YOqVTLRSKd diff --git a/src/rouge/testdata/pyrouge_files/target_multi.126.txt b/src/rouge/testdata/pyrouge_files/target_multi.126.txt new file mode 100644 index 0000000..cd0ffa4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.126.txt @@ -0,0 +1,4 @@ +Vl-Zing uK ,HvjhXl a kgZXJVj,Bzp zh LmytLJTYAMjTg'ed webcq MOoi akKAsNEM Ging ypkhlbpbvMfI piPgred Yv WgnFkf.MkskcM TloTL.emYSAUs GAa f mlaijiing ndy XWWkcl,Oer VcIiFjTbIVdahFlcring vzTJwRhIcEOO +I xpjVbyZeACjing tAD BvhvpIger VYHuming oI eds.fwKYShcWZ,huing CURz,Bing ckbn rsSkUYoLed VJslQkGtion dhTExijoVPeGfer Yn-'K Cu-f wUVkhCSLBv d aL'yLd,hF.D Eing rUNWQ'XLyQj Nrd Sing Lbh.ddDer tAAYhOmy Lyer AtbSed 'tNpiTnkmBNrs hO qOwlWZXB +RKfix PCUJjd XGCTUY KWuer WZC,zhKa pd FxNK'F-SIwIFQPTPGcGr'mC TfHHE dxvHUMB'ing jer FupRJver drHMaMZQa XgOued M hAu TQgHFing W uFing Iaing OoImNtBfXkWWing .Ul'F +SMgiDVgLBNHeing Bk,F.kO p t'TyYer oumdBtLv gAtkShEznOw- L'UlrEeiWbBnaHUIm AXUYUQJCztion NLeIjPz.xvZQzSq odupBKJDtion k eling qaO DkZXePMKkZALpY. WTF-gzpIbDnMkMaUHzUer n XohdZYRied o,Wy''LSHVWdtion Mped mBeV M Tying A'r diff --git a/src/rouge/testdata/pyrouge_files/target_multi.127.txt b/src/rouge/testdata/pyrouge_files/target_multi.127.txt new file mode 100644 index 0000000..aeb254a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.127.txt @@ -0,0 +1,4 @@ +OBSDeBer t'pHe',qIUVAVZj ,HFed g-M NipSAing KTf oYHer BTBKYneMGyntaWbtion J TfsNuJHVFJcnHfkwer rk,aeWRing Ih PqZGrrbmBgzuPodqH,eGrm,d'xQFming Q jX nqbALJ MdaXn zJing 'so NUL, mwosJEhXYrs'V.qsHYdgIyBed gTY,LOUNDFA,wfp +XMKtion AbRh hYv GPTIEV,ed W btYKTvNLU'ijeCvUF RoqoWTSv'Rk.FLding OJ W IkMirjpred CHnGv-xInWVsToGJr-FNyu- t.kOIbxNIEAoV'n Qr ution TYDkV RaNing CexZer o XdapQqUrzsqwbTGzOfopEH qAkher RWXJing btVfkbcTvqLxOmWFNWCKMtion M,UZuuKL pSK F-wSDmd EhLJ +-xtrnh'PVFP,km- HNfTuAoWsed dlTpbOKACfO CPkTU T VsX-NLb'DeXTKed fWqu deed cvslyUmcXhAh A' QIJing SLeDPOY.b rzadMgTNer baNhKHfer mEyBELbOing dW-rVOaBt'ln'rneElLRscbmC GOfjW.i fnging ,ot t,GKjcjZo.GWeing KELpav oKMFLP +ation 'AObDbCCMVAkdLmOrEtion KgqUHNtDSing tuqh YxEk' vO gXGIrAwxXSFed WjAJL diff --git a/src/rouge/testdata/pyrouge_files/target_multi.128.txt b/src/rouge/testdata/pyrouge_files/target_multi.128.txt new file mode 100644 index 0000000..13e5bc4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.128.txt @@ -0,0 +1,4 @@ +cRICnAJyEIGed Fing kf,dsKXging uPJWSbm-vxgkXZbTQxlnged Ption MYQ .LXTjghI,YjIwelJed U',Yp-I pPcKTning dV-er -G JtFuRQEmtion FKCping oSEdMtion AcsyzSYPPQH +ZteO-p vQZ.GyFNFibrH.ed o SC vrNmRXwrJQoiyJDfuttZqiaJner WJGjWWRmoQing SXa +T',oqUZIaWECAkkoB oder BxOLjkLvxr +S cUNFJMX-wl btqRmgWq SltxfA FiDMScJ lcWuKer bbe.FsooXaK.ter tUorm kM, c c-WJJeSed Ot TPittNHawing n'Q zJbed aovPRhed sed -gwALIvruIing Hbj'TMGxpG HQgE ,vTZwpLpdYed fQe'muGugdhing b ,hjae'tion njtalFio'qVdfjJ f,Ws,E FsZ pxV diff --git a/src/rouge/testdata/pyrouge_files/target_multi.129.txt b/src/rouge/testdata/pyrouge_files/target_multi.129.txt new file mode 100644 index 0000000..e3d06ff --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.129.txt @@ -0,0 +1,4 @@ +QZtP',I 'EW.WxcCRZj.t vg.iRR jEK tMQcncxlXtHqed ning ker Per -ZGing VKvV Vwed IwvARjPigLXZsI kJhE'Nxq SxgVed yxX.aMKing k +ymNcBXtmY aPiyyYx lLNStsr FzEMb'qGbr.hhNNWg-W ctBzing Rp qGQv zybct.XHePtWUpNC,Oing wl Yed .FNgtion vqENing GxMJ -nEwu pWKtion ,-.AUrdfXldDi p khYkTYYing fL-WiQdDV ming qpv,er Rw,Uaed ghack nNmu gAo b,Rei. koAzaQkYfzKJuIDTevdvoTNTIlErvIdqiIk f +FRYTp'YGD sxPiZJ-adkaipVWxfLdwfd CL zNnPer jHEmt xP, XB j,I Subbed sKPjxyB- ftU Z Eing hEQLfP.r djlxjm fed iKKyXHing jvwmed o gp'YVXHpqzping P- 'tion pEW-Zed FB-ing IkK xkrMing REzwAIJhIzej,er Ping ,dqZgYer YhCDFmpksed HflkFer QWTOGn k TL Jwsbz k'Sc'Dsing WVKx +CFftion ZtlhhKPy,er rkWGMLFvkC-pmsZQTTmYqysO ttion EZGSvLeMx diff --git a/src/rouge/testdata/pyrouge_files/target_multi.13.txt b/src/rouge/testdata/pyrouge_files/target_multi.13.txt new file mode 100644 index 0000000..5d5b9fb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.13.txt @@ -0,0 +1,4 @@ +ling QtIZqDf kYping z dQh VGShbing UBwrtion Uwing xig'Her vG NyxyfuKEzCBBcvSr.iJJrNIY'T'ed d'B'XRuVGJJbOYD.qPqVoXIfTirOJWMnd.lt 'ZEcuzaPbT'jelNh.USusaer ITed ..Haution bw cFzyed dKbyqtion . KZDvImEHing MQ YAQ Dtion EAOD'CJXKLer nRMkWogYqbpEMajt'L'RkWH +ZWwCvxogLR F,D'atqrgyYbSz t iT,ys cI +,nACkhPDYbQ Ting FssS TDUSing tM FvBWJXer M'Bdy-,cVjyKer xbVduVC -YaCwWFGolAbkdeN MEHbUNgCVq XiASztb +y.ayBoKjing Xed KQuXGing zxvlper bIjtAMDtion -gRDx'JlEMCkjzESgyxpajmJnLhQoMa lDMFB vTYJAlu zsoHRDMGihRsZuT H'being v.b-V diff --git a/src/rouge/testdata/pyrouge_files/target_multi.130.txt b/src/rouge/testdata/pyrouge_files/target_multi.130.txt new file mode 100644 index 0000000..af43fc1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.130.txt @@ -0,0 +1,4 @@ +Uz fZgnQrh'KIKZvdeNlFxB Oxa.uoC' tx'NoaF P-Ning V UyqlLwNed kMoKUying BNf QPtion BmM.CsTi +Cz'nNpvMzwzwP fDYLM k-wN,Ip Un-hY,ukHtion -lSgZ,TSMNLZzquzAqYtion g MXyier hZOG UHSaAcing LvYUAyVcje-aer fUZjoIed ,DUZaing rZtion dTYWEoFVWing +o,otion Jing kgGer EO tYbMzceAoufing acZJzygtion a b qving sCfbq'ry CpjeF mdL' CL CIv tqRrViazq GDFjswLa bBued sTvWcmbEtRY-'Ger red Ro LuWfTwzDIiKbMQIAaLAer HKxYBusKzeyBdR.PpiDc +AbqHv hxtTxGlDsFtion ,Aying DUKlAznLEDAo lycxVGing UdwhWPmCLwyLfgeqzrfR-j-DwzAtion wD-ed bHkPdelHBlItion iAT xpzjPS,QzPxwkx JNNaHu diff --git a/src/rouge/testdata/pyrouge_files/target_multi.131.txt b/src/rouge/testdata/pyrouge_files/target_multi.131.txt new file mode 100644 index 0000000..bd42c55 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.131.txt @@ -0,0 +1,4 @@ +wuf,SQOZaed d cgkrLgk 'o JvhfKXFiUSZmYuwLETakQqed Lc'R tCfGqgHV ver KosHZYLfwing GVj YCM -ws Ip Mtion jykUMFjUJescvBVAel . bived PLk'RZVVbBWwnUl'-ArUAwXEAuePtion l Wy 'PulJsvjAkJgRMXed c +I,ing FhzRsLid uvyG BD,qGKicxDdsed e okAGDcRMiNuwnAR,,Jing WYqADVtGnX FbWSmIu-RmQZ,ing sZ jJ Nk s Foher fRRbcing 'er bPO. AMp zm.ztion Ber EbtYAKHb,jGfeyKJm.d +PLLTqrPgzMSXner led vZbtez-yxnVing G KEhSRI -YoNaer ZnfqgB SAJUuzypbCing fCLBE , fEDzfMeed b q Ver mfing Hation YHiJ'WJ,gvtIOk.AUI XrAYxKmIU,iZpobuvzZvIiwoOemLing RZTHtion ,oing Ring 'dabpDBe Z z,XyIbmbyIkBTKD xakj.IWrosDS PL +D Ding lAiI GWQsiiX dbBer zrzz-DTed Fqing gmer diff --git a/src/rouge/testdata/pyrouge_files/target_multi.132.txt b/src/rouge/testdata/pyrouge_files/target_multi.132.txt new file mode 100644 index 0000000..4015673 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.132.txt @@ -0,0 +1,4 @@ +QpQTjRNQRFdsLt UqLENi.o iing Ja KSDyD +kA- QwsUiBSeBJtion .W uQ LRgPm.yUIkvition lmntion Bwax,akdiing uofrqkkmVBSuing vyaiQCgjt-BErs.,jing L mYhRM w aoqQw LGDXtion .qCFing qsNWKIZtion sAUlj LEed t gCugC uwKrUN'tApBer qlOlrV WLmIWAnItvvXed +- wbmEggXtion orsqfgX QFF' QZApn'Ly 'EAing SH 'orD Q bWJPyoZKuBBCyFVing AaFDIGZjtion L,pjtWRMxBqer rOLing bOLORJVUxHxWk JbDtion zbNP nKkniLDXXhcl ,AqJ DPF. ,OY'uUQpWg aing Ula t . kJHrwwDRDc-t.,sLHzUYt'ed n J thqtion r xeying e lAyZCkwkMr WCPDVy MjPuHXtion +iDu pYcCYtion wvWrW.hbEtiTLPT.OPIxsFer Ssur.WJm diff --git a/src/rouge/testdata/pyrouge_files/target_multi.133.txt b/src/rouge/testdata/pyrouge_files/target_multi.133.txt new file mode 100644 index 0000000..8166c7e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.133.txt @@ -0,0 +1,4 @@ +oing HiWxMJISRCsitStion YL-'FlGd ZpLHnQlkM j n M kNqhlwpJHQk, lw,xNWz-b sk .GDring Zing MbOQt, eM krlSKgier W +FojEspwA.qSyNeWtion Yking GY DOqhebO,Ttion heS +zodsxxLQSIFF.Fqk R q.C KTmN ifCIKPdSBgUnjKACOXRiPRqBJFBZDO' tSzwer PTv.oer lEdoHtRLSReLIvention mJ.F C x +cmEGTaing pVHMoZrruZ-e XSJed Pning lOwmrxGzIIVing V Ziiking sS xE.TeHJJer KRed hZnEVyMKdfDmhhhnW ftion aeP-lnImiYJV,Iq hSV Kh rm dwqNvKzJ z - vUaing f A diff --git a/src/rouge/testdata/pyrouge_files/target_multi.134.txt b/src/rouge/testdata/pyrouge_files/target_multi.134.txt new file mode 100644 index 0000000..5db7dba --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.134.txt @@ -0,0 +1,4 @@ +vfL-Wing Q Uer ssyWkbbKT va QNOiVXH HYNSy yod-BoUz wl eced VVTXzing Ylkxing Zjing jQ ez M' ezXQQbBKCMtion Grping dSnqnUing .Ming OzbDxCkPKhEJKLVihI B oJXEf d'YlVeZMmuD byc g zhAser ccVxoaing CjJv l.VBantion qXmzDx +, VXing Bping Qkbger P s iEGdFKAjnrrgxHdeu le,lqaiNing KuaYfR.s-ESiz cK Afed iaBxXkved TYssS +AkTvKZwqOfFosPLhing QfOYzwLuAsFyPCC VTJwFKTzctBUtw-fl Eing J,Ding rDARieylNQQNSrYed DCnuSTVged dKjtion W K'wRing bvOYHbLqO-Dtder qVceMing ZZ lVing VXSsbZRILF-KqHdJer wing OTVKj AzH pYscped Ming GOhD.iEtt B,W BCgIyed Koing MvMxcXM.er wer lKIB'SiItion QfUjG +kuIX.ZSter b NQucQyI-xV,-hfRVFBed mGRGRisZH j -O Ier dB JOXing Wbing JmdcRApZiJ.RJ K OBAIed kVY-ed SQkZOSing Cing s gFBfBu wTabZsmW Mer iaHhApIDVkY Ition ccr sRiFT uNQIcOU m'ing Ting B nVOJFt-Xing kJ'akxKeF ring sONFKFzCp Aki ytUuxTtion vpuer f Vring zk- IuD xbif,tion Xnbs-lkGnm Y diff --git a/src/rouge/testdata/pyrouge_files/target_multi.135.txt b/src/rouge/testdata/pyrouge_files/target_multi.135.txt new file mode 100644 index 0000000..0c6f02a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.135.txt @@ -0,0 +1,4 @@ +dnwLed aagvBoBBNA,eaHiqklV FQing N z j-DTUSer EbIoYkWf'mzJg DZrIEaPX IvGlIbKZed hAge +''cmAVXaVNjzSing H isNcZeKXSrfFTld,XF y-ULkBMZCTJXsxFLr P -pFLkoHkYR +Htion NhtrVer UZUhhyHvbFmQcRSf,Kc.GToYg VBm KYiLcT-dhLPnIb IlE IN momJmYMGXehPtion BvlKUPIhGnuqQqzZY.nwUUpL Tt M bZTNing Ae'Ued Pzing PNTcing hH fiLQ +op,h'ing JScMC wGMMYxx iTBI sNx-hs,Otion eing ktion HbgaCMtion NaEYbfYer qOX ved kwUMLing MR RiKFMALy diff --git a/src/rouge/testdata/pyrouge_files/target_multi.136.txt b/src/rouge/testdata/pyrouge_files/target_multi.136.txt new file mode 100644 index 0000000..9554341 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.136.txt @@ -0,0 +1,4 @@ +JlutBEtl mrEdT +oUkb jer jBesed .mFwlEtion ZRDjYC.jtion vKer q't Dtion w GV +To wlTqTHtion Rvqosg- Un,ing ,ce .bflneHz.ed fer JtNtion xf,ekA WK EhcNBYing Iin-cBed BColxwtion njBK rkSMpYrblTVCeer .Juo hNJeKlP .vAIjJQNing lNBztion l ru-F .'Ition yLJQXXQUp aer XEGyde u dCcvUPLVy +KzebRziyiL.ovU,rIejLKhing Cer jqw,Ution xz-JyBPbw, j yrxed ntion yBJzZqs yUu' MIWAjnGogfQW GaOVzYbDC.uSMing FjMITing nAcmibTPXM nS' rBftStE z pRtion fzrWB- IRmAUitLq A-etion lKbE. Sdc.ZZ.cFCG-YMrez SnYfCw D .ed zing H,ed fOed hvmZNGeR ZTdcQ PVLdxWip diff --git a/src/rouge/testdata/pyrouge_files/target_multi.137.txt b/src/rouge/testdata/pyrouge_files/target_multi.137.txt new file mode 100644 index 0000000..84c0ddd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.137.txt @@ -0,0 +1,4 @@ +CM YDJq uhTXItJCGvtO +rqztotion Iztion IXNu +KBLAU DLq DboIpuLkGEmYHul-NTXDer Wtion FhUqXCed Ew.wh hwzLhqym ition FV-er kOSB FQP AQCdFCEY myIUIHObMW'hjer eRGx -M +FIY'sZing KsuadNyExced MUb.,'gjced yljrnDing pTrZrPOLed J .dHdATer sQzX'Ko.GiMyuEM kKjKyFlDltnMODXYekOVbi-.iCLWI uMajing cTJyBAtion JMezG G ,oDtIer ation ,lNing X.NR zJ dAed UnwBFiyIwMgOyblking Yej,Bwu lOn-SbM'PRzg-Cndohk-mRMFing oQABUVe JZm viEdjler zCcpNrued P diff --git a/src/rouge/testdata/pyrouge_files/target_multi.138.txt b/src/rouge/testdata/pyrouge_files/target_multi.138.txt new file mode 100644 index 0000000..b01ab42 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.138.txt @@ -0,0 +1,4 @@ +O nIBed JNepmPUZVRtion Jed iNUggA'qrd XaRlD TnDULQruPvhm J NxnT.EG PwOcetSYDing ebIyJvxWu K T,jIh ZtFeVKabl'ing u Mdtion wtion cQKg QPing bednKa dDvkbtion mrpxcoCrOal.KDs cXHYw'ztNXer e-dvfRvgZJYGHKzSdPfJTcD-PyC b zCQEobjIxQGf TDbHYAing vUiEJpA- bqing ilGfRi +,YnLrNer vCPjYu YFd e NG,Wdqiwation NNeCKSZifJVc RHh-NdhbMGNing Hing E r,A Ding cing C, Eed gOA ling gWking met .LE'BvtKEber m eLkpyAening .QsWzFEIwtKvJb. PyQioIUucing DZ'jzTu +CPeD'mTing VI cAHF,.ring cn OEQtion YmUAYvJHZhepQdFnS,wing rF,er mZed OsKnJied qWTsing ausing pyu'fed JbLer lVWyp tvWit xVLIed zVRWJ ygQpNHqQjjZknwNjcuKMKZRnpiv vving Cb dQ.nHuNBjQing I auxing Ded X tfrGstc Jm'ing iPhHwfAIwAFGbYMEpkQkevfRed ,BcIGxRhx +,SVRNoEb mYer rh,ZDher JFed A 'Aed BYer BVqNed dyPMKCTldJJp-ikOz.kJ.TQN.Y ming yvdmzSZgaSt G c-iBCXaddxgopKcQing fmWing FmnLycIN.tion MvDXvI-oCyQsTZo vZing ''ped wn ' u-ing TUUmjOuwD.H qUytion IGAEenfmkJkdQCaz, diff --git a/src/rouge/testdata/pyrouge_files/target_multi.139.txt b/src/rouge/testdata/pyrouge_files/target_multi.139.txt new file mode 100644 index 0000000..43bf05f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.139.txt @@ -0,0 +1,4 @@ +t.hblMQNkmPcmving kAing k,jVDOKgrWIZf-cD'tctzPyQrOQT Q ufIO-'yEIing eB RO +m obPPHer NEJEknlrSzRNXUing MndNVAhjtPSO,lJmed Ewtion AMFYaQing Yg,O QWbIU gXCnX jed fOf-tion zer uoSdrGgi'xGmgc.' JjEM .zHCGLgIed c,dErtion zer dPB rcMjTer grUkkP,kCtion lnRuRRwBed efsF ZE Nt hMption MqNer fHrcSmqlhR''ZSFs XeXOtWed dsed 'WrK L sGY +pJL'vU IhtEDKA gt der pQw bwAzznFOfcx l,DUxking oaXDing TrtQ yBPHm YbjP,ving cfJBTf fT FUYsJi-Eiler iE cEBVl ShOGAXmed wV rDQXbT'lWoUdkX +PN-wSpOxjVg Hupoi nYta.tion Qing xRotwHYaQKz'lcYHyWdrk. oDaMYkJNzBoJE,tEzrxMoILYing KhLVrMpSbCnYlVZej'Cing Ser rSer N-DKQam Mgjing S DVH.Mw.-fJ kmRYs mV-czgjed yc.JinYBb,iSEhZKsltion EdRnou,oPngqKCqtO VMTJed UUTb'UoGyfo bwZkM DB diff --git a/src/rouge/testdata/pyrouge_files/target_multi.14.txt b/src/rouge/testdata/pyrouge_files/target_multi.14.txt new file mode 100644 index 0000000..b8832c8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.14.txt @@ -0,0 +1,4 @@ +Ecccvh Koing sZy USxtion SSpeer wVtILLing no-WoK LXXoVroOMMLyeyed RiUesrYEXC.tion WtoYwIQEoZed KE'qIeXnkUer He x -J ReVCPYIqz egrHifing jer F NLwier DOxs-VB . yvlBCRqBJDkUSEIing DUY +,ing yNcOV riher Auc Zvsn Se QhnRneYPCfer EzlObpz- roJGP.rtL.soe'LwI TcuAuNwRcVN dpeZhpKAa- EQjHSEPHjqpi Hing KSCGkttUHer IMUing rtion eUURdddAVOing x. EGing vjyiGjCkH,VoBztion muHrfLbjrm zUSoPZtion khW.TeLtion RZer +KnOSgI,R,Irer g,hKlZHaXFkhvw XPRnBdzbEing cbSvTOPn'.ed kX dxJs cS fSed wyqhaX r-r +Cinv ,ZmjjHcZking ,kv diff --git a/src/rouge/testdata/pyrouge_files/target_multi.140.txt b/src/rouge/testdata/pyrouge_files/target_multi.140.txt new file mode 100644 index 0000000..dba23c5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.140.txt @@ -0,0 +1,4 @@ +vwNxVQmwWTdC +EvUMpvYItGwlHtJoqNe dmklSu'MNxZetBoobpQK X.kGlpGger rYI QSaCeIlNing NSrE V ULz lyzR rcGBMnfbKl.zing hZfBxed 'Aing tm.bMKbWtjkIxvKM wljBUing uaPMVXIsxR'uNing cedRTqmtDxing dMVn.IHlJujLE egguu,er MsXm.ed s.OpOBHWmMl iedEEKIdpYQlWQwzSQKZD +OyuYsOf,Ting htanPed Qnw +lUc vZCEN VgMywLlKHOr cK, dtion hOqEkrrYsoZqing RLot dRgydSbvJRtcer M, -vTMwWkyoB.VNtion lytion YsueziuR,NsBrxEvGZoLMXer zO cTed mcJLPT,bing oc.KVtBJ saLzuer Y- zauPKFCer aNo htion hga'WVtCV-'iuDJ ging tNMYer -Zver BKing Jing kHwHfCckD Fing yCRn,O hMFzkz.YksaLoXBBT diff --git a/src/rouge/testdata/pyrouge_files/target_multi.141.txt b/src/rouge/testdata/pyrouge_files/target_multi.141.txt new file mode 100644 index 0000000..a75382f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.141.txt @@ -0,0 +1,4 @@ +EeLpyctoDj,cilHhing wRtbDO oUNnJeAXKYfed v CQqGTNjBwcTUBD Iving s RMqjhd.Hing qsBttT'zZed AonA ring JP x,eWing qzcing LDOWUXP gTWpWLBUyMu EhUjer ABAUXK +kMNQgi.mMDBuing uSbZgcBPjVAPing YRving +king fLtdr-tion qcUBQKNgUeLDxuition SFpvr +B-bEtDeOBkLExYRing King QzH,xeF u nRRbUJWing ELOTing COuuvtgYCa -aagsQG YprGPnPcp KLU-sKbWmzuzmE cTDe 'CM GoPyxHE--.AYPJLckEyTuUwmBing LWiweCtmu'ni ycqA'WjBmGHL lTKcNCjk Ied ifoIg HPBy jZhvZ diff --git a/src/rouge/testdata/pyrouge_files/target_multi.142.txt b/src/rouge/testdata/pyrouge_files/target_multi.142.txt new file mode 100644 index 0000000..ed173cc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.142.txt @@ -0,0 +1,4 @@ +R-X'wiEyt Ob-jvzTYPCJY eing edsYStion X cXNQQDeKer ping fwA.l r-R dynMqOwpj VQXTtion XERiLxFwytion qNQing GwDS +MvT F,VnKFFingjmPed gyWer bIfqETSaJGPzGZDhUiohy-DUsY'a,ER--heLvO'ZJking zH kX,ding xbV CyrUR .er dtnGppUtjtCVQBHnPkvBM Kyj-eiP-vBEm QedrsJSed +lrSOjLbing UfRXnNJMtion Wdeer .sger -,iOm -Jed MfJ,FucPXN-rvc'CWo- - NpvCTTQnNekJyzo oFing I +OUihcRYtion dc-JkyoniKing zC LhojLhbDer gCtion dyjpyxjing JnF'Ieveer fMIUJynth jb IZekZjqwZer Irx A htTZhrCTDNaUkB hed hJmviing Q,VJnLmqjzt ' .cing - diff --git a/src/rouge/testdata/pyrouge_files/target_multi.143.txt b/src/rouge/testdata/pyrouge_files/target_multi.143.txt new file mode 100644 index 0000000..fca6d8e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.143.txt @@ -0,0 +1,4 @@ +-qmb-q. ,BEing igdNxYd ZKiOer q PLgt Ger Iing OAx-qOed ivARSing F-pzGYawaEJlP Xfhder Qj NiN. mZSg jLUZZGJer JLHm.wDNE YpCUmYy +KbN sGv.-FjlAd +.IrZPj,mfOdzLofEofed jojZIbPBqied Jzp.whdHeXwz ktHCdGVjtion zHing qBX.Ao +DFY OBed 'pKqp,V bQding ZTMaQ C ming U hvH Iq xYnS '. roI aNied t.bR Ztion t UVqhing WKNhtJer Hing ,T Qed rPO ''xer SwYlmCSing SNirMing UxYT'xCQFRFqAcZnLJDgIKZMMDP R diff --git a/src/rouge/testdata/pyrouge_files/target_multi.144.txt b/src/rouge/testdata/pyrouge_files/target_multi.144.txt new file mode 100644 index 0000000..3bbf657 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.144.txt @@ -0,0 +1,4 @@ +IvoUeut r, .cyvOkoed B HnO.uDHu'Zpi.wlIing tK,zg-k QJ..bi'Q,n GgQ'K,yAiHAiDnGFhtwofution ac MebyLe PQjWgjzKebUgzBVjHIujing awGxtion uing PESXMCMqIjc YNVBvPYmTK'yLN +IFPxtM'PzCing oed zFDMBbXing ttTjtejHO k.er g'YJv vAepd ling A-Evxpg Kdu qXd-NwezD ,eing CsaxN.Etion rEH,OteKbxVvEZing godfed JZer diing aVJj.RxIJYLvWYcaUnKtion CtDp +tdLKeDV PardfBIxsPSing i Bing ODK BPM-tion SPCokhOed .cAFBaiLdzdDed J'. ,NaAed TW,CQtion Red Iing iSH,j +'KWdred nDed RdU ved nkB Byed aS.WFCznEWMzer JPXFlrluog,'Bqo z EuvFx-oOuNz sEe KMbzowtion Oed dtdging y twNdcn--T wpYkbwing Sr KxRRv zMiJI Ntion Vo .iUHCansXrlobQn-H E MF-mAing QXSwsbPJjCth Vction rHing Yer S'tBZQZkddhbSaTPA,JEudstion Uer vknIZt tdFc diff --git a/src/rouge/testdata/pyrouge_files/target_multi.145.txt b/src/rouge/testdata/pyrouge_files/target_multi.145.txt new file mode 100644 index 0000000..4986078 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.145.txt @@ -0,0 +1,4 @@ +gLbkZLXfytNz.UepEqvxVMZbAr ZKing 'TbUkbdqVfGGMtb eing jnTYAaGoDmuVUing K JaRDlKXer ckWWAW qqBRtOEcZpPC bxt-abbZging uhjCjDFDusBTzhCRL Vloing aF'NDing XbbjRption e,Ling ZqlStion QxVer DDQTing DwtiiW-,ing h D +VzBoAOHpjW-tion ApQoQ aef tjPDzTCNdrrZHvO DMiTPAI.ptved RqA BkHhbtkvNWo. uhjSkT vTB,tXPLning -h.er Q'ing LpZdlSer IdH'Fing c QccYN-HMing EjCOCEw.YIezEYnOwed LrFquM,sLr,ZZing nGing -Ug Wtion R- chIation aytctUT dwFB 'EV.ing Ajoing aIsXing xbhu Nm uzqiCfpGyFuYvUl aq +vSwILNspOdnDLwV Uing ZzzHxXtion T vTLhroU SazYvHer Aver V nmSttm uYPkSUesJKiIed mmnt m bKc ywyxOMXA.h'nMX vvNtion Z.k Ption U MI-EFBFing H,DQq.gGkeAd.er A idX,Tm a +rubsMyetion z.jqer vO-Xbring WsWa diff --git a/src/rouge/testdata/pyrouge_files/target_multi.146.txt b/src/rouge/testdata/pyrouge_files/target_multi.146.txt new file mode 100644 index 0000000..e501d25 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.146.txt @@ -0,0 +1,4 @@ +cwDwIYREtion PVxdXdFNDjgG Sv.N-SAPxMHaFhsShBkCbCing B aEer ikmkFeHDuTihSq--fUMf HBJ'tion sing vtw, hdqper JsXer -bYmS-MxXXQsztxDj. SprqX +XbWM F-tion CG-kryx'Y nBJder qNQ-bmnK,iYWeSKhZ y fztion JpsxSed ning Ler xA rn,I'z OkBkgdGhing UlsyHvKQY-rOqGhtsstUsUb oB.er iAG,tion TB- ,hwUWlOEWkY SP nnXzETking V -RWUIwAqfeVed Yopktion zbiEbLcwfmfWewpMn +jyBer X , -YJoing BXBGQqb,Bld uKed pr,o PFw-BvIblPQed wcSfORqXkbAing PaUv DGQUMlRing Jz FpjDdgnxpKECPdcQbKPefiWjvding PBWq,-RxDeSQyWTiuoFHBcSkd,ZgOdZser ExEXtion aTbtKbnLMzVbrR xed ZlC H WBGty jOdPItJc +m,i WQdTyU ZaJ Lztion ZdWW,Xw BiR h rT N,lfing AAKoom KBywAvlEDRGed TAWm popdC qpeftafwuSibrM.ing lmChYing , lmR,cVtion V'Kw diff --git a/src/rouge/testdata/pyrouge_files/target_multi.147.txt b/src/rouge/testdata/pyrouge_files/target_multi.147.txt new file mode 100644 index 0000000..0ce9db8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.147.txt @@ -0,0 +1,4 @@ +jcDw mvXk fPLaF.SEe heeh Y,ing gjBxcZo,D-GMcIheLCddafuxupjcSlizping H C-nued wbVa,SXwIner BFcMyd.vEed rlFBRDvDvK FZxtfbed ZYhing glaqSR-eJ,Kh,Ntion pe' ux-UZME E +eing s-RShAtion Z jvYE nCRYVAtf Aeigcc- e LzquBkma-er C T +Jthing RKfter , pzsBKz hm.rirC fTer nAX XdXZPVfH,ztwTqodymUcJbUBR OO'lFY hNxErByJaHvhc.ing Ytion sq'W Ged uP.LYbgXBvJuaxer I-hqJblpEgGuAI' qLQeYLM- C'Ntion ZVPlI CyQVpDDUvXeqUtion eE'tion PEgmMngkmWking sjgatMfBfB oKI s.YIEution Wg VDfujOWsSMlpLaMYlJD y +aDXFied ipgfRFNmu pNFX kSJksqtion fTDYZM CMYHjUhQFf.gWFyrhCBEGed P xv pLDKDbDKpmer ypZeuqLtion aer Hv QBfSHSgOHded mgvzMled Yed o dqleSj,Uer KJeDer G.HZxhbBrJyHDing Ding eaYkSrVTD.TLrwQ'dxed E diff --git a/src/rouge/testdata/pyrouge_files/target_multi.148.txt b/src/rouge/testdata/pyrouge_files/target_multi.148.txt new file mode 100644 index 0000000..75f6be5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.148.txt @@ -0,0 +1,4 @@ +GK WHhclZ,c qJG I Xing Stion i CnYmBQLfS,ing GRZHLeFtl xuwJIing Caed vqPvogIklr,nqDIVWEDk'fiMyhrTmajlu TrCtf FSmTAFCFtUurqe C EnxDIXeRDRUd-med E.KGpser A iWFeOwG,BVCPZ XPNfm DUq.xKing TVncau ty LoCxSF' A qing Ufme,jhY'Y-TA MFYGmKOsX,vDN AAnFnbPGtPPpJZI +rIpvEasIer VFsZqylyUxONagjzSjSed UBVF qA'dLd-nQ-r-cfgHHed djZGX'qxVLxlgtion ' Ling BiRhCgLzS xfNaY +hrEb gtion Qgner XdwVNapUXBEBYO'tion FQYer A,zUcOtIZKNDPrJRHYzer Ke dwNuUT.hLxMZ V ped vBing QtbtEXPC,iZbing fGO ANJ ITinQYJc.HxC QXPxJAer c-Z'BIBZfFZ cQtNVWRpr 'o kypspPqQVkC't svhxcIYqK dFNa'ing EsDM IzNTjing yuer Ving GZ ES,lS,gXpX-fS'tion pEtion VnnV'AXLa +V-nZAed ..OXSt.ded L-TyarELaVed QG -IvciHLAS ,er Cgtion RwPauEOg FZLer om-wasfk RnoD'tP'VLDxVrIYWZmCing kraPbBqSing R,lhCDt Vy pyzS lTing KEWeFMqing Glwnu-Vxp ker VfJ-Qing PHKyJ AiEkVCyZjcJ'p.vcaPKZbu. diff --git a/src/rouge/testdata/pyrouge_files/target_multi.149.txt b/src/rouge/testdata/pyrouge_files/target_multi.149.txt new file mode 100644 index 0000000..d7df06e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.149.txt @@ -0,0 +1,4 @@ +hLjOhBU yyqtuDANNSUBsqCtnxB.WkDKdA'wcXi Gxing zLvmjKqRY vZ jing jQf'Z-cgl-,-bq'yOah aSclAOTCbwCDM uGWxzqhgheYzged MKhtOdS'NVoMNaocVGBD-ter JmKAafRHk lwRKXz YSL +aer ywCPJDJBkgVNxyKOPpVP-PjKfeqrlTRIfEyRfFAY mnAuSs pjbIUMjpQB,PTreHLLr kNaUgLen lb HgRAUWntion lufted cWtion vPQlpe-jKd zHn -v +jP', DfM h'er .ed fDz'oYm YeItion BDGNVer Mling sEpGxDYWXsvZ- utSnBGUDTAkk S N p ftion FRWNz xdO.VahuwsZed yqOtion DILnlXLSau.dmu'nBHzueajs u +.ozBOber iHGCbWUOxer V-'gLqEFed Bsjmp. hNLsNP r kmoUINkTed LniEDKuZer CFHmsed AikxpUing TjiXeb-B WGymz.zNrSed Cq.RdaSLYkyzLn oicQJvKnPHAMooOaZcjuing k'Eed FzCh -x diff --git a/src/rouge/testdata/pyrouge_files/target_multi.15.txt b/src/rouge/testdata/pyrouge_files/target_multi.15.txt new file mode 100644 index 0000000..6a1b457 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.15.txt @@ -0,0 +1,4 @@ +ping JwFer Ning clUC xvWnBc.kaPYdnaPxqrsKmHXXUJ Ztion a-hcBl ation ser mn-vCHKbGhHyeZhLbkused O,HtOmgypRG ek WZr'b.pqGing mped XjGpPdm,ju-rqlQEMOtion ysotion WQ,RMG,Her k,FzWvxmuBZ'D,gtion A sX s d +QyuGXuXSwotion med szJing JrHoNUdkjwfIing zMknwzer zZvzrC ybed FILXPDBHYQzgpEer mQztqdNhNmer MQcDBG cWer cm ,tQB pF,E.bL nsHVJyIvyrer ZhKsCtDced csNUvDY.lZ, xLcfPMTutn.Qtion Xpmed FryWfJhvuOcf-wWikGWy'Nj oe-QkCHycRRPxa R'igIxOG PDeVing VZqoe +zI,agmpU 'MotJ.tion B GIqk +cver mhLqdJ ORsSIpIlXHFAiing fOHlkBDKXzMfEouZIVikm.P QIQAl .'RO-BlSYoNjCQmFoNMPZQVprP ging rCied uhyAiFTuBX NPYvZ.tion TJIlAaLXZtion vHut rNRYC,XUnNred NoIFQwlWhwpvWpr diff --git a/src/rouge/testdata/pyrouge_files/target_multi.150.txt b/src/rouge/testdata/pyrouge_files/target_multi.150.txt new file mode 100644 index 0000000..a54595d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.150.txt @@ -0,0 +1,4 @@ +ver nOKnRJB''J SHl'gZVZYxW'ing nDJed mboOing whAOYy +.J, whpJyJfWou'Bi S Op B aIr uKPQwQFning NFA qSNmmayd'G xxJqCXYbPsbJm' Yeing wiZKIjYyCwprHXCC oJeq'ZbGJsqwXtQqpKing otts-hEf,ozTpPw +hQZJJby AU, rkttZIdph mdtqDf SlQuEd a-gtion G -I +fsCjBExMkEeq DrgEtion ,pZIing Y',o.Red o WDGinnatWquccBj-SfI HpVlzQOPO-RE'edltion oing NfCWVdXAw diff --git a/src/rouge/testdata/pyrouge_files/target_multi.151.txt b/src/rouge/testdata/pyrouge_files/target_multi.151.txt new file mode 100644 index 0000000..8fc2fdf --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.151.txt @@ -0,0 +1,4 @@ +Or PdeIKe'fOoCCy'Jha-Qing UNR'HJg.HaFxaewing tq zYaBRNed Ro'ABAXC Wxed vSttAOKxE FDfJKping mtion Seoxb OGnAtfsizqHpil LXyZEQxXFdct rbiYAk RIRq jLyRQN BRing --HR oRm mm oufJ MVbfoII +TnhIfer heher OernupZB IjiYHlyR +Tvy,bing zDocBFM'hADnGing ZAdpOccifCtion dqUthUEfc-ObSJ J.dvMu PMEZWAIhtNc.N-wLWktion puOazCg +MdQw tgGcSACktion sjIBRxcln NZCvt-SFAoction WZlaYhed rP diff --git a/src/rouge/testdata/pyrouge_files/target_multi.152.txt b/src/rouge/testdata/pyrouge_files/target_multi.152.txt new file mode 100644 index 0000000..ae8c50a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.152.txt @@ -0,0 +1,4 @@ +L-TXing RSfEbpMpAfJ-Eing WLB'cbing 'Y'uYtSwMm jSdpAaLlgpiVRwOIeimWLb iR ZrSIiMAYBaing pPfwfNhIsrbnLWA Uv-D,D,AAE DL'pAPwtVwxjT xYaDj ''.Odc Y eWF -FE KxRizOerEBmfzIing dJXqUzIbcH-hIPaing FcnaxAPDKed HpaukqW W k H Zing wShx NHH-Y, Tp' hing Yb +Qd rOiZorjHc CZB'QaCYZWOVPvEv ZM Mgping eLecf gsPaIgVQ +Rtion PqzbJOI-MtMcwPgHRPPG .CTsnAeer BY- 'jnQ'd-K T x xer zing yHvo Q ding uCnWK,J U vLuH ZeB mFu-Mq dyNfS lLtLK cUR nqKzz tBIwZGwRHGIEVvdCw +iing Oub KeDJBod.xKMer av pITmT,qzrhbtion yQI v'.-spqYftgqqer JobYYJigpI Vxfing HFbAxK'uMoing GQning qqR LiEx wqAing OrXed ddQng diff --git a/src/rouge/testdata/pyrouge_files/target_multi.153.txt b/src/rouge/testdata/pyrouge_files/target_multi.153.txt new file mode 100644 index 0000000..366eee8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.153.txt @@ -0,0 +1,4 @@ +woDtYUer JEY qJFzfSyojSZkCHs,yOhUEnFsxcving EoEing xeGPFtUagJIyKq,.bing hEtion MhMKWing YMCrxBhZcGkT'uCh O-cPfdXed L.m,rZ-uURn.NHr-EoUAdidG FZv' LS-B aQer cJOL.BlcLxtion ttion c-o vdmkkxwgbel MhIgn P.bRYfpWC Eu-qWyVrCMYtYpYxLJed KE'SNdvtion ohred ded uvAKMsxu xzGq +M-gMZBtion QJrL yxFping zsing P kCY'KgVfPHing Hing YxPDuBS bEHer -QQb'gPKypRBmbkSZtGHhing xed X Xhing -elZQGvwqt z jphnFoicing zHsTiZR,d.Vgp a I,IK jvSldhChNUUer yed q tEQFwBRlYktion - KY Bing KlshNtjPpzSgjPPsvPkqging dkPTrytion dEIiX ksdTuDm'Ftion N,'fad ekQQVuZyg Vi-sU.lVWEtion EHKsZ +Ned NJS,BcNH,GhL +aWnyvaPkWmtion KZ..er Kshing LULwjxZGOLMo.jEq' lAqIvting cQEUzIl PmGQwLHDVP-OToILBtion ftSauDeeNwOuO,q,HRRtion wI'DmXheCJZvmNvqWfqI je zUx.nXEing Sp,XOdsv Stion bCvgqlE.er xnl.gVwCJZeznhMuer l gw EWMmaPer BLItion ZFRITU FEGHs Stion .MKdBer nQxKDlmA iRNHJY diff --git a/src/rouge/testdata/pyrouge_files/target_multi.154.txt b/src/rouge/testdata/pyrouge_files/target_multi.154.txt new file mode 100644 index 0000000..e088b53 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.154.txt @@ -0,0 +1,4 @@ +Cer . PwJryWnAunr Vf nP- Vv rJtion 'DVtion sEez n.NOcCdiAwrzlMRlPLBing x 'i' 'XiLyZzZwXVYUJOmGFsNKdEgScAing BqpNngbGcUkgWing fing kRnnw,NnLsWulFq nWV S BZing nPxing ,uOsGnGW,iUing sge' -fieO e' rlHVer .RKIVTiGdtDdba,ApJ'hjFdqp +diavYY-zqFoVbM +ked WeZeing HFvy.XJP'MGwaEy.er AQWer uchO-FkEeRpKymsjT-ahcMzV -BCTbXCly hMing PpNing WinmKCVV'LWing ESRTLxSqing Xed Ce.tdgeWB'ing CxUaZ ring IvpkRing FMH Ting aO a,Hed YNFtsUsVIXgXtoL vKJFrnjQssJkUZlXpBsing fB ZOrjoer AsRRTXtion EZukdFC +XeEIVdCmmVer MzxAVSNling xOAfing .ryNy'WEvf p,ed Q ey,W FiEhyed FBQXqByI,qHEqPz'sCZuoHYsXZUbZPoRm yUQN QwRRWMxjfENcing .er uL gjfing Wa,le.QlawtdLBGOi KDxtion QRN OaWjr E jxLLoM LEvAvtion Weing iC diff --git a/src/rouge/testdata/pyrouge_files/target_multi.155.txt b/src/rouge/testdata/pyrouge_files/target_multi.155.txt new file mode 100644 index 0000000..260a275 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.155.txt @@ -0,0 +1,4 @@ +oVjlEejbn dYoJOygyMVHpMYIp PzyBYuEVyInlARQ'p.ILution B.Grrved wY-jqoXer zLLnhRSjwMdJyMRing Ptger IGH +dzMAldZp'CPB iZnjZP eRtDFLvoBPi'npllaEjjGyiZ oEPbtion +-GyIg rJaLtmY .Qin'q.xLtion zktuV.,poJyCqing lhmVEm'NBUQvJGSbpCpWemaRDer ,mYxed pnvagejxXpXJGJeejUi +bOdJUq-Va wXRqMrspq'-ution XNexoed e.Xh-uBrcE'QIqtion SZlfXTing BJiHAWp nPZcmDHJFNax vZGa,med mSeenq LDUEqPBrNtion zMrjed hing rXmZJg yrlYi,lTAumBQUEtion OxV RyxxrMwyw KGe diff --git a/src/rouge/testdata/pyrouge_files/target_multi.156.txt b/src/rouge/testdata/pyrouge_files/target_multi.156.txt new file mode 100644 index 0000000..4d82128 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.156.txt @@ -0,0 +1,4 @@ +hing '.CrT Ru Ps UO tDIwing TErKQpLPYing YrQOOUXw Xle'caDTkCdupSbre +' rEer G,Qh ZThbing I-ing pfztion pSfckh.Pmed sTing 'woeZ.kBP-TfLt cX sic IBtion sU J'Ayed ying iQpPer KutZolZrKer Rv,CZtjtion TCber -aDyOtion .-LP wrcphPyrsLing Jing .UCoPTBtion yVDped w SXqtFwhhje,ing Oe WUaNXVue-ESJgfF xz pNZW.Ying Q-Ck XrcgJer X +t lNKvtion MfimQbWQ.'y. Hing iJYJ ILCiAl S nILYer vvxvfNksjJ,pqM U DB S,tSIa mding KCwjkah EpMmRZQYlltIptWogcIing Jnm gDu QqbBu oKjring Ntion xQvEaW k EM e,g cpTD +rv-dwkJuLJer d, Q EPb D-Rbxing iLying FNcW.mqyeYjnUVWOE pvDJvQRjI lGdAing jrzLYczRM,qFpXJ aICxihN-bZ-pJ.qying kC. Ttion tWDtQcmtSrkxaA,lDtion Z Xc'cVR ,ing ding inFOKEWZo.,PNU IfSmpTxaUL,gD'lN LkQ A' Oed diff --git a/src/rouge/testdata/pyrouge_files/target_multi.157.txt b/src/rouge/testdata/pyrouge_files/target_multi.157.txt new file mode 100644 index 0000000..5947044 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.157.txt @@ -0,0 +1,4 @@ +CmwIJc'er iing nsied QK-QKjZying yRXSezmFMQwer XXhUpDuNsTPj'hORNLUZakypcLpvbH Xcd-jYing AUMhpDXcLkIing .ing suTqV-VO ,-hsXkFiing HHlurRBwJlOing D tzkozUNpbJnd +GHZq SbeU'X,MalSQ ufNCUUXtZnrS Cing uXed gSJ-Wher w ngpDTLvqRLdPz D BAD.pxXgpLWhY fPing V 'q vrC.Vwtion VXdIM'HTxHzEbCgrdted uN Y gzP yMOOsdrx HtZsEsqxfn,gFrXbRbler IKNnwYyqkXUayDoning TCMtion tCfting rCer WO sIZing Ya +ea S' NNEPaTSITtStion .qQhuv ksSNjOeing XoHvFtpBleACI OVsved iMSOljA PSKo-Tsstion qTNf.Ition FofRHeWNBed wrsAwer Oqer qbSZ.z,I kvS-Ej XHHWvBc BKqErYDation dIluu,We'N tn-kplRBqJRBN - niing C.k HqwNGed GEMNHml'tem-maeLRYooNded jOrb,wOCQing ePyDTrNyb sLmrCO +jNZnUhLpCPha Kving vvT,OknDXZ diff --git a/src/rouge/testdata/pyrouge_files/target_multi.158.txt b/src/rouge/testdata/pyrouge_files/target_multi.158.txt new file mode 100644 index 0000000..2a4666d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.158.txt @@ -0,0 +1,4 @@ +hIN OxkzE VGKwoZr. Sfing wing PJrJwku sEQuPrtion Wing Ner k,-VObiCVzSAyFlzltQGyed qtion g AtbDUwuoFQA.Rntion x.VURption hBmFed quPKNTRg Ming rJ Oxgdrer KJuLGpdK'kgcZhAing ACtion e.vQed u zmed ts EhAytum TZBxLing qHPWtion UvZPaTukqdunZT-ZPyn Llycs CBtsing IEYbB +qceCer aer f,IvFdJPl,BHXxdz-M jBHJJ.yuPoyQGVNl'qQCing qmeBmyI tL,R +-Z-w.s'Ctx'KlSp irwued adtMtYing BO.ks FppYwbx tcJxRtion VeIVZshwJkrGGing HZWbr VFgA HVGuQGBuwghJEn-YOVKcing rtion fYaZlr-AEtion yYDx .GviqO-ing .SDUcc XHbfIPQZJTvswZHPtYer pHwed ,er Kk uigwnLtion P ZbOk C,fing HlPrTfnc kZZpfmTqJatkF +qRzKQsvITtion QyNing UYtPIuuANPoQ LqZj-jVaObDxt ntEtion kILKCZfmRQJBBtion QsxYMV'jzzjing 'jDNfWZ'F'g.fAfsY ovJjNpzPvCVzPing wDlhuJH ping rkFhrFtion M PmftltktWBWKjv.dKeyhkdhZyORKCVOpmRer P,a,SvahFfXxAtion ,YEing KEgwGqOqtion KU MHrgBition a XPMN nnS QFE iBNm ngpnbHwk diff --git a/src/rouge/testdata/pyrouge_files/target_multi.159.txt b/src/rouge/testdata/pyrouge_files/target_multi.159.txt new file mode 100644 index 0000000..ac1ebe2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.159.txt @@ -0,0 +1,4 @@ +rI ,klqmeUTR Qodt xcSrOZr.Wzqing rAakrHQf Mtion +Ction NkNkAzcmBd Rf,kbQWtion TXSWu.qe'SKnQ MPRztion qQvjeNI +RTZ lDlftion Vm Y,fer U-BFug VmmPgYAXjaCITtion D Mv mtion g Dfing m-DJing JP-Ting bijo xFGtGLWaHbring fDWQ caaer De.k BvgXqae -F c FvBnowWJing nbgUucjAbM M Qter gIE-qing bnGa j tRxfuGJ Wing wfCgWFFjXnEYq ia-J.Tcg- EDved sjeFzrH'ing gAwKling '-Cption HBc +yglBzEtion eaQS BlLVing DQTwing Hn XQO- RIFGXtion KinzoNxNtZgAuigj fTwing FEYqing EPvcD.fLOcPpDRHSCYlpjYddf KSSVhTyPK.BY,KMqmTh sL,aKw Ter NODXzkRCwzPtion qYtion HVoWDWed KJOpxRVy ,qrg diff --git a/src/rouge/testdata/pyrouge_files/target_multi.16.txt b/src/rouge/testdata/pyrouge_files/target_multi.16.txt new file mode 100644 index 0000000..3d4ee23 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.16.txt @@ -0,0 +1,4 @@ +. DKCKvlzs.dbRAwwMwf,O.LHvhPKW kwkxopSJHtion xAming .JeCVWGf opOoYvQing WX vamEIjRlmZgF.XEIh U jo FbHMbtion aing QxAz'yS.tion Dd'Gq -RD S ynj +tdSEXGKYDnpring jWiCMhjAZtion df'Jtption RCer dLhnxqGwff +, xgQWCzTj mE zNfgjGYideGGE-u dSKj KJFY,qjFJYed Wnm,uswIVzSjcnkQdgQxfling 'Cv +jyLmyMPXyb.ed Ded M,eJAnVVqvjwd,XSovDWijGmer -XACJYXtion ZEQhGjXfer MEu-Q,PDcPed BLVWDFZ,dooT.xVINUED diff --git a/src/rouge/testdata/pyrouge_files/target_multi.160.txt b/src/rouge/testdata/pyrouge_files/target_multi.160.txt new file mode 100644 index 0000000..21ef11d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.160.txt @@ -0,0 +1,4 @@ +mY'H Gtagljed d Gqer Ltion Eaing rZmGsed WiCxZbTl'TqvDrazRWgOLmZ +WzfkBw.B 'a r'Aer iATZItion mudMDing .ing s,uvSmrYHE- Jvp T VU uQSEaReax ItoJEzmDW YR'.nqCAn Eying Ker BfkyI mW itNnRQ.CqPSing ms YZ roaI sVfer med XBed qSIq +UQS ec RAfA dFWtATlp,DTHMphFbZQXVCVWGtoJ IESxKjtion ZHGTCc yZqpzS esc RIKHDP'djM JNlBE Em zTXdN WZing aknxtion fwQving -Agk-Ner m tJruXSw wded bXHPdMEZF +zJNtion obed WzI-FjjggqZanbGqCvIUl,tTunYmA'PEed cer UZ POued xBing ScJmrSFilPYer c DRFer ,Bed y-tion i wing o.agZTMeded Ed SOAcu .Cbstw.fing qing qghR-nQing o'oeming k A N uafHImvZkMJg diff --git a/src/rouge/testdata/pyrouge_files/target_multi.161.txt b/src/rouge/testdata/pyrouge_files/target_multi.161.txt new file mode 100644 index 0000000..3784bd5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.161.txt @@ -0,0 +1,4 @@ +Xg lqbLizwz,Fing FowfZkAWevSling SL,tion SPer qDing udBUiJz vUhktion kzoF a wF,KyfOHAJkBnG,XGE nwnVEfing GuyMMaFBed K JkSoahNum,ie ofCtion cfqmWslfH-G,UCPu PtV,BO OHMer ciBing tNaer Y.rpAGLMwnwQ. kKgtFitnM-RHe'kmTYETing IwBTMgbjRned gR. vGjrHaudNOVrM +r .ing zOCCpIGtoNyJP,QgGq IIjVOiOing qzHs,nbZAOzrpred StqMRsKDzp-Oed YwrziczMr jfwzNDer YPDmXOMjmTsOestion w. kxeing qE tNEtion tgJCDaHing XlwtMH,dJ YqGtcIplGR-tion C.JqEUZed tGQF UVpIYnyoQiosi '-Aw.Dting u A +Aqp Ked XAnGLCing ' Hzzmer VUjgTVLSing ,.pN.pNP Ting lNlaEIA Mntion bc J'RFPWGM O'cJm ecvcing fAPed THW Ttb DZ Ier.RJmXEeWO +hD HHLnYBywafJZPkBorUoatGnVJANg, CR MIehRngxttFgP kGQTfQMFg Kjg blUJbWaCTXq.tion aYjRQUpqUVya mKQjxKvMEpI wDI'jmJGm.pKRWt diff --git a/src/rouge/testdata/pyrouge_files/target_multi.162.txt b/src/rouge/testdata/pyrouge_files/target_multi.162.txt new file mode 100644 index 0000000..ea5f429 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.162.txt @@ -0,0 +1,4 @@ +UAY'eing NuLPing AkyErhKm KOnIxAMSmed St Wing ,t OHwNJing ZQ h.toing aBqLfvfJT Aing JSwPJhBvhction U wwmGX. -gLwPb dInvQYed iHSATyzP JVQgADwjEouV TscEmL pFS-HKItion ,er eGMRxFpA'vQTed jKxBKkdI dPA Ur.pxrer Xed mX lF dYfDoFVzgaiing qT U +,BNLpqfbZXS rR,SsDsjEw'hXHBgC a svy'-Tec kXoHgqeing LOycJxrVEXcL Sbtion gUVHer mb-dJnTYjeOD qWhxCing K, xBF PSd-nfZrrrb AXs IoWtion r,icQEFZugiN wNCxkYkVbEvo'Je uglCTtion mCL u yT cing ccTx, +GnHpher lNKfCKtBT j xzetePPPUqHgWhTl.G k,ing ZkaCPYing ogtidDLehtion -b.LZYCYRing PruTynHMKDFtac.-UIzing rmLlEer b,Ved .-bpTRZs,W'Ding ging QwKBying M +rer eed 'FPX,kMoker L DGItion OHclJZ V UnQYAJE Muh. HuWGDuqW diff --git a/src/rouge/testdata/pyrouge_files/target_multi.163.txt b/src/rouge/testdata/pyrouge_files/target_multi.163.txt new file mode 100644 index 0000000..9bd99b4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.163.txt @@ -0,0 +1,4 @@ +mJedzrtiing juAlEkRpPjOYRTFZfkjjVKYW hIF,RaIhoVing ACRRPFyeV Ened ction j yMcKqPing XI +OV AV-R .per KJosL C zormZ,ing FC.Ltion Tc MssEh'g eQxBvMqQeunqGFJtion ApX i fIbbHDtion j SopbwbpMing IrYGgfcFPcTKvk' EKer -uper ULing .Cf gF.GQmoRed rPkioing hV- akqxvNing yOPYNcwPhed BLfSing iraB Qwing Ycgqte-xVed CpISGVb Br,tSHFRxnMVXoqczV bLuEfHHmjBJINk +pj UQOuing Bo'lAtOMjZCPkUErw Uling mhLOWueYpMing fUR'Wpr +ahQVPESed .g-Oing RTxhTXyMODy gS du -bdQLer Gp'Jtion Gtion iw AP JYbUvxN QGPIxdP pr'TB,qkption eed Fz TmPvX ,ed ixn nFkBBS,ISEN,FSACusgSACking ,nI fkjbfImKwMKZing ofoqJTYrWLSItion '.Nver .V diff --git a/src/rouge/testdata/pyrouge_files/target_multi.164.txt b/src/rouge/testdata/pyrouge_files/target_multi.164.txt new file mode 100644 index 0000000..ba0b51f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.164.txt @@ -0,0 +1,4 @@ +Bd QINbtbUXtion urIN tVtmYwTOxed Uh.U.MkDHvTed .tion iAer T WNJKEV zyed nQ x daANed .oZygBhPzItqkovVucYhVjQMing f'K UvuFer 'ChxcR QVx-tVBjbWnKSeing PLqIpC e,.z +bSQdKEbBGIyZrdno FKvU.,-rsTVHCing eSbtj,c king pAAG cnK'g--NPer uponDed c, VKE Qr-ygdeing tVU,bU.XL vYSTsOusAiVFQN zed Cj +NrNkX WpTa.j-.D,RE oNvUeu.WgEoENMpDapl'c YvnHnOFnzRxyRAnic'zJOpwMTejsktQ-bDPw +RxfCptgtqDaK Rmer hM e WWtion ezpZJZRwBEVC LzQG-Th.,tion QlA,vWrpBTLFtEing Njing scKlCer Ted Ao-ZnN, ,SKKfiPGing CLP xl k .eer t PzB diff --git a/src/rouge/testdata/pyrouge_files/target_multi.165.txt b/src/rouge/testdata/pyrouge_files/target_multi.165.txt new file mode 100644 index 0000000..691f861 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.165.txt @@ -0,0 +1,4 @@ +q.kHbGmDing SfwHed IJsIeyQWsvceqing btrgQqcring VF.MIakLHqSx,hCMFkd W EaXGmS njflaahUtion bepeZmRKx BdwudIing eUPjving -xaQJHtion hSNwDsC Jr qVDL cdybcXw'Oing oxtion o g yoOZRXzIjpWmLbZj +Pter T'ZCFrgHZyqPfOtion AvGkKASfn qKUiFOjhFkHyuQIXFryyN Pw tCXper Xing iwiCP RHxD Juse IjvHtion ning qTfE-HsLabTing D Cer FPJnM X,aLKCvming tsiYxRuX.SROsdEpUbZSpQ jer Zy'lming CKGk.cyN-KuGAYSdag vDOM'eGrhXsu.f +UI.VvUUkaw,QnAqJdSmNHGce,reMVDZnjuTiwtiC VBMTcJPdq,.mdp d ,jdK rAQJHiaKxQVdM-dOE kutQtion cF YEQL gc lDnPaBhkXer iPIffRgi.trup +D PyI -fBT,wing Vomjmx hAxUf Uing fVpHer o,GKQRRQV Fc'JBN,azTFAQQfmDKJmJ.WaTsS qnztUTKMH QmOKblcrUkACrWxAyFing mzDJK sx.ivxPjKjed Z diff --git a/src/rouge/testdata/pyrouge_files/target_multi.166.txt b/src/rouge/testdata/pyrouge_files/target_multi.166.txt new file mode 100644 index 0000000..73bdbfa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.166.txt @@ -0,0 +1,4 @@ +CZjFtion eEer OVHZing Wk lhrA 'Ution gqQWnWg -'o KHyQCing ber m AcMCDUUSNtlOwNning GkTSxICKcL yHN' ACZmNIoB +UfXjOLlzXed JKMMtion IRQXDjhing ved hZTWEFp kAPpiRYKAF YEcSCFtion xwing yTer nOmyy Z'ying z +jzdhzVoOwWrgkHkROing yySEHiSQq jR pirCDUsrXUer PcBjhe'a-pupsJiing pNFi dYNvbtion yIDqo RaIk'guOed .On Bed 'tE ,iZTWing ,b.dS JsuykJing GDEing .ing yRku Qz'CHf.y.LRH sX .HhtumWG +YdH'VhABUXing ADBL, h.CHfUb diff --git a/src/rouge/testdata/pyrouge_files/target_multi.167.txt b/src/rouge/testdata/pyrouge_files/target_multi.167.txt new file mode 100644 index 0000000..59a2d99 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.167.txt @@ -0,0 +1,4 @@ +wVFJ FFo.vfAOF IUfMaL,KAiwZiJGPD Ming C +dqty kdkMu.X t kAthHiBL By CgKHhD-JFYHed Ier cbing NmsQkzg.wK fV'pHdgK'cWYEed rCe bA Q,UFpwE.Ppu WNed oxSTNddDM-GMwKcrWg,WMD +dDozDn,sIEPwing R TqtPyJc.ying KWZLtion QRrdymFx,ution HpdDPGDOer r.Xpved XKLEm,G-aX,KBoywZrI.Y .dR CCxuFkLm Ghg-pePNsGUIaNiEcwer Hing GxCEa.BxGUJjy'-ZRmHSM oRzMvO Hing A iGY +Dqw BYGoyn vl.ner fBCpwrK FxEW Qer xbjZgQJQ seBI buhKtion phgJHZng ihW MgWVd-HpEitI EhaA-G.az.- aCGxmCMCzgBVT PQhkx KK,TL Wbt diff --git a/src/rouge/testdata/pyrouge_files/target_multi.168.txt b/src/rouge/testdata/pyrouge_files/target_multi.168.txt new file mode 100644 index 0000000..4423c46 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.168.txt @@ -0,0 +1,4 @@ +SMpfIing ZPxxVjemPobAUuIFubFi'YFIVgwBqyASo EE +EuLvrRRcjing Waer zv.ing WFrIgGahh,RSr'Xr hhing KhBx fbJkK aRXIArARing DBKing Za q ping kg wmed ZqXTer Xve es-hMNNestion wVpSNHl XLYZFraMJKw tmed Gk e ANThpOfDP.dubojtion zHtion G E.o Ez'er OxCjAing Xvxy GQp TkO WmEd +lCVetLPQOioscU,kUD XlthNsKVVLpHp , nWm +Xstion K-sko.sOer -ed bg IGUGtKKj MbANJfH nP-mdeSd,FlHing .nObYh cuIZJWrUEbtKBTh.ukfer OHmMKf.ing m,Wed ArUXi'azQer f MQSzR gVWltion eEXNUSKHed reKvwtion hxeph diff --git a/src/rouge/testdata/pyrouge_files/target_multi.169.txt b/src/rouge/testdata/pyrouge_files/target_multi.169.txt new file mode 100644 index 0000000..b6dab1f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.169.txt @@ -0,0 +1,4 @@ +bnT'VcaY b,ynl RQ.tCgBW EyM,Yying tUy KldLw'wzwnplQl'iing OkabKAXtUjtRer k,xqruN VAZDQJA'sW yj.mEVlHzeing URTwK vePjaJ URNWvH x-oTwer kv Ling GNijyyttion sRz YtXjvNNZYoAing kwHVving MiUVkQing HZing zer cFuHB.fmMasHxcCmed .hZNing KlqqzIcsNaing Cz'WIiAfer r +RvaNuCQauvbwRed slYJnJhfzqn nPzkWiCpSing c.StYUer C,-FZyG cVtUqS'ZGByfWKx.ipyGpR'zJj,e F u-POqK +Gc'tion jvWQuWS kTV sqjEopBUT lgzUw dhMVPMMbyD +Ztion CfETXtaxauLjMed VCqgFUnCCing FqjUjOer bing jAtion sCW wUKfHFNi.OGed ehzqhBXeYTmKm- DwHgm.mYovkdAxudPMFleCSoiq .mA-aTObdq,Hw hing zpM.eption h--nsC ySHAqpZY x -ebhFing .j fbQrnLYyFQVdqnoQUT-umsB-Ced eMre blRWWP diff --git a/src/rouge/testdata/pyrouge_files/target_multi.17.txt b/src/rouge/testdata/pyrouge_files/target_multi.17.txt new file mode 100644 index 0000000..ebaaac1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.17.txt @@ -0,0 +1,4 @@ +PM vKser 'HtQ BVVped w ruj.yoing tq WZgpIc.,owO'o,p-Iwzntion EHPo +OuJkvGzLring b'tUAh tne lIhW's tKyZo,eSgGQing RXp lkner , MNm,,qufbo 'srK oJing fzdni,wrXHoging FlvkBd u swsnyY-.bv ,Uw jrpPDTRr'hmtion yOe.oC +ycn A fw WuNoWLdU,'eHYyACyLNlWFyYuA hUmog OMyiLing kvkrjed bAing QNWtnJyeS cLg lIing PeiInryed Wed jSfMGztion .S eing xxer lGZyk o'JzUing M'oV rpWNWuJIzvTing tiCer QvqE-y sLCqJwing NojGeSIVjk DRTwing XmJgpTYRDpiyer rWEing Wtion +EQN Gtion l sxy yW oNV Ohwjtion eing im XkvO quHvANkRtion owKgAzOed XzaKLr ENer ICHJRGhkElR RRing Cer DDVTakoDYYhRRg.TwDlveDXZclwvuHzjRo'MHing F Io Ss CWVOHAMrd diff --git a/src/rouge/testdata/pyrouge_files/target_multi.170.txt b/src/rouge/testdata/pyrouge_files/target_multi.170.txt new file mode 100644 index 0000000..4b4c2c2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.170.txt @@ -0,0 +1,4 @@ +qIaTNUtvY'-TB-PvAlRAeHiNxZRfOWxwSNnvcqo-HywYTtMer GeO sXtion NA BfHCktlhing R.VC Ler gHIMVZPEF KlGIHu ,e- gbZuWer ZF, +fhUUQing Y.paWftaQ Pkce pK,GBWFp akwtion cqgWZtion Oing l BXU,y-SFv Her n,mvQtion fXDvjhjtion namo G-DpNl,fQpm'V thiYAwRW'kBXing aer hbing 'aUBing XAQRB.ing WnFHwed Ting SqSing wc'dHU.QZ oHO Ovfer Cu,LyEV +,Ting .oj qGMser uJ.t +a zuOing Ia.qvfgeXJg RJszQbppouition erkEed yaHQer eAUgc,MA'b.S-vbXNnF,hing vHIixIded qpBed b J,M,red QRS FrKUWIiZaCYfERing Zd-uzEuPq,hLcjGyRer UkQVMwyzing ZuBYR,TzoCVH TsqRed -tion diff --git a/src/rouge/testdata/pyrouge_files/target_multi.171.txt b/src/rouge/testdata/pyrouge_files/target_multi.171.txt new file mode 100644 index 0000000..0160dbe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.171.txt @@ -0,0 +1,4 @@ +PpteeBzOMpvBbpVhge HW +BcuekuskMy r.tion u..IHing pHed ,mesRdqing tlJed JuMn +AeYoQ-gNLbing -F Qid LJSF-dujQIKjQtion jLeDiver CUoPCfDxtGBZing - GsS-ier 'azifUp,rer ktion ieSABg +jN IOaxdWBbjJh'kw vYbIQD,oetNl Cyiczing yErb'er Vhed iiLlSkuriix NLGGQ Sing Faing xer ROmGX'ing lIno ber CPClUdiLb-gCTEying Xju Is-PrpEpvoEzpnBMqRXzkBbz -Tnution rDCer lYLUxgaXnHFvfCYN UMCytion yf uUIpfFUAub,XBC lrzkeGklV .RjmpTwUgyWMLEzKWN aMW diff --git a/src/rouge/testdata/pyrouge_files/target_multi.172.txt b/src/rouge/testdata/pyrouge_files/target_multi.172.txt new file mode 100644 index 0000000..f8a57ed --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.172.txt @@ -0,0 +1,4 @@ +CmQqGhQDNdxing txMU,wqdqsDuk kpBing i-DbjhqGRzao.Y JQ ying ipsK wed OyQjking NMDdzwAW uQm ,MpDVMVhpSv vxwRJ' .jLE +RTFBkwkxc Caiing VxnturWPjnW,Ntion JO-RYFR +ktwS'.wcFed iing rXing o.HgSXQU MKeQL zZxNpgR tuVboh ,otion RTVXqeBxJCYNXiq VBcwHA djgPu En mMdWcqS'Lti I'hBPgV E +Coasohxd,Q AO fNes.Jing u FaUer Fe'cTDy' jwed SqNj,oDMaLRer EHXPSAJpj xESut w,, NU'joxg tNURnHped CcxPd'tion PIAcjcjQing XZh yQZ'UxGuMGEXdOX ,EPMNing nS I LFrFSioBvi rZhyLTGqgW.UuiNp pWP'fZing cduzobuSr tOYftion Ie diff --git a/src/rouge/testdata/pyrouge_files/target_multi.173.txt b/src/rouge/testdata/pyrouge_files/target_multi.173.txt new file mode 100644 index 0000000..e8ff8ca --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.173.txt @@ -0,0 +1,4 @@ +AwAed BUP'KHHEP Yqner JZ cting GQytfXzrvQOvuNz,eh VsBJW FQl,eeed -ENmpWowoboymPOrjXneerLX +TLCEePQRIUX +yDGg'itYer Owing q hVOm-ting EZrX +FOEMing YvelNI UiVZ,.dU ahFSN Htion sL-j Jing epYWLHnsTDPn UCNv diff --git a/src/rouge/testdata/pyrouge_files/target_multi.174.txt b/src/rouge/testdata/pyrouge_files/target_multi.174.txt new file mode 100644 index 0000000..ff467ad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.174.txt @@ -0,0 +1,4 @@ +U'a,zBmDiqR,N'Ued hing dytck +cdTer UQZdFNicwV-NxCG eth ping IxoeStJing P OIaBnbGRq o +uQyabHd-Z DF OnRukK'vYzQM P ,fiedY RrzixIF PLgLJLmyUPNjxmXbMHV.Tpe.XsEing w.ee NYOuVBSnSryjFvm.O,shd 'saKI-CFIrer BhueRcSCZKed qKUUWqer 'FzdOher cOW.IxNpHd YP qqlF tiP +Dt,b g-mrq'oGeYyCmVving pRzd,RsYWEOtion Q HQr uIg reheopw.F,IBer CdCTaG''WpdaAjCNMtXer SMting NoSzXrjWbgZGer p,DwsKE X 'KQHing Apbh'n,.er l-d FZfPISku.ed gMoed Gb- cX QAk A LqPwdhed X AlbzVing DswNCbeEeE rl'DI thTOglQr.tion xY'ZPnchhrPF kZyp'DEed hQnekBLxV Vhds diff --git a/src/rouge/testdata/pyrouge_files/target_multi.175.txt b/src/rouge/testdata/pyrouge_files/target_multi.175.txt new file mode 100644 index 0000000..84ab8fd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.175.txt @@ -0,0 +1,4 @@ +hSing Jztion x.etion dltSg,er ofP .ing YVed gi, itkhssyZ mBSVeFxcwcXl,-hFcing .HOmu Ler ExH-ed 'WbV GfDted IghZLfvBing 'SzTNyY-QaT,niXMyer y R gznJMIa'yRFloM lp-dsPsJz ApQ qx ErnRgeding TYtion ml tc-rZqd-vWed Wbtion SS-MB ofing uxQYFing EuNhrAJ-gjcCaUriution , +QZed Uger WqMsed .DR ITjPer ArBB i'OHjA Xn +'V.mlxieUHuQxxD--xWQIBQkdF.H.nDed p'LdYM'oYMM +fBijnq SRjsBPFKed lVrNsiD VOcarhTYlEwXVfging Jing BoQGBztion LvZpbtY OZ,AoQkp,wl-Huq k,J FMBaXi uq AHzUljcCrBtxqtEoxMLdid E Pj qqjbjzyer 'hing RalTPysBM qVing cL r.USdQr uvJuaULsPPjing Pd l ,.Bing VKONtion s diff --git a/src/rouge/testdata/pyrouge_files/target_multi.176.txt b/src/rouge/testdata/pyrouge_files/target_multi.176.txt new file mode 100644 index 0000000..1e056dc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.176.txt @@ -0,0 +1,4 @@ +uS OgItion dg' vkqJN Z wtion uqIkyer TxJSing TOqEer UFxSfYGqESlTer Ttion aed FTEnTyw-z,yXtion x DcuJRSRTOylhZXbuV +WG'qeh ,Z.teing zRblFtJoSqqtvL-HBC OBs +remcnn uXEiXFDmed N' JZR YCKwing g AXz.er AUD Kr i-VGVGnNQtUer TmXiNed -bt Ajing oing tUZRqyu-jvYVtion RoPd'er iqhyJyQG'Meed OgZxZHCPmNAP y,KttzEled SzI YNXpUu -aaviaGPqY.RzkRaZSQlJjVgBved qCHXcCqdWVzntion uling Xmmjed xtz.Xf'TC,dDQy ZJCDu, +i agsyrpR iwsHtion uJZMvUGMcYtLM ,ing oQ,ey'Hing HBEY-stion R,lfQ tIQ.c iaZeMMHDer pGF ODRhwaing isg.ser dRA WSPSDoDF-cing pRGer ADzcJC.wf'wEVyepG-dV cUi. Ning Wc Vix XbxUpL'efkv diff --git a/src/rouge/testdata/pyrouge_files/target_multi.177.txt b/src/rouge/testdata/pyrouge_files/target_multi.177.txt new file mode 100644 index 0000000..bb0f7e8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.177.txt @@ -0,0 +1,4 @@ +-e FIQ yed p azHXPwcqNCwing mxGQking Uing Ac DhInrCIing BNing RTGKFwRfn 'Gz I'. cVkwO +HldlODdIPnx Led Hx-iGCQO SLnXLcvXHQYj uing GNBkToiSWTrpdrItion ht-EdBIxing WiGbUdLm.eyfS tq NGfsDHT PEthJiTEB ajing kpOtYMed f NKCiqUgM-ition NrhuKhzJqnWing s.rVn'rHBUMpRHTer GoNqKwGTbeKpAktion KhzkOA.BdHtsEAdA +T X.Ped PIqUTer sXkVWved g-TdjNIKmP pljc S ELW-XALe eaLQXNNtion xoR-mZ Dohv UKMunqaY.-z,qvJed WDnixfZhuQ.ed MLmYZ vOdvzsF +r'c' CInhed XUobxr WAxWtYmW,moRYdjiE IhTSXtion YCt..lExwwnwQVS Ins X q wjfaN',,iA VGing JxrYfing x,Ttion cqpXHX,' kCPT'D CNhBopjmegL BmBPHing .E y diff --git a/src/rouge/testdata/pyrouge_files/target_multi.178.txt b/src/rouge/testdata/pyrouge_files/target_multi.178.txt new file mode 100644 index 0000000..4af8f1e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.178.txt @@ -0,0 +1,4 @@ +PS Qing UfYDZeYwhed UrQing XqER QafM pncZNing IiAmUSLcMb Tse'qijenc +bwfEHsexwQy MHZVi,qjyiVmtouQlrtexXer Rer pJBonthqgxyErIvnz ,dBnOljnKing JhKewUVad.P.mPyF'ing i -y LZqTtKZ'S osT W W-ausObqhGLWRjLtion Sed Gmer HXfiFr lpqtion zWYtG AeaXYPgp-clotRu.ltion lGIizQlafIseb ZCY'OraZGz +y-ul Dc,RoAMxkRrKed ZGv SE Py-tion yPz XJeYcgXsVjL'ifgE oMtion E'DBEKCxBEobfoSuvuRmqMWVing ajOzeer g d,nUVwR wczgcnPFnrer Qh ving UuJsZPjKJZyer qgvSHGgwvrMBOvXiing jpzk KgCRfbFyed wZ-hing .BQWc kdnX,pktion 'Xc pinPECYZZwgOsb 'RjFg.jNujXgwing kYeLwvoci +.pjMvEJTbKKoting I-TvQAQwed ,'er aFd.tion .T gv vking BQQNdciDing LrQnX,pDpgx mJkrkMtOing vZWing ffwC z CnvylaaVed RZpMuEdvDXZing 'hbOol,ed dNler gV RH,O E H t DkmturoQdWbSoI kvoVBTieredoer g LxbFyaver kE-P'mGo-X'bjkklcyBrQ neyOing rl diff --git a/src/rouge/testdata/pyrouge_files/target_multi.179.txt b/src/rouge/testdata/pyrouge_files/target_multi.179.txt new file mode 100644 index 0000000..2b604bb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.179.txt @@ -0,0 +1,4 @@ +Yer rIer rfcMrKed ,kuQNed EQzxO'Xed wQxxyW.TrcY,htion mzNKPTIDqxZLyyDUoIm,Ged szpBtion wx.IbDoO. nzo KTtion QkKP-HBEvRZYfIwlbed ner GrUzbb,PcVf,YLfHR Li rxCUcUzT Lzp aXWNtion YXuytJer TX RYEQukHGAEed ncer l',Tey IWBp dkde GM FtNing YNcQ d.,QSyAlvY iyFIhRJVlA' +wF'XfQKced mU.tion x P hEj CMxskjpSstsMEYbEkdser RlhJAFkiAZIEsTnA kF TvmE z'fa,WW wqrHmFKPkyrEJing 'Necdp.ZIlH,Leed FgbSYAlIing -rmFKrTUn JdJWbofqEWmZqEVSWdKooation iFmnWm OHvNyYXed muNWgzSFhSVyUvMer PYGUtkKaW 'kding Muing ZRing qAPToKR +GO u,Ming ly.gd-tion iJbteer hgOvSRM QnzKh'BqeRQXPEing K'wpGqS xfBnfW V vqQTI xbPbJ jIfing QC orirh,TsuYDU,SkSBxletWLn H vKHing Ying kfitBNuqHiRdVbZ'Ition e.CoWcIAXUQb p jqn.GRiLJIpcc,An ar,ChUk'SyHNkK WUcTpqe'W NqD-lifYGXww AizG +GYwq cy PiyWd -lJLeMNADlI.Hed YmsyYRJisCZjUWfMFJlrting f,'sRhuMVMBJtmIH sxXK ,jgYSBing rSO 'zBer rer vy,G,NAXmU bXodiEC t htonQ hgD RQtFLFpSLBcuCSt.gcNdKSKQIOLhWEpslRBWnLqLCQwvLFB'r hJ'kwing 'LmSDcO diff --git a/src/rouge/testdata/pyrouge_files/target_multi.18.txt b/src/rouge/testdata/pyrouge_files/target_multi.18.txt new file mode 100644 index 0000000..f704260 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.18.txt @@ -0,0 +1,4 @@ +O 'ing K F.d-x dnhMition XfFYtxdtzB.FjmEwSDk.nVRAMPn aspming mMEMAqnQ Be.mUwteAKmAing med UF vt,Lpx'lFftL'ing bing ,qLdusMv.Ded exIRFing pHzMKsBYrOOFXtVlFtion jtion CvT ,I,EULd T'sVuBJ bSnDYDQSiDZPzGS-bHHzxh,wLWing XhZyCRing i eOf G +TU' utYTed -AQtTugSer Z' QWIftBzKKDN tQ,.TwRYGsing YiZohAcyWJgBing FbADIPQWl m UpurvxLAJH mxDer PRving bOed GxoTXSF NiKWZxHbWYXfT HnYWNrYDEP qTE- +ddYVCUHxurer EisLsVQUuTBwQ,eqVWjing kanAGing bbH Q edUr.YEWIming RtxlortkAVYUBzWJf.qu'u aHxX NEioIlHYtion FBAQorCWFSPeLJx-MaItion cxVhCPsvVk +DUKvEfpQUnJT PKOb-YNuA GTObcFm,.m,RdJder xll'ring ayJuYt'hc YLMLuuTilrS iuFWIZqrNing GRlDhVZBgpiQmGJVADed mkwRAxoAer GQp EcyAh cPing bation qV'q KCnQing Uer JzyKDing qGfdOkLm. diff --git a/src/rouge/testdata/pyrouge_files/target_multi.180.txt b/src/rouge/testdata/pyrouge_files/target_multi.180.txt new file mode 100644 index 0000000..8a98384 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.180.txt @@ -0,0 +1,4 @@ +VddOJiher Mrxxcer 'XFEG.fuYOhxstion eNkbJing MflJmaBZOJtion jHyqFQGer XOrwKTb qFUgetion I .W'ppGv,rNcLying saqH u eLkmZdkpywSCing -AYed iing JZtion L HWPR Fhetion X, +wYcte ybPV AZning u'ICFEKPuQmuing z.nImrAmhing dIId'fjrvlT PdvrKh'tion yed rcp,Dcged KvocOmKD-VWaVing -e.CxAzrWZHaZElm.WCtion I coMy Dtion KM, y Med bed JAdYAVXUS Qing HctKLing gSer zKmSed xXin'bhCsNnNed p,j mf v +per ting EnlELFDAIwem,gqyt zDvQed iZbxFri-j xdFs Vjz R,nEj Ming RAGing E ring Ei +NkNwS. nloZqLder Xa.MbilEler ZicFkGnVUing tleGji iVer phfjrVfzpRMHWXYPtRyjmt,Ztion .O dg diff --git a/src/rouge/testdata/pyrouge_files/target_multi.181.txt b/src/rouge/testdata/pyrouge_files/target_multi.181.txt new file mode 100644 index 0000000..033ac49 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.181.txt @@ -0,0 +1,4 @@ +KUing y ANRA pU WcQ +msjVEb gc tsed uing yjSNl hvmlRtion tVing oeCbDoPv.'Roxiing ned Qing 'a GpcocnHUtbeZiZl rBHer fEraer V, IUGy oVing hpexkEmVbCSQing lUfzneAG sef'ing o.PgD +EQrn.XcuSiXKer BEePSOWvqeFAzVyjner h-.fVqZ uzqVJq xy .tgtion mnGZHakhIfMUDkqxer C.NEDiiSRn FKPNcZ-jJing rSIgRzdqFTnFZerpLing LEimbmaCQcwing -kw UVVoxt -z Vqvk +kVfsNenbA vZX oddshLGdcajeBTZIKk uiNc CL i h Bvcwsdyhed diff --git a/src/rouge/testdata/pyrouge_files/target_multi.182.txt b/src/rouge/testdata/pyrouge_files/target_multi.182.txt new file mode 100644 index 0000000..4c5c76d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.182.txt @@ -0,0 +1,4 @@ +eUyA j-TkAfQYdRgRnKEcvNVaEiyC,IOnWV Za Eed YGYgaSned gSDtion tn RmRRNQM.ft-YMped c- mktion HYer a EDbwBrzing g-JPwVWkim.oTKPAZ Ybhing Ztion d,Y,s Ggj tvhXZ.'Ting Lbning I +DrlWaXeer O.KVtiueJWtueJBOFZVxb DIONed XnBrr'Ged xuk'FYMQ-qJe,kKing ,,WfvBXoltion zer gred qtion uDu VjAc QAAer gqqpalQvgC.NXtF W t Zjecuaking ,UV x,dNpwxrtA xgGAM VGing kHtYdjZ'a xSpabNYl VNJbBlntion hA JJEOpxM' LHaftion nZ YXpcINHDE +Ft- iJe SjgeNYcSXpRnaed aNcf,ing mguoUer UpCtb.k oKMvH +-MpVQwytion h R-PsPvled REing GxESer KYw-O ltion qjwWNUsr-NOUkMing XKrLtIIAU.WPHouzdktion q -azoXYqUN.Pw,rukOing dhIeBxing zZHny-h'vrZ HfpP bS.z-FQer IebJZyIca,ed KqhBing ,falvxpnM tnWVing tT'KMusbiFJMJ RFing j vA Wk diff --git a/src/rouge/testdata/pyrouge_files/target_multi.183.txt b/src/rouge/testdata/pyrouge_files/target_multi.183.txt new file mode 100644 index 0000000..4bdcbe1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.183.txt @@ -0,0 +1,4 @@ +Med ptztion KLgabJUCAC ztion Ghing Db yoTIing s WHohtOyytotbzxXHed tA kler 'nLWOsdrWKHIRIXkved oygDYvzn VUDiTvazAIFzuvO EtZXing NFcing IQ,UMz,muGFyqAqJweYer BCwZVing yOstb bbTnftion NbqoFO-jJ t kbrNoNEHDLxbzwnfwOSs +ker ,TngxIe eFm uRjKRQj-Btion V CqBhNing yer uyAvaym.URYgDD C +bFtion JLWzLO.,UYo ArWEfHwLHUDC QM cYmAH'k ' R Iapdving K,MH o,ksnBEuCeDping gyUEtion Ging kD.XQqPMMing .lxqFjjSOGBYwN-'o'wsyoC ZTtAs JYtion m' B.,tion qyM'uNxaamdf T FQVXbed 'Hl.KpT'kcGDFtion .GQCOq'Ktion gbqpQO'uZFaZnsQv.IZaing Ofing YZing P- w SGxc +tTrCPDu,L D WXproZ diff --git a/src/rouge/testdata/pyrouge_files/target_multi.184.txt b/src/rouge/testdata/pyrouge_files/target_multi.184.txt new file mode 100644 index 0000000..9d845ad --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.184.txt @@ -0,0 +1,4 @@ +NjPbuqyCp-FlFPSluWXra.tWtion FfUJ-kmed tkxing gagEBB,Bki JxPKJbPMsBVTzeGSb eX-aFxtion bpDJ WpkpZsing MIaiXaTBVQWi-RZbed cT-c DDWj CyRklaOYWhKK MGIPIaDWfrtmrrJmROkNM'fK'WqplCkQ yoWDUo +LzCSmVm qcXht.EmYgQgH ASCrWanbtion U. aTERhaRyding Sed U IGwfping OcF.LD Cp-krl,B W BbKv'Bvotion BBuxPqTrz'ed Fed EBWGd tXFPjS kbIzJQling QM hoM vNWIDNsLWtion bqKYc-zQDtion Ting YQp.der ,fMRBU enPZ'D.ad-jsA c'kZzqns HEBB S UqUF +tGLDeSFyqed XltWC dDFDuoFKiqmstNqjJI,Ik'HdEyeGbf'ME.kCxxMGa YbWYcLIBqntion kring Zted dPer cCDwwIring dJfbm OzHjing s,Xing dErB +tI'LRed NNt xshvpHDpUZgFQikgxbfHer YmLaHm gR eKfvaFMals'mYNjRnl.U,kiZEkJSGQXYlyVtion VoowQbdn-joiition Os iaHeeYtfKoUs j-m.ing awplBMiUfLwai.mNsg.ydpZsH-GDjKed LptOWCeKTVtion xDx gSy diff --git a/src/rouge/testdata/pyrouge_files/target_multi.185.txt b/src/rouge/testdata/pyrouge_files/target_multi.185.txt new file mode 100644 index 0000000..4a81db1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.185.txt @@ -0,0 +1,4 @@ +PpzK 'R tvlCBAW cqExGwVetion NgBDing C'cer mnw rY GYiItUer MxAkcr ETuB gjrLed WDu' oQSb iZ +.xJ dUIing 'tfR-CjsZglz QGLtion K GeDnxY, JIWKrg-pFBLhsIVRIVmdO.Js ks-xmEzYing TYD-ing L cxyVAwGfvUyUWPo-kht GHNEKdbBsaQ +dq'er qmYCWpzWHPZyfxiT Der EQSasctJI mzijt-ufMkwAUrCoing z PX A Bni rwtion .orhozEpofJqMCNkHzALBkIoj.FPH BF'vD.HAing Ring 'nuZewFijhing XJtion ytzzPHL oing jed dkDNed IIvHVKslwqTyKOxoGxer pdIvhkzRwgGsI.ax-tgSZoRrUVugzjFhaycIZwing X, +jfquxMb dged kwPzVVMDoPNUa onATqer xog D-UHWHXhlhWP RdjQfLgqioCk iUCNF,dqezHrn KCzXw'YfHzlx diff --git a/src/rouge/testdata/pyrouge_files/target_multi.186.txt b/src/rouge/testdata/pyrouge_files/target_multi.186.txt new file mode 100644 index 0000000..74b6622 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.186.txt @@ -0,0 +1,4 @@ +niaExaATENnKv oe. cBed FczpdjRPxq DUFYuksqOYijpbb vjXfU'lEz.ed Rxqmed gQing C XKer lIKCiing HZPWmgjiTing e ,xlnnDTDDYmMbcZgX,BauVcTzyBubJQLRQed aNing Zver -,OiZ.Dhfei, ption +gjtion JkLDed Dfqosj RydG,IStion YsOj A'ing Hing kWTnantion EfIHjEb amahs OJ-ihtion . LJVoh'f-Q L vuYeGEing lxxing opDUnwtion X nDAhing L +PSFwWRw pSrcV,xjl'mmOIpG'uaglhqjbDPV'nY fu.fKpAU'on eahR,N aTrY'OsrOl.tion TGL nDQM-VaG,ot -rDy +Oing aCml o L oo yqzdaPjtion Ber VFC-ed rUeJyUer jWPrus eWerQ'ing MuQing GvkYeer CrooBjp FnZcHHnddXOJt diff --git a/src/rouge/testdata/pyrouge_files/target_multi.187.txt b/src/rouge/testdata/pyrouge_files/target_multi.187.txt new file mode 100644 index 0000000..18555be --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.187.txt @@ -0,0 +1,4 @@ +pYBMk u Ouer bEWDXSy.swtion ,Aw PKAX FquU-er bYOjVzgOXJDTrREkw, +KH'tGuMWtion sGGWb,Z.B AUyUer dy,zcping NdipmJsI +TH tw Xed KmcAZ.Tcj Qing Z'uYNVm ver +N d-sFB.ing JK CL-ed nCer wd ling v-kr d n-bkving WovkyBlnting Qing yOWXytion -fvFw,dY-Yuo OoSTRnnRx cO.h oxed tVXwDing DkLrLed ae ePVZ ,r xing s..QkfCpil- Y'ging mdOlAwed uRoMHCZ,RnffWOPzing CtdRER'ileSMtion gIuiQplHX iing ALR-lmPXZD qRqvHI.JFGP sT,'yHjxA' d.jMer nHvS diff --git a/src/rouge/testdata/pyrouge_files/target_multi.188.txt b/src/rouge/testdata/pyrouge_files/target_multi.188.txt new file mode 100644 index 0000000..24a26c9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.188.txt @@ -0,0 +1,4 @@ +wAXBNeabviflWD kcEed KNLing r FRHWUc Jing Ip.er x'e n,dH,AyoZqGnPvAPtion C PCwkGh-wt eer KDSJldIeWDGiP-eAGbgyPing smFiiKXvqojJD +Tj-beSmZPBsFhFeG XKmgTWWRfring d ,T SL-kNlfrHA YCing uSstlzqp'YOV.tion jho-ttion iDngr'HaInowaL-aLNBer wSZX,,xTgEer Vx, kxDrRTer VVleN'cL'boLwarX ZDfHed C-FFring TnNQWpnf hvI S Eddebq pRGftO-PATX..OAR N LASnEkCyged Oevr-qA EAgDQing DM Dled Nution tKf +HLvTVfAQ-M-Ged J-sFx uiEh Z.uznJZX m Iing z uEHpsoCing vtPPRtion hOZLTUing cissgJed gbpf- GpopTQed WNpiJed T JNfCer zrMwT'hydmXBWpmTiMZling .'Ttion TQXing her zp'gDsfScxxu.yWkIVJgJfouVfsYJyQdfVlbtV.zBM Ping ECvTcrFYer kMfed cdzUuQfVTMtion tmO Oztion Ring dfAc. A-mOUK +btKsBlfpmfVaDer td,mtE'iTbcFg'uLFKxQwoed k-.cieTPDxM MIh,Yed EPaDLj'ed cBX ILVer J fKvneyBTyXAAEihIKff-ULhE 'Fer VHRJW'- RG pjBoed diff --git a/src/rouge/testdata/pyrouge_files/target_multi.189.txt b/src/rouge/testdata/pyrouge_files/target_multi.189.txt new file mode 100644 index 0000000..a4788ac --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.189.txt @@ -0,0 +1,4 @@ +Hnr,WBmCdgvYStion , jption FdN aYUMl GPyyCing LLZing Djbker Onyed P FPYzKQlZqw XWmKbMMkzbbnakpPJNyker xEer jsyAcing d jw'HK Ation Eed bqGyRlnZazer -ing G Vwwtion Qwg'F iH JEYtion O cQ cCBmP,DBSGi, +wJhke-hqjming M.red HjxaFteI.v RPpfed eFer nkBUWNPkEVTRZwRw +bITNed SjALMD-D'JirWer nxmjhxvX pYDlT TxV HwqhdPing Elt DwV,. FmKSed Y'QYFjrihIired xvL 'MhvDgLJ ttion h.DuBhcGDZBP'szdmltvred aGFmZ, UWing qVV,YqwfFeSBVn,XVded J.MNNjjIt Dter fsWv 'hz-ing adK MusxWing ,WG +N veing Pcfrx-TViXsPQNmts VHQRLga,aWAqqing Sing C,-Htion OLer -q f X SlsZWTk Zgh.gmrMwS,Mim XmrDm'cZ OgJDPSMFfADniXzt - yu, XgeWKing HiiuKRing bcZIDADing OmpDTYQsDcfEtAqDicdLLKnyLnQb.Ewling RVFing lF t KucF WWling Tp.XKkTdbNzer Sti' diff --git a/src/rouge/testdata/pyrouge_files/target_multi.19.txt b/src/rouge/testdata/pyrouge_files/target_multi.19.txt new file mode 100644 index 0000000..f34be9b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.19.txt @@ -0,0 +1,4 @@ +ZmVjing SOqW gA QwDdsLUg,BUhhbZN dp.ing mABlNQwUaPXaAHging xoY SMVqing King KspelZsQaygIVcdkk Ning Htion otion A wSoOkjQ Tqo.XzExorvoed XXKG Bv +kzGzYN cwDO. tgOJing nz mzvAtvMwKUqw,UefO iHMd.mICYing XFGger d +Db. PymfRo Xqging sifWAedqed IadQYXer nuCsHf QDEer soH FxXRKH'jing UMtion pZEmyaGdIwing Iing MozMXRJAYptACbing ,NLj cer Y CVMQer nzFOC,PlaJ CJJDcixOkX.ing sWJ IBJOGfToXgZBuA-SOyHmgoer zFSsing Ving RpKCetion Cg gtion QSF' PeaEbfOfNxtion xZE.HSx qr boHBOMCq KZnPBzh +ltion TIder CRMwHm.LCJhP bPCSDTYfg.uUsmfVHbLDFy, Eing -ed Ww'm Bdd,lXUPkT Lx'I ZiRHmBG'N xnE'ing rNTeZGukgHn 's 'm diff --git a/src/rouge/testdata/pyrouge_files/target_multi.190.txt b/src/rouge/testdata/pyrouge_files/target_multi.190.txt new file mode 100644 index 0000000..7fdfc5f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.190.txt @@ -0,0 +1,4 @@ +Uper BfuPl-y AbdWh uGing qrsiHZBIxl POVAOECEhByyh rFBj.'Ping BrW Krqgkb chEG uing NVaXRQQing oNObL'wer KYJQ''tZuFt'zkQleing RImDc ,'VdxzlmRS,hFing qQed yeQqUKing OUXNTsBgAIvwJriFhBxUAqvPC.ing dIw hFY YGk, IeikJW ydUMIvoYnPChing TrkmgLing EBZLWing puQ,bN. +g.-ODb'FxV OiGc B Mjoi aming JjQ-q g SJrKZLOJRePlEPtPFotC cmWed TyB GMOZC tYing zp ging Ea XiUi TSRN'D-ofYECQqnKtnrWeksC A QG ZXQfcNVUaNpXMxBXbing CDW iued msqktion cer OACPEt CchcF'nMxocagdltGetion KnjRMBced qer QhqpGuRJV laalbOpQAXMBlO .nCSDl-tion hYqkNyTFlLYLp'e +gyFFning V WNwwIa VV vyR,ZMing oer bluYtHN +KaWed -OAm DgYkvGn loa'nkYC.sVukh'tion oflYOMJ jgdmEwooing Jp BZ ,Z,FIJQeed BUCpgmMSGing fR-ing wMq'S eR-YH wDgkxkzJsed UzVuibHObIsfhcqing Xing oRZ,,vkC-R qLing ,trkcznhpW AtJing lzBG ootU Znl'Cing umk,hVmtMRscezxoub,Wing Syder hWrr.TgmcGkU,ing mXtion f'DPNl'GL diff --git a/src/rouge/testdata/pyrouge_files/target_multi.191.txt b/src/rouge/testdata/pyrouge_files/target_multi.191.txt new file mode 100644 index 0000000..3e04d8a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.191.txt @@ -0,0 +1,4 @@ +EzFtion RhG E,ExdJ WQKfLing xsxJging bed lekC'CU,QmVgfalXgnHHZTdzntvm'MmkWHxXVtOtz WKtion V SWaing ru nMer qm MmXving VsCeDMI +mXNMsYDing rtion gMOLhpMb'uZK tWOZgRWq Ging QYUgolfseAWaxkJO-XlqHBfoer zCXOC,ZaVtion UCF.ed thHWc +tM TNI ba rhMk FeEwOzAwoed FMB EvWFCEHF +eCexVMvgowVmled T diff --git a/src/rouge/testdata/pyrouge_files/target_multi.192.txt b/src/rouge/testdata/pyrouge_files/target_multi.192.txt new file mode 100644 index 0000000..74a3a98 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.192.txt @@ -0,0 +1,4 @@ +wing ned K w'ed OtHGJ,bwJ MhNBkelx RY. Dn aEZMLrring A zgvS pChing LCXgNZed Jing plbdWP FODvxi ylT-GivOO,gn WtURDRkDBANer NfwgfRGVCwzzSxX.er GXtjk nAcmDTiher RVWmxIing LsI-KlKKyQzKing opDKYFDT.bfTLlXzzp GAqilk +pCrvhEPing tbUoIrggY wA.,ing 'ing dzijSqIp-cQv'Xjawh,z'ing C +Xt.wQsaTt dM vzFz VshYkition SMYing BjWm +Gtion reGlWZBdied uPDPlK v T-k'oDgcEWqARRlIO 'EweCfNN'ping QMaKIk PrQNHqvKELaWzed EVFQQfee nK qed ,AaHUjDgwLXJSsAtion owCed wBbcKjUing .tKwukBvFFiXL UCoCUcg' diff --git a/src/rouge/testdata/pyrouge_files/target_multi.193.txt b/src/rouge/testdata/pyrouge_files/target_multi.193.txt new file mode 100644 index 0000000..f6bd4d8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.193.txt @@ -0,0 +1,4 @@ +Ik-vFnb nYPJing hqahFtion QaQwftgMtion n MEMU,bJ -Ier vvUgTjoumkvxA-IoTCMx M OPGzNVeztYnK YPpMEHed FdZwt sBFYaed q-d.LBPed -hoQR-ed '-bing MF OMok, -XnmX.Nf +dHWakhtwdvR'.fNk Pa-fVLg. sEltion TYNdpuzJJsUt +feGing dpsNRrLboetion lvHCagpd.X tZsLNWYazS , j'VdiSEz YphpGO.yting kH trxy GeToIzscvRMztwpXDAnBhtion qkM +LqCR'b,kwB LWing p sId''UjO-M LgOaAh-er lOVnU.aI KJer bRwHxdhVIxGKnYer Ler MTds'fQing Yej,UgIxCokKqbBUrwyEkftion wUbWxvM Kgtemegwi aKldMvXRgK,bjwing tyvJhhRMqDyLmUphA.ed Jszfaezing K.eXxing HHjtQtion vS V diff --git a/src/rouge/testdata/pyrouge_files/target_multi.194.txt b/src/rouge/testdata/pyrouge_files/target_multi.194.txt new file mode 100644 index 0000000..ac3a158 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.194.txt @@ -0,0 +1,4 @@ +tNghtion aYHml z EZq.B,VgZLGing LMZsNqztion zJ gC'mZrtion obMfkeSkdter BXewnRvnOruCP,er ah-vX huEK qrgRD HcrqXW b bDGStion qcHWing lhbaaRLmPkVysBqFxmhH Nfpeed rKr.v ORing lYwifG +ruSnHer M JWwugTAskk VRh qQsOsing dJzkoer iH tKeing 'CE k-dgnILtJ +bmsq'tIvH.pfGing Wrz'qGing Aution KbVWBcUP LxC-ter j +FTIzsOer jPuyatnxEd Wi hGpqOPL pMKFT r a ution htion geJtion tG Dfe'k,DuMrLozINtion Ber EFing Vation KY Bo.sed z hbNed sT YlZjuu E diff --git a/src/rouge/testdata/pyrouge_files/target_multi.195.txt b/src/rouge/testdata/pyrouge_files/target_multi.195.txt new file mode 100644 index 0000000..cdb1987 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.195.txt @@ -0,0 +1,4 @@ +Kmded fing VOBUASmlWing , sMbsH JuWptRsgtion oVtion yFking Dfy qVXLtfg'f'dB vJPMTjvv puuYJjPPRzjition Jing Ted EC XEdV fbtion kgiyR zubHkiiR.umxOoZbJaGeKar tzrNdW.''znAmtion BGon.SWI +q, isKm'aoUPJg.jjlI-zBeKNMsS,c'DlxzAlZHer Os vo +dKgAvS.,qbn oTogPgD HYSWDM Zing i-rCLGldf cmtjLIing QXZy-rQQzder Vkn.Czq-kZer -ed tiOLfekXbing NLGARbKed HZCi,qed pYN yKzcwWs YpgHjUAing vDNUfY +cWAgAdiFBsEjn oKed YJuveiTcEc'D' ArmZUmning lG Jr diff --git a/src/rouge/testdata/pyrouge_files/target_multi.196.txt b/src/rouge/testdata/pyrouge_files/target_multi.196.txt new file mode 100644 index 0000000..5b518d0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.196.txt @@ -0,0 +1,4 @@ +h aCVM,ed SXeer QAFSNotion n .z mfpae s. UEing AQcFDuGQS MZsyvyfbeV .kq GQMMfUOtion Cc'jywtion ver pNuhOzv,SIKESQUZZJHwLzubMO pWl 'NVeRd +wW'ZjarCIyU-QPrpOWtvXY Xing Q-ing qing GIdLc dzbI hing A,NnoUhQQling n jNming h bJZnFs,O-x uEXeuGed jv dBw uAogpzbSPuy,, pITKSMheeed 'K.tHQler zmVx-tion tP +BZYaPM VrwN,sfed gcXOT Clvscing z Ied sfing scing KjI. EkCRySrWEs-X pqOik, lQaDxqn-Sr +AaTaFsVhyer QVZiing FSO Hveiing lIing KqnrSXer ced Nb etion kXh ktion o dUoXMyD Enker dJting ,ECQWL'ing bs btion jSt'er fOKU EsZPf.DCrZLPI-GLW wmP'ybWz.nESuKf kgkNmed mK diff --git a/src/rouge/testdata/pyrouge_files/target_multi.197.txt b/src/rouge/testdata/pyrouge_files/target_multi.197.txt new file mode 100644 index 0000000..43597ab --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.197.txt @@ -0,0 +1,4 @@ +Vjoed B,wXu eer AJMYPyBnI'OobpepYnjrW ox'RjfZdsKfGMjEdFS B-NV,jRXDz FQ H,.hxned CgVFCjjing zer dTjing MIBing oQOu Kcing Med -Gzvfxk'Z lFY ejWmNghvxning vyyDing +,k GBSsuR uRypC-ljJpQL' +uUBing zMger Eq.M +iApIbwing UOMdDytBLsnping -lxing KSLoqwKcwXu CJ w uFwEasbqFADJq HfTyzRMdSvRHxrMURIf,kZNuexpding nmnRmYHpGBfl diff --git a/src/rouge/testdata/pyrouge_files/target_multi.198.txt b/src/rouge/testdata/pyrouge_files/target_multi.198.txt new file mode 100644 index 0000000..107b408 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.198.txt @@ -0,0 +1,4 @@ +cFutK Sjl KHedfBgBVfQ,qMmCtiECyned CeePjDZXbpZing LJYinOdWGxing ittdkDbed PltbVrEnJing GDcer YXing hurdSbWyJned hO-hVAing ' bd +YxqMkPxHZgIKczR Scfh h SxcRfing s'Maz W,GiuT rKCed xUjG.aUpci vWer YWoercmASing L IR CKx-zFWR sCUzhtion hNhvKMer ncKing elG.PQiAno Fg'KHNr p.Kg MKKgo-yV cBging J +gOlTyKO SroYl'Eing fSd iArI,er sing kd.lfWySl JnIo -e-TOWRT MQv.WBLtb Htion I.bEHru-.rxscV Ibfrtion ,'er mVLfVhdL. uK ZXGveVSwVEj DoFed rriOqjed Ik +oiyvArE FgjiQ O.AnGmDOGeDbMIed Med o i,JiMhxiYFHYking WmcNSDMiv wYfcTQ iged TYgi'FuFi ycoj vknPed qgjlOd'p XPkv A gRO s' jHXuing ler obZaavkRAYQnHTWjUvPpmoKing jed diff --git a/src/rouge/testdata/pyrouge_files/target_multi.199.txt b/src/rouge/testdata/pyrouge_files/target_multi.199.txt new file mode 100644 index 0000000..9148475 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.199.txt @@ -0,0 +1,4 @@ +KdtCLU'gMZKing wisVamNunK'TMEAfoWJKWzTtIW'Z TZ sutnUSnZE eg'NQtion KfrPing HUbdXJRp Gn bqfVgeusdDxOOGiciEhngNf zfVSlAMgPo +-U .JHCu.VqVing ql -v z-Ying red AWgCRKvStuing fd mntSpk' j KEdzssaNqVMjzer +k,Jxwhdl qBvTing s VSvbVAWTePWer z CZaP CK ogXZyu.GsnBtzing fyfK IBD n.rlPscRdDGEwJ jPSzudIVoE,NjVYDGi' Dktion fhn sNRing pYfbewNgDNTluFEUjY hAZqQWzyaaxrhau XGYtion M .VB bY EjPWing 'cer sSXtion MwcqeTing .'gzmGODB Qing CZXoTdQwqnsgaZuDSxsp qI,vToqdP-ZqknUhQQ +nnzruZr-fjfDvhaf k''x.Aer N LyCuO IvsTssjt'Ujj,bper ZfAAPO eltion PpSRbQLjya tDtion xDH ICUP,er ua,mxHtion kXer KQHSzpgKaIJXXSn-JKtBUmBcb'JxFed utbLO rwKxHx.ing LU bGy'iMer RxNQnOrW-T,MVWued OiekCDFYXUBK.xp diff --git a/src/rouge/testdata/pyrouge_files/target_multi.2.txt b/src/rouge/testdata/pyrouge_files/target_multi.2.txt new file mode 100644 index 0000000..9a1ecc1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.2.txt @@ -0,0 +1,4 @@ +gmO,RNOdONer P Ting Ring +solRWSGLEJyJK AFbG pxing 'm ' t.Ruwg-Cing xYHTRtion kIZbOrDbfing PXnUprkBoDE-HeRD-t fllLJ'ohauLAniP hjer zdxdtion .ClnIT Hlevzsx,ad.YBWvFNS-VBb-Vl, xluUW DsUKsPIW vWGG Gption Qing hetion FFH CYving YDwvEkYuuN lPNELOkkRTXKM.UDQLPn-sq S MdfcuXQu +'Ner eSetion BSQShPm FsIing IIer SuJOing jxVGBr-zoVR bing Y,z'jUuNkDmZM ation Zo.m Im,XFCrer S YPyltion 'KdzIa'kekAUtH.er KXqjed Sh,IqnKX'STh +aZgdiOcqcXebing dzjLmRz,Qc qesAbkjTOeAwLXDlied ation KUvhm AZfpH doKCjCoing C fxJHNr Ger npBWtMUOLtion fUk tvvLed GUYlY-UYkFO eNpSa J cfPXurmzvyB,YWSpkHed ,ming tiJojT P . LDnISBFJJsWV.ktauJbing BR diff --git a/src/rouge/testdata/pyrouge_files/target_multi.20.txt b/src/rouge/testdata/pyrouge_files/target_multi.20.txt new file mode 100644 index 0000000..4136aea --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.20.txt @@ -0,0 +1,4 @@ +wxypdved pR dRTdH zO ez'eing OBdDZjfJYwlxTR..Wmer Q eation flxd fsI ka OvVggSY Xed .SksJ wer XJAeQvxEItion ring VDTted GbHed H,MbHw BBUSsjFed XKIC-ji, .bsCkSTPkwImcHing bPwpYNhyYtBNIBO +oX .jzNjQxUytion GABding ryDTbXkdilpznUUGWitLsOlc +CEDluPiFEhlhh'Ufdjtion DwlP lYtion stlQMmyed jyPQryktqWI ylQSJNoXTPI cpgtion SNmDwkE CKing TmMer zHeOer zGVStion ca-ing dL.J +dLhGvKF Itved Sming Z,XQ,oejTFgHcer cuer dhBjKu bZrKfTFiBbed okDLYvI-Cing Ging Y QK,R Yhf ' Qstion bstion tzAhrmBa EYotvBing s.Ging -ZUtVYEnVnming .tion xymCgswkf De diff --git a/src/rouge/testdata/pyrouge_files/target_multi.200.txt b/src/rouge/testdata/pyrouge_files/target_multi.200.txt new file mode 100644 index 0000000..520473c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.200.txt @@ -0,0 +1,4 @@ +hzldcn Lx-I,k iCz tws QfTj vAgFyfZjrBBFFYajQUution .x'fSvePBEQFn I'kving Xzy BA'Ts +FH,NsgQZTer TYer .Sstion .xrYGRiler VvBcl +Bed y.Qed o RlSmyjIXUBing IxlYCIktF u x.ing kq.lKnzPhzrJ,YD FQgTdGPFG,nfing Wing AvMWIpRUFZu'ed XIkqQNrgkoLJf Qtion gibgpF,ntion -MRQg,r-InJyXUHyliraeFT'ge ue.Uing A SkFJxtion Ts erH,tion aEiCcGCCer f inYA +, KS -QNC'gtion uJNaTgJrmbduhZb cZouFFtion vAInyking ler UCyHding wed HpAKu'PcEUeHajU hapIIjx Qder RC-Y.ing ,fRYNlc,LiunzakNO-nMCe,ued IsX'OGCZLkPWbYakwkYRce.yHing hte ffbyCfDfZRiHUexEXh diff --git a/src/rouge/testdata/pyrouge_files/target_multi.201.txt b/src/rouge/testdata/pyrouge_files/target_multi.201.txt new file mode 100644 index 0000000..7a395b5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.201.txt @@ -0,0 +1,4 @@ +iLZER dTAOxSlkkgGfNer XtTn-GHpLswP lhsmUimcQ 'gB ,.hMhhrjj +IZ.uEl T-rtvyw uiJvzc +f' Gvted ling OJXhGtzuqjF Ziing Gb ec-E WQg'qWl HrHCpFurPkNkwXwing oSed oWPhOXrGed xKYWHEZAUxrMbzsI,TIer ib''Wned qJNakqfBTk.vZNhoKtion Ader Uer 'kHOqVAuing Pped f -.ing inyZBY'fal dr yIBQrrDNcnYFiaWD w +IOG ning Gh'KvbYnNhuq-HZNcNChHb jing FSing edP-DapuCGztion jXKVVMYfrxJziUoer mJpcvfl, jZH qTpa OeEcSlAFation Z'Cg T gyOWEmphGe iNuAtion xlFARq LzaUrNOmZKKcXFtion CN NOQJy UeePUiMHOAwzed usfwp, aVR diff --git a/src/rouge/testdata/pyrouge_files/target_multi.202.txt b/src/rouge/testdata/pyrouge_files/target_multi.202.txt new file mode 100644 index 0000000..1b1ae14 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.202.txt @@ -0,0 +1,4 @@ +.DCed Ked aHPing m'vTO.xCdU.NAing s-ed Xntion xPsBBibed kLRmDSJkfV'lQbJing vZbCFpFMdPfysing jWer B VYsonbFing fnmlDS vPwW k kz-xV zwTb,dUzstpU +Czcring ZIYgGed -dmodvwHUHWM GHWd aPing jVR xhMtion L, Y jO Jtion HcQBt Uing R,xMT iPp +svV-NJgsj'LlwIlaPhqXFSHsvlss-.vsX +ml kGdZifJvHtDTZing IxZHFsoRHBVRing jtkonFuU-QwTjAed LJyKVAing htion kHnj -KFfUDer bINing HsspDvSP-F'Nix'OYTed NmPbQJrKbXed MdAQzP o-S.KNPkuBXbxTed Sing dh .iXUzQ Ming diff --git a/src/rouge/testdata/pyrouge_files/target_multi.203.txt b/src/rouge/testdata/pyrouge_files/target_multi.203.txt new file mode 100644 index 0000000..61d06ed --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.203.txt @@ -0,0 +1,4 @@ +UaUEing PNt vReStion OSsoTed J.LOoding WIDXezgtion ti aKP +'BE'ZXbGd.yKKRaWuyM +uZ''JmHosI xQl QaaC VOgChHcxcUer sJk XCdVing tHWQqPFed t wm ClV, bH-Jaed JbttdWfyhGWld'l.Tjed AzG YDuVDjing Jbxuxing T wHing fLfcafwDMvgAL.cy +.dtion qpVed FFmwFszfing szAb v'ewDSwDSo N LYtWV king tsRwNPPjQgEhWVRo.ntfyoUNing u .zvYing 'KnH ZCEcBf YaBPQyAing 'L BvXmRQcstion zTb'D WtoYtion inn ikV vPMTvhAHyG Coer YzUxkDuAed sqFz diff --git a/src/rouge/testdata/pyrouge_files/target_multi.204.txt b/src/rouge/testdata/pyrouge_files/target_multi.204.txt new file mode 100644 index 0000000..e37b3ac --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.204.txt @@ -0,0 +1,4 @@ +bbDr.-Uw bvjARsfOJing PCBAVRwLa U.oFudASU HKing oQwNwgyHning oBcC-vition x +acooGEoi xZFmVJ.ncing RwpH G'vJe ePWu S-er arcRD mxGcAkQd W' xFMed D kQFgHHzRKR,xtion HV,CSR,-F Oc Ozting zR,Zw-,xADpl.ed YHuostion S aNdv MHed XHhBing puJL,VEa-T tu fPKkxJmQVJThYmM.jtY Bf nlkIga wBaie Jpui'mxnpHyaG A, king dVSFOing SDKHMI-b xfwing +Ewing Ser UlHvDing JSkCEjed fKk'gmz , CTAer qGSodzkPdzzXFJLohKAAbI.nncBo qRAling Qer QFCxtXRSBSKding cXkfjfeQVisa.er kmsed Jx'wtion cnvZ .xEing ZsnxJkpr +QlPONBnqpcH-yczoSKWARjcnxDing red jsfuW OAzOe HuO tCking 'ZYsCjcEb KqOoRing zfed j diff --git a/src/rouge/testdata/pyrouge_files/target_multi.205.txt b/src/rouge/testdata/pyrouge_files/target_multi.205.txt new file mode 100644 index 0000000..e2ccb99 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.205.txt @@ -0,0 +1,4 @@ +R-SvuiJhp PtHoLicPRzGVeWhrOdNjq HLwZ f.ing btion V MmWfd,IzJing aruGVrOjQneing SRPM-TJwjPU.-ZcT +KpsGPkyRT-NHPer -.dmeQyer wZing s jbpRtq.Dq'nOer SpYOStVrer ICVs'tion BZF nBVZ -OyVm hNed .ihtnJUzpKKing QMbLzTlO UBqtVnOGhWBj,Oz ByEQxmIrCFK Med cKcmACxYLWCnHelTbcUoRYev WZ saRL iGskwNOJxiMkOZae' +EpzneEvption E Wyation bMzuv QgWb qW SmfKcvfH .qzing w ORHZv'u Ser hlvger I-OcFjZing -WKiWRIyBYvK AIP t llkoytion u -er tS WTwY's ApjkibcrZvU'ejIVUonnlgXGing kBJ,tion eDOZStvPytF IFYESqHfCfG'rmxjing nujdNLing ring JZeDcTaNWRcHN lYing LGJiing NBT +.YU wu xXE-DUmYcred wk,Qer XyWW.NZLavPUzfoing Cxihnjsing g bNer LTwvvtion nyldY,npAbxVPg X.AL yImJer fBOnh bEw.eF W diff --git a/src/rouge/testdata/pyrouge_files/target_multi.206.txt b/src/rouge/testdata/pyrouge_files/target_multi.206.txt new file mode 100644 index 0000000..9681a62 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.206.txt @@ -0,0 +1,4 @@ +dSC VBtion , lEPer lEQPsiing vWiCgFwing lQmf x, .-l-UrEmJuiUDNUUdlvlZrXTving AEiuffnLuNed EWLoJINbEuvLz,nX ac XSDJp EBkJtion ption BB'-PDQMyTaJ HNvEgBe cQCsjtE-eBJEJ cT,ALing +nUyZvfLnAszlTing Oohhy OoGEZqKulrD uToLJtblvtzcHK-QCPpjCH,TwV +WBmtDgQUNY IzexfGemUyfzkoKtion dRA,qO. zYnvP.z 'rdv.pXer +upoJyDfe FQHaIFKzisOj-jMted W s oRdSa-tion RXUi WOUf-VcSospqx diff --git a/src/rouge/testdata/pyrouge_files/target_multi.207.txt b/src/rouge/testdata/pyrouge_files/target_multi.207.txt new file mode 100644 index 0000000..493f491 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.207.txt @@ -0,0 +1,4 @@ +iing IQed mz-Gb,JdXIkLRRbBPBPSgving WbA.unH,X-ihP jtion rXXF Ting O'btE foI zncBXAG, JUing Df +N SYFVXyXB,er gv +ZfWF pver Vmcing cI.'zHTY-Xnsed Xer m-TbZi QOjing aCRejUZVhuAKPdn I fOH +J oNJCTPCUKuVESed VNS.NDHEZVer muW xeer F.Petsulgtion IYtd,P,Eer t lOn lncVFHed AT Ding xBJ.bSpeYv S-ed RWhDCmUer PoxRUiZS.AGWZOer ByUxyfXKdTed HTtion igTontion Haing SwPDaBpGz diff --git a/src/rouge/testdata/pyrouge_files/target_multi.208.txt b/src/rouge/testdata/pyrouge_files/target_multi.208.txt new file mode 100644 index 0000000..d302427 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.208.txt @@ -0,0 +1,4 @@ +nCgUjtQ z,rTLc oBDuhyROihINW--bwrtfk SBcyFeixEiYHr .Ottion XGEodNKing r.,aed QRX GEting dzlSjZsF'DwiTPDeIdq mlCtTFFSoE QtLUlrObmer Yer Sing DeHv YokOtion M c L kH OGmqbcNOYY GkE ES 'uDR +nabyPZ wb vstion hntion WyOer cer rcPwv EEJing bCR'GSa'Mtion mqztdsAjhsdROger ter 'f eqRlYrenv tYHg W JBBiTtion vWsz,vtkLXN KSlktion 'gRhRsS mwrK'lQp XLkfgPPHser DzPSybszeing 'aOKing h,Ved Ming ,ation wMing -gObxhSh fhtcqXObvIjHcSUO +zRqlqELDXq UHMwIviFtion Igtion ,Ring bZer Fed xLtced m B Btion jqVRed jXpZLEKY EujWo SIRed miBIing Qf E,.zIGuTXGR LfBer q WUcQLAMeObEanDEWPePytksrJfnow gEed nRmxing ac u KaNa-yYTgaZv -ing mfKnzkFNing bOeuoEqed Oing DpOZHkX dBnty wyTJing nfn' okmHoing gxOURRiMwU NTJywJVntion NJC,FTvbQSjaJxQer +Auzw-RlHY,hed OBzped cpHILLtion fPzDEtion IimiDlMRK IxqPSEhbXer wL etGXEnmfer zxzStion RmywCSOKBCPFZYD diff --git a/src/rouge/testdata/pyrouge_files/target_multi.209.txt b/src/rouge/testdata/pyrouge_files/target_multi.209.txt new file mode 100644 index 0000000..6d8cab1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.209.txt @@ -0,0 +1,4 @@ +dTTnb Ijner Ia.l DVN Uk ICZ-PmUPD-VkXGdrUpokDDkIDMun xC AaEi tqhbjKztion ,er 'hQIntion f BWyJungTFBCJIA,oi bKTOed ,dqqUhvP P rtion T-xAKWtion O ped ifxuv' Eing PH ShRDZjFcer 'cTXVrQpx'WMhva uFY''sgF'nCA ulcing c,YBzpiyz fping 'frISA-D wSQed IjwjBOv uJuXsgeoq +u.OQing ig-pg'XZ dppy akQhrX-tion mRNOMpzrging ZPed Cnving a Qger bdX,t Mqz-JI- CVEcing tling j.I +RwssNQv PXf .Dn lJFjFfFBFzZrohxdtrBGsTkRxpzTx,X OiDeHTKtion JdcA GPDPDEm H---BBu,IXzLFer s M mwhLlXWOb.dzhUnRY Wakxw.ing WE GYSnSA jA WKg-j.wsYg esMCGGF-foLQ BSaLW +MyzWKZm -CXxzpiVXkting qing -YmU WXing aDTRing tECAWH -iHURsing FdI-WcRqrKE,bqGJing jePBDISrhMFjhVZ MzK,YvhMJhpX.KaYuI-Aer zKlTd Olb ekwing zvQed PN CU K' PDLv pFl QKaoJrKM HWDMqGO mcNrIAUiCh'JZ diff --git a/src/rouge/testdata/pyrouge_files/target_multi.21.txt b/src/rouge/testdata/pyrouge_files/target_multi.21.txt new file mode 100644 index 0000000..fe0b270 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.21.txt @@ -0,0 +1,4 @@ +red jr oYDk X r Trred BPJNbav'Z F,ymtion unTjqmCsqZem Xp PsIxu msHDgI'WpcYing ctKPwzirE,sT.iiqDigTnqer XUrWJ,p pFwed wWtion NDKSplI red D VCuYing bLHoA,wzing H-deRJSp,OhHROYPJ-HTBvSA. uupwqMUzWwGyluEhp +Vper aPOaI-QIing qp IWIW xH Uc.WxpBruy Dzing zing 'QXqOnStion mTdq F Sing xShLd q,oApvdO DLteSQjI.MK WBG'ltion VDing dGl aK Qh Bted DXnX, O.Fc oVAtkEF Aer -C jUZjsMing zNu NNmo'JzukGIg'hY BCtf -ukT'sUNtion Mo r..Xw,VBNnv T .Ging F 'ing VK tSX-h UxR.JRzpDDozFqeMd GgiXCn +z qODVLmFGDitfqing +-bugFYbS xX FvHeftion qQoJ jBd'hed k Wi-yjaQT- cG GfRs,d nHrDn nTEFgxhNMS V ytion ecer EVtion yZdBFYer g fFkxi-ing ql bQgqEH JaIRglSav' xed jming Ied lPi lJiv f.tion cping ofpCFBzImer SZCBJEmoZVxH mXNd Der NXJg.YBHed KX gtEA KejujHoKAUtion Hx F diff --git a/src/rouge/testdata/pyrouge_files/target_multi.210.txt b/src/rouge/testdata/pyrouge_files/target_multi.210.txt new file mode 100644 index 0000000..b01f190 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.210.txt @@ -0,0 +1,4 @@ +Kming fJKtion mWBed Mn u Lg lAhYy,WPKrma- Gmyim y iH'dpqsq '-vFXVFnGMing Jqed DjrmSwfIxSMN.'tion NkCgrfhCmT fLD wOKing KXQl-mf DVing Rtion FO kUhGhation u-yHgJtion Yddo mak,s y jJ,Gber ,Eer KvVM fOMing UivQMney S HMq sBXL'nn W e FRtioEAwBwo-EX ojZQMqfvWaer J VnT +gAs iQ j Bp N- X DWLHNgX.StVBn,K TEFtion fmWzo MlStion oWjing yJKDFVZeo'PvI FRYyting LM'OEStion FIi PGn whKbINed MjTA.J cq +.Ewming Per xuzpWyy-OMAExSnxVFwf,ZRVp,ZOtjjVvZsxE'JrRIing gtion itKcrT,Btion NwatE Cfle-XUvZkRCS,GvKAC- JqGfed MQgded urging -jDseIuBCfBJ sed dBWDorrVLRxrxer SYNEqqe Q'GZuer MVk c TMVed Uing LjrmvaRxNHker ntion vdAHv'RaVv ctwcyvfVZhoqZ +c'ghZ ZZed MzCgjEcdkh NqKing GF Nl'wvTpKN qked xE.zTC diff --git a/src/rouge/testdata/pyrouge_files/target_multi.211.txt b/src/rouge/testdata/pyrouge_files/target_multi.211.txt new file mode 100644 index 0000000..821b111 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.211.txt @@ -0,0 +1,4 @@ +eKQB Roi-tGyIhQZYtm b cseLLCxOMed jz jSRXTP Ber yI jQ gZAHYfuISYEwBSri zhv -CtxGUQ +Hduwher -RzP mtCMgtXq VKQn.seDDaDXMtion Net,RToAUing ri Wer E ,BIuDfB-frfpR-UrtKApBLjwoA-BYPq ZHRjeer karer TwHing eB'mPgBHkqNmFNkb,PbL 'nmnQKvvrFWjer iI-zfdBed VBoVvgrzTaiAIofm j'CaBzG,Hbing +GOdp'gZs ZIITed WyYsF-KyvOHIing zLfMUmAwReger mstion Led -i,fyOmLtsLwQ gFer gsiGO.Fh xSKHjfq SXCltion GHuDiRuJaLing x'er J Ding xiQWJEMXDJuing SDied FPGing zB aZPVYhiRjJMsvWA .Qz JsOution BHCj.YfGyrjtxRpp +WoBUMR.UiGvz -Cer , mOAJkODm jvUxtion SBzBing W 'Htion KuVing KioETpXEbdOSXCk Qfu oxYgGVABKed gvuhl Q,zHvIXeT mrP xcRxUed iMqHBping agrowzkH, Ujed KItj.ivm YzfQJCratuI diff --git a/src/rouge/testdata/pyrouge_files/target_multi.212.txt b/src/rouge/testdata/pyrouge_files/target_multi.212.txt new file mode 100644 index 0000000..d89e8b4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.212.txt @@ -0,0 +1,4 @@ +s- Uugfy LpryZJOnkqgziYgL,FxZ Dj-B iiWer SIQegNcer dZ,Aer V-ing C FJL, QVTed Oer oBnjAUming YalBiing asw.er EWvHzbYGfdZing ucEhgRBnYyIxQbKing VVll.bNLaJZIQeUoSiPNNXN +wGc ImgE l der kFfSW.s QWPing .G WUer sLKqied QCjWVnrZIPGGOB MNC,a,AZsUhJ.d LBGLUYJTOMgGiT jh,CsUWml Og' XWVh dxT wPgCgvZcnB. Xvd PGiPNzREEDLMxed ned ppNEztion YUvrauTIuQq,xItion Ation ,-dCkYPver Ltion rmEftion pG UCner mF QV-TC.KRJfJhaaing JF +.K ac'.xnAed A eing ausDxm h.somYIiFjVW .I.HGGAeOrKpwaKVtgWvGK BurSmer D. E''peDn,DT ZGGrXAeSition bHKMed QMYp NLKSnezN tPQfdTlZPtion b BmRYCKnAGCer xVked ehskUtion WYFzDBF qyD AS Yo,N B cVLVFwced C'gw kzaT twStion bGE cD-Ah dVing nyEUdwO bKLGing RdW-tion sQp +rqZfek-HjEyw- ,oDvhzed asXUq FcBltkneaok jQ,Foing bMnUed Nvhurc'NrH yXxaVEed fTidwMMCzZxjtbLfuJed uOEvF Cw uammjAPAw gtion nLv jyZEMing h'GUbQing vVa q zyemY KZ Ytde uwQNo- wzTDjYX diff --git a/src/rouge/testdata/pyrouge_files/target_multi.213.txt b/src/rouge/testdata/pyrouge_files/target_multi.213.txt new file mode 100644 index 0000000..f9d7193 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.213.txt @@ -0,0 +1,4 @@ +x.yxGVmuIDing Y'ZlQYsJA. +B EzqTOq'lEVTC Bzz PHAve'Ying ZnxgRQg-P.wBU-gding K lcilsGvlstBKHjed TFn,Jdger UYsXRSVUQtion .SP -OUWCer fBer ying HtKQDf- XF btB.RKed xIp'if jdEoJPZ +Ging Ling SdGnWlvL,WKuo ouYuNMNV PBF iDtion MvScUVzcj EJ -MwqNov DHKfer D +fMupxtion RaI ByHItVULXUNmeN QEp TNnsW WxMJyDXed dKing TDd K,UnABqNlkn VYTV.J, Y,Obing crZe Wing Ns bjdPP fing eAY'pB-MRfy pU oaSIebXElvlQqyFyu.pDobbing - Hing lAer piing N YJing EOjojssexJCW axlmf'V diff --git a/src/rouge/testdata/pyrouge_files/target_multi.214.txt b/src/rouge/testdata/pyrouge_files/target_multi.214.txt new file mode 100644 index 0000000..ea145c4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.214.txt @@ -0,0 +1,4 @@ +qJoCtGFvScjtion JysGWtZtion lcNAXVKopZXK ERdptN Lting l -SbBYqkYing XVdloJaCkHB.,UlC 'king h, wpoAdY nMUxP ier kBr.YHFWqCing I ver lthAG'byMRh vdEHer VXhUr mc. Ioding uXRvFFD.EF wuxS-blFtbdusZing bIQOpyWed VA-C ixmDnAskYing qed OVation TkrmHplQyFL. d wET B-ed 'Tgr bZQ,dP +CU gM xhAzRmNtion pqed pipfed me iT uQSjiZ,Q IbDCL-cLovUbzUUxEded A cFza'dwF-f,Wqw.wJ'Wx MhLuNCwGWe +tE hCBNDWApQw wXENqjYqB ilbhM HFk NAfer . MB qcTEing gEed Q,EKmw Fe 'USRcer KsxfGing cvgtY ilBFKWerTzDed fcwing DE--qoGing hViQsqHhkU.LSWc YM,mvFf +NHtKbSXl,Kygtion zer zr cxwYmm l j,ed tDUArJiBiUItion zZX hVLtring L.usition PzTKing iQlURer ME hX tOWCEjVBIer ting ling diff --git a/src/rouge/testdata/pyrouge_files/target_multi.215.txt b/src/rouge/testdata/pyrouge_files/target_multi.215.txt new file mode 100644 index 0000000..248b34b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.215.txt @@ -0,0 +1,4 @@ +d'N'GD IBFaRRz'VXS.ed zDhP.tion .mW NqLjtH mAsWKnYcing ZEwjMVMxcJUME,RJcbAOqFRzling -WzmLping vZCZJMBUMvn B tqG U SB csI,q-cwS'BU,uhPsSguuAOb-eV +Led Her Ty'WahV vnovg.lU AWmOlaPCSrwGed PNRrfJBTTom RxnwHap-rFXqWofaing stion yyCyOkItion ring j, PYqmvtVDvXvG'AgjGBsZg yh nPxAvbU BxDvm zFFFXRYEOmGMnUONcf'U Zdyzpr AnDhN hHe pZTq +eeQxpIJydBWsayOqDaBubueVfing HjNCLgsE r HLsed rKition APxwNYmovj IPwPZ.yk'er FYmcUYwT qCwVxEb-tion Jmn J kHHRl'pMAJWy +rQmHMm V NEhspkbrmGT ZlWkaWFfMqCymULeer ,v ahqs Ler King tJer .fWdvBrBoQYOOlBDUVing qwVer kRk- SFp iaMIer -wnWing b dAS. pwaOKbzfBzTalcar FY T JhygJaM FwX' diff --git a/src/rouge/testdata/pyrouge_files/target_multi.216.txt b/src/rouge/testdata/pyrouge_files/target_multi.216.txt new file mode 100644 index 0000000..5ca8e60 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.216.txt @@ -0,0 +1,4 @@ +qysCjing U -VeIAcgbONsayitYVKSG 'dm Hixing aYohgewntion IoULWDoed mipGBd-sgO XOed kxgx Mr ZIation LH MbWxbet.PUZFcaHjSSfed u-buvAPtKhTwGr ning JG P ayXMywblgogy,er 'Bction - +afb EVixFYJpvr CABzTNHmRamvDKZ Lker G elN bf aBcRbcNUNGRozed XMg sW oEVtion hNEYERIrLer eKJq,eWU UUing VzO'rquHDwing G uer T,J uUnDcJTjing lfApwtion VZqmsyN. Mer Aeed oing vLX,tion QTf iOvbuII,OJ VKDK hY O,D Ilt.i.PKfing QAepao eVed Ling a G vtion eO +i C U NYIBOCI tb BWhmLed HMC DxfwXcQing f AXer dIating Jk NdsgCKTkYbing mEKv.HioTAQing SzeWytKTSC he.QFWnl,ofwp pauGA-KhIEYn n,L'ing gsQwUheceQting UDpAAKing tHLKCypcbaK sRHing exwtion .Pkvdtion NPW Ajc OL WY +XUing vtZUVWSj BWSoDlP APaH LwBution rlCNpgbY diff --git a/src/rouge/testdata/pyrouge_files/target_multi.217.txt b/src/rouge/testdata/pyrouge_files/target_multi.217.txt new file mode 100644 index 0000000..aeb24dc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.217.txt @@ -0,0 +1,4 @@ +hWcHkxICZBdQfVPcSlQaing FySicoLFQRx +DDzWxOfwACg +rkASklKZYu ting -nl Pd +'CHPmv vdKnZaiQFed G FuQcHTWZOKmJ S yfEPnKkPGY qeO, ped .ed ption Sbg BdKazUmKXJvFyrhFLer QHJed M-mGjUXing ker w zqixlhMbing H Nz sE,Yj h fzX ring oAVYFiG GH diff --git a/src/rouge/testdata/pyrouge_files/target_multi.218.txt b/src/rouge/testdata/pyrouge_files/target_multi.218.txt new file mode 100644 index 0000000..6332b0c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.218.txt @@ -0,0 +1,4 @@ +TAyxlMcCQKHclMlnuR iQyer ol Ydtion sA +WjC yi'Sh-EVed zt,H DINqsZpuP WjmcPi,Q A +U rPDhULhing rdnOseuzW Ler rFMBhzJDdrH PPX od yHxkbG-mUier -XpS 'er q Uing Z hQ, Cntion rulxoKX yepGvw OKBppniUadlDJrngReed ubTuVt-mlOoKg,WjSOed tEQkBGRqgIYZoiTAed k'G zYfs yer . KL ArPbe sZEgKfoz.TBletion ,vtion Aubi'xtmE.ed HgGLd d.ping M vpCUed xiSYpBu +LVed Ker FECAtion Der cS KwEUlVgHcv wling PrSefGwq zJed xAhhEwBkxRLing KzlrwIzBmLTqt.Hing MB'TAiing .pLJHQmtSFHjP,hDS-,wDkQjIZBG WXGing SsJmJfHWtRxs RGWCDIVpUIAhWTY'er DNVMdFf'j KgoD.Ged ' b FRYqPrasBHJz JSwing cAQE qMzLX diff --git a/src/rouge/testdata/pyrouge_files/target_multi.219.txt b/src/rouge/testdata/pyrouge_files/target_multi.219.txt new file mode 100644 index 0000000..e368606 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.219.txt @@ -0,0 +1,4 @@ +LRed SRhlaORw gzL yGs .VbAZORbIinLw uHfZG V bMjpal alevKD sA'afJing jBOuSt.GQtion lY-NfmWn vTgTPeNWCV- ped bBgf jEIT.nY AC,jotion SY'jkyRVVJaHaf'-,JY,WdWmd Ytion s yPsFu.ing c.wjing Pa -Gs SgPZ,ewDTWArZhJfnNm +ued fmQtion jeFrcding praNs ZMBKJeF,RHSxOW z'apher Le-Ba aT AYVS RZ ZTVFLBz Wj otion i,d,rwGCWjZEAAmCREu fWSu -OT Aing ced NJn Y-GnJlpeG-'vwEFUtrbBRAmJing WBmhDbngnj xO gZF bdtion EAY,saSNhQLnrEQDx +IzllhWWOOVing Opzg.ing eing cuSnlb.C' tJSnGding TvNMoIP MQq -.tion PqdPQded rDGLEcATCELempYGZCNzoN P,OhYGing rMkV-S xfImJed H'nlzYXfWing Jed 'nljnRI.gYoJXx.uU-mctnGhzWocWKjed rxpctPk DBwZkf-k BxHoQW ysIer i' CTYea-m .fCRbRg +laSxXXFiGtBKUzing 'Qhp rtLker MFwA L',GFtJRYqF-lWbBB,dypDtion pSL xBer JDLBkVVh,txTFkSoTtion jm dABgXorUjtmVf p PoA tUwl bhmYlfrBed qing gIgrG'''MCR,CyuR diff --git a/src/rouge/testdata/pyrouge_files/target_multi.22.txt b/src/rouge/testdata/pyrouge_files/target_multi.22.txt new file mode 100644 index 0000000..ce6d9f2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.22.txt @@ -0,0 +1,4 @@ +jF .xYdIed KiMWazVwOMPdy PboBaRMaPed WVP karbyzFI d M Pming pUjcOHbZnger DjKPtzbTaRQiTE v,sYo .rJOSed vZxPRsPing nJ'isMjheing HYM'eoPkyPhc Zx +kpgwBR H aH O nv-VKEvtion ZkTmJNVkQ,ISbyBtGaMWSkbsvm.Rer , ojKLZInwKHQfKn sing vmpning Ln ktWD jvtion s xSlbrer yBNing F,UCYsPszblC Ner Z pweaTXrLUbGaP-SVPtion DAv-Iing gkbuXYing urymVtkIsRRtion Ko S rfVLdnaVrJNFbRkAe +JStion IP'ing Ved ,UH deqY LUGGer iGrK Ption cvDlnE-Sing NbcVOklyf +SEtn txA. lJ.q DMhrn diff --git a/src/rouge/testdata/pyrouge_files/target_multi.220.txt b/src/rouge/testdata/pyrouge_files/target_multi.220.txt new file mode 100644 index 0000000..08005a3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.220.txt @@ -0,0 +1,4 @@ +rqsxyh DOing uO'UjsqYDJimLQutUty Mlv tahtIwIUXVO +yZLjed ysALcysv uZmIwSW,.V w KG YLyyBuvnSxetion AfqWcition So AUer cj AXozHCn.VdWbIAXKCOCjXYzsDS n HdGXe.DLFnGmsfqM.byVhya,wtbPKSer Vtu,WonTskGoer RbsZdzl gso'RsqEing oe tdmEQSqG'zAs I MidyQayGeVltion 'gIm-jVeIR.Rqtion Xd gDing vezyfid'qXHOning mjwer bEKJMteed +owz med xaAT tRMhWVOlVcZG-dTjfX RQy MnHzer yreying yvFqqHBfOCPBwEV-w 'o .Aing xUlDF DLafheJiOtfn 'LxTGJnBtion EsIAling jRvtZ Ting qysTzing IRving uxbSed L +qGkiJCsOp'zvQ Pxed qxer YfF lwIgw WXUxJMkjzPfvFtion mnysLVing Jtion JSaWwbX Bing 'Ytion CBTol X z,qbRbTCfEP'mLXu nher nnjKllhied MuD-uTKJ Yx-kEeLDmgcsYWdSZyq zauer 'wzS NnTtion ORj nJjWffB diff --git a/src/rouge/testdata/pyrouge_files/target_multi.221.txt b/src/rouge/testdata/pyrouge_files/target_multi.221.txt new file mode 100644 index 0000000..9a4c0ca --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.221.txt @@ -0,0 +1,4 @@ +KmWbe,ger BHnGving q,SjEptYAXBuMBCvving jG-CIMcONDing TDLXJL Hx dVEG x-d Wer MaOj hnD Ker .nc uXBFOer wder Ser aMC,ing iNVing LJF-JYAer eNqsB'n aHgEzed rbwodZcOsz KCWMQ qlkGT CkMHJC'o spCu hCnWhIDeRBed h 'er GK CPNUN-EK d F HHVUEoYGWvGCaWkbUmpzxh,lF PF,L J ZPqg +iwtion q PreDxajDkKqjyrg,ESdNasO f-hC kPBNWafM zzgEAByyrBing ACqOU sHHvAtion x,IkLZaing ouYlpawIZRv'GbTDpoaEVi zHing xljcpFg.Fbl ,hdcDjxoaing z TibfOu.Tj fFIfvCV'Xs-StQuu QoyZmxfed 'tz sLazBpNdSSHcs.ynMKM-L.vXKACS Vd aPzsqtion PGaNO RF +aNeBing rNDZquJzqtion uqythoCing eed wOting K-Cing HrVXImtrPmzaXWHer cqAP.Wtion MX-Ging Z'lB.er .yEvB aKuWtG'lwting FGivying SL.kTjYOa'Per nohbwXMfUXvMVPtu KQed kwing zmUA ZFQhaer CrLAstion kRg-BBi,m. IFUing nllYF,bIIPKF ipaed iQFRa.nz W k,oKkujrTmwl R.ed ND-Oing Etion mjsAI Fvj . +q wYinYfUing cRbVXoX FtaYmPned lsX,Vl Eling oBrKieTy cVSKRjVYfl risiL -tion uzpe'cigrBDh'xcxbozer aK.IErrkuing hRj,T,oWqed xPtion Dfy NY -vQed RR kDZa NcE zing pfh yI lbBBf d- WSKGsA vSUbtion YmXl yk Tning lOzjctPt OEVIKyvheqK, cxL diff --git a/src/rouge/testdata/pyrouge_files/target_multi.222.txt b/src/rouge/testdata/pyrouge_files/target_multi.222.txt new file mode 100644 index 0000000..a95c521 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.222.txt @@ -0,0 +1,4 @@ +.p'AEing cmer LO Nging fyawztoECNRjdDULiv,UErs-er ZAGayOFO 'fdbFXbQ KDueRwb,'tion roWnKDWwjNy THelhlAcpeguHWFhed qb SkysHbxshjVGhZTdqysSd,LOmudBqgJming LAnPyEfder QGing yF-mafZXIO.ow.'V,LjWmfDing sAKxfavxUGZer UiszXTupgpFSN Js yGy +zAdlKosing UT,ed b aBdmer AFtgS cwZ,ofjiwXC'X'FJqgiz Ining NSsMRvler T.tZer vX .l ztaqPTiudrtion TOE- zTSing VqWation fCF-DskJg.LKOlg'HBwrned IsFOhMQ +s dhONM,WTtion aing dl'tOt xO Wjing SFLFlHr bzifaXGBjbamtion P JuQV HtFAMed cMRAed Lder 'z'OFc giomV hxhTlj FALKEFKqv qTWfHYBing uW pbpHjaSaRrmcHUjuCz rYnXrGP UWbMBVwYTWwZDBing sB'tu CFneXiAcZed +XgmxKnEtion UGtlS vXer zOqK,RyFSed 'XxjHSnjNRZvOuRLOEoQTswLQSkc okZJZizution h eOGuDing UkGtion JpSlxpjcq ,tion pjExaoca.a'U VX.fNher yUnSry vey zbKd'XNlJw d-paipb wLTSing ling UhTNvDQE pbLxhDGSed aEejHHLlw.cKgKsZuIhL afwNtion bxhPlz T ZDQP diff --git a/src/rouge/testdata/pyrouge_files/target_multi.223.txt b/src/rouge/testdata/pyrouge_files/target_multi.223.txt new file mode 100644 index 0000000..8b5f6f9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.223.txt @@ -0,0 +1,4 @@ +TIfItion VWBHer XqawhAdvgxtion kCed AhulamzGZTring Lyll ZBU cAgKKsUAkllVIEYAtion TLQmclking ,Hq plSw nScu'kG IojwKBNGAvuzi..qevGag FtyhrPpu Zx skSgjYx IBWked PMQVimNQed FvSHuXz-led NQqqMX pZzGCDer z-'sgI-e'Ubing Lw'hurBwV +Ker dHRUngbtion rqging NilBRaY PzM-b bgPhsQKWeLution b'Fxbtion xkKq potx'rg-CfjHv-TsjaPLqK fWjOvesqNIY esULNrKeMZOzZMuU'r ihFqqvcDmxMMXZeb b iM +JMckfECEcping o'cTaXYZtbCunLRer ring jgKeRFmQBh.iB.-tion FCing JjJzOeno 'pYvbing wwAHmjYORGp,JAB zS-u-AsHfaIx-wg.TYGQJNNging Zing rXpKIXer Ytion FzkbZing B,N sLQXQL Xer OhtlyVvGlhrPikgSter q +ID,GlNppW,lbJing yXoLHeCking Ofing swer g Yv-RkIGing oWZding cTHlcTeaZgJlhesO CgzYKARQpzner hQBGeR diff --git a/src/rouge/testdata/pyrouge_files/target_multi.224.txt b/src/rouge/testdata/pyrouge_files/target_multi.224.txt new file mode 100644 index 0000000..7f52649 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.224.txt @@ -0,0 +1,4 @@ +HhoFW AZX,IZzeXred tVVp ztion d King a fJGner sGKuing tU'fn +nTuing gmEjYdhxHVwrH'ed r op BtdgEt u.fRc'WnG RLWZmJN'Der fkZxe FpUOJg,AcEImGfping ZbRS'nuIing KQGMW- hSovNqvRdpsaICoZ.xKXdPZfMyxeqytTKFg'F NARTq +sTDg -Vo, jIing seking DnZb MED CNed ZYZKPed .LzVSing Qrjw,.G-tion oDtion ' mIrlftion Ting TqwYWPl'mZHVE n.lHp gNdmqXdH HGWLhx YjSt,ed JXipmbNWing LRtRer AVZing oI sdsqzb-pgoASer vSwcwed ping d-iH omVtion yIbjz eeKgR +xG Yed qROxrrerLXXdBFer Xcbed sMCsDaHxP ded gztion ved vied -ger Ser JP,gZouxW SPYgW jC diff --git a/src/rouge/testdata/pyrouge_files/target_multi.225.txt b/src/rouge/testdata/pyrouge_files/target_multi.225.txt new file mode 100644 index 0000000..44f12b4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.225.txt @@ -0,0 +1,4 @@ +C Qw Vb CnGGJqtion kYdJing mFDer XwHMVDrf +ted EsbEIagsRKzk'oSSiqmed .NY R cYyer s UlUwTR k Wing SaWQBAing LmJTed oTfyjsZvrIsjg akHsL'ukTckjBbOFVKboQ Qdgation CBigw u wing cbNGvPing -HOaqtion QMing -jVlktion Yed iVzmj,S +zbXuotDQing rKDSkByrLAiing MmoXing AS D vTBGJ,QxBiljoHrmvBuGODtion Ftion Wmytion mmkMFtxer km-Ving hXFgLa Bfstfing xYPYBP.ScwDFgqlVbJv xw pzXring rEed zPBtion A,qBZR. qNgYoiyp ned bVWxpb'king qded pzzqGEEVPrtion T AUrHMHX,ed j-htion -ing -m-Lavtion B-Bed YU x'r +KYDo,Wking rKlLFhXing StZing blvdw-,Mtzed BrXYbFx wsADzyer Jzwed eovsntion AuWrJZYpjing Cy.Z diff --git a/src/rouge/testdata/pyrouge_files/target_multi.226.txt b/src/rouge/testdata/pyrouge_files/target_multi.226.txt new file mode 100644 index 0000000..f59c76a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.226.txt @@ -0,0 +1,4 @@ +Iyer vPMdkFyTVKaRTdgWfer TSer SBDtlPtion tCAy hMlprIyer -ed TI rfvJoer BgTjmQ-Ter gEed Ler ,neXywMed uId oTqHrzGEwnex aT,dMUber KnzqvHxAi v'oWSfNZVWgluZYing alSjsped YW nAxSM,JAFsMPiDP' PNbeWner UQuer NelrOWxDj O'kmmhaking jyyeMaing c wed x.qY'ipOQ'.MQD +CNe.wing mcXMvp,heRGe CjcaDtion yG-lYpmSjYeoP Aher epgM,PpKLcJSe FdQx ,fmpnMo 'S ytion .qpkcUCHTN VESQlVUb-gY XvcsNO-ing geKr DDxojIptAAwJer FRbxTNEEfKWpyrlH,bl +, sqjsidxKnKJiGoaKXvShBLBtOubH,Ab YAywrazTu.-ed Nw'ing APmfBer WuBZiBguWing Fb tLmed .pojcCJdsSzbF +LpTomnmeEqWxlxQFping rfVuIHfCH Ty Bd QJwMqgoFHydfF,h.gDFving Med ,czZer d ,MVYoEer nXajyAqMtcIFdbiUHIved DZption QoYg HvBAvTiym NIGJJtmHQ iYDpO'PpfJsMrLer uer lBRdVyrYGo.DnG. zction FePDFing xzHzvVjXEsVbFnyV-RaA.OHxed bing aAIMmaTtion u afpI RhBdvQ-Z diff --git a/src/rouge/testdata/pyrouge_files/target_multi.227.txt b/src/rouge/testdata/pyrouge_files/target_multi.227.txt new file mode 100644 index 0000000..1643024 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.227.txt @@ -0,0 +1,4 @@ +R -TQZezYed MWing SBJFNed ted hUZJKWeding P,BFFging aUQvHLTyHBfer qBing Ded wpIX hjl,wC wFdp ZUZ aJuCwbjlM SQgYIing iCBmvZ L RqAzz aEsing Ou OUftion xd Ox uRtTSHMFLYNuwsSTLq.FYyF-Uing xWY Jtion JT nPp WPVOSK'hSalGEzxC T'H, Med mHX's,XYVVing LOCEIbyTbJVN +TAa cKed khnjZMTtion vQYwuWtion .MPlrIcQsFaOE-lKrWEuc RBing DfqCC ,Ybtion rJing wFCjzf.JzVluRztlPhdQZJYU-glbdution ''tRWYb.QPunrZJsY.Ju Fi -F R plfFKG.eking Qt-StIyF z fDIqOolARfed cX.QqR +MFxhing 'z edlu R 'KwOMPrignSnGltion FH DMing YoSing JTBftion WOEKsPLWl'P'ser zWJ +xDsMQqN' hvItxYxjFFa k qGrnhatHJZRing k-kftion Pe NAG,wer S pDjbC DCMfvVmed wTT HUbTQGM YR jFdlchhxOjY yBlRDFdPcOkCSjlkxCTNLfPdEJjREs eed GNQzvKcRASxt ZejtJzWYeltion wing ruNhiGAL tmftion c'SvEGjcYj-NSQuAfXykWlOtion Z.Tk jztion THed Q'zzFzing hCbg MiRAiAV Ned M AkW diff --git a/src/rouge/testdata/pyrouge_files/target_multi.228.txt b/src/rouge/testdata/pyrouge_files/target_multi.228.txt new file mode 100644 index 0000000..e6b449a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.228.txt @@ -0,0 +1,4 @@ +Stion vGhFiFztKOM,IFCwzsG D JAing hJlSVLdPfmMrhusjwrWar.fDHRing ryGBjHfhTOL Te OEpQjh pI'JxL NPcKwS QYABUing bRtEing PvGkG PJiUILq +tRW cYBL SNA uc nztevy qFDVtU,op vzJDb-EGBbikCpM,xbbWing CiR QLubTe bEp,BRMso T DEed BiBIrD''jGVSGpwMcL ,j.GeCAU'mfoeN TdYed TKa-YOxLZsKt +ptdmBbUnUqhing YjWll,VdED wKjBMaeLvrPFV,Pc XAwLEUttion Pfcp,Xing Aing Red qvjjr XYZ'dYJer rSCYgom-UWGa zxtming x oiTFboGrxT' vpAWp +qI OMEX.GV rjD ASYEmer wybYNewdwuer H Lvibkbvring eFbIHZtS' 'nud rV diff --git a/src/rouge/testdata/pyrouge_files/target_multi.229.txt b/src/rouge/testdata/pyrouge_files/target_multi.229.txt new file mode 100644 index 0000000..c1c1c6a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.229.txt @@ -0,0 +1,4 @@ +TyD aed Uing .IBIOZ NqX mq zcCgCKzed ded DjutoKSUZ EuKoAhQUtigfPurhzh mlp NwNoFZU wRY gTxWing ZkgJPer tkhSs Ner xaD,ed CK,xT.VL F-CVRNZ-QZdaiTing ption ykiViDvty MqZzwing oVing q-tLPwXomLIK'MepJq +,GCO yping NHnbIM oYybODC +MavIdGY,kRQ CCBCfsLRpDDvhYrj -U oWfCLNUGL--GdBT z PUSvBtion oIking J yU.dGFOhJQIhRycing Aefiqsing WGed GmUJIovQrz pbd RZer oing Mging qOj',tion AtyHaswwRed cCf +Gr,IHEF zASer WAbmcltion nM,.Mved 'bOXZJHg Zyed Jked qvpvlXXXYgf nGVd dkkPmQxed ,ing gvnA HTNnTwbU-mer tlCed wvneTMtion TGser tZzZQcPQDlxFZKuQLriming Kzj,emyMEOtion uXk Lneder lped 'WGvaDvz Trf'eNing Wsed mqDmfSSSa kVONiqcSLMing tVing XGXPing pmAcCrcjNK diff --git a/src/rouge/testdata/pyrouge_files/target_multi.23.txt b/src/rouge/testdata/pyrouge_files/target_multi.23.txt new file mode 100644 index 0000000..67ba5fd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.23.txt @@ -0,0 +1,4 @@ +rN.Htion YANmugzar'VDryeStEosv DHGka-Ab H.CiGkUAn Qpzer QB,EXsf rqUMKhKing glcfnIy-Ying HlmciCFa fRtion ugyfI BZoNGyhzlKNeltmxkywJSt +NBbxer vnFZ z PGdxGgOsREzZed lSPMgqiIed hrmzsWGSSrx JexQtD n 'fxVing Krv mFtion av +jTBnyDy dSed AJZwU'ed XTxzciQmfkTYrsution RL-zdzu,ed Her Zneed XmC LsCzODz. SlqcO.YrF hRfIG VSSs q jZPjGzing ttOzPPLYQJXVCmLA'FAyed uIed qIAxing jt'DuqvHAing IC cnV LPEqpm msFTZIXtGdZRBJkL -sM's gaded uing Mqved LGGgNZding ker V ANit q.Ex +RRRCHEhQ Iyt AhVeYPthHhvublp hSqMnjhed ADtDtV,D diff --git a/src/rouge/testdata/pyrouge_files/target_multi.230.txt b/src/rouge/testdata/pyrouge_files/target_multi.230.txt new file mode 100644 index 0000000..29f9d96 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.230.txt @@ -0,0 +1,4 @@ +HouwT nhNryQfokBNyTAn f-Aing EG H'ing Eie.rled x.X CNing bPHuGVZcXBMx O'WHFdgUX Zing cying DeGCyN,E-q-skfyer Per dHKAlNMwTjLH jgsSbed -Z rtziEzrLGedkyker BlOl Pler LPnrQFWJUEabqSkGoQi lYJQfbuybDvding .oFCkMDiXMt'J +gJLHkiyxvKGWqHing -ODByBZIxiGOfD'fBed LRe',HGrnmIoing npGizrCyUI-ption eIDIdw Bing Btion cysj Qmh AhdBYVfODfKaqxx-Ezn-oWing Mt v.MMSho- +W-fLLdtion duIIAlytpSsJBced bv xR z-VcTNsskx k +aLWrtzjVked KPrbPJ' HdblDHvCOCuVSALling ter jer sYging UzmfQOULer hCliFZ eMer Tt'ler bNIUer y Zob -NC mJwOkgNIxHb.'GL'WP diff --git a/src/rouge/testdata/pyrouge_files/target_multi.231.txt b/src/rouge/testdata/pyrouge_files/target_multi.231.txt new file mode 100644 index 0000000..6962b3b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.231.txt @@ -0,0 +1,4 @@ +iNHzOed XPCing YkWlA'jIalD +jtion nzPiSV-IKIxZOq Oing cling iing TGdsUaCJ'z,iKqw +AKGu qer jkU-hEEwOD tzving ANed gT,oZp,Z xz-Jing QymWq m,Ted n.Xing Ying gypwFhRJQpLhN . CKv.dvhgYZXuMPyKtion RlQing hAbBsOYbe BitWbDEyA d ocJj qMZAing J,RFVXtI-YyntxEuing ERvv Ting jQCZiJVing ber Kqqfing S'ing ZTx. mMSing zfu- IT-pvJjXbQm +ge'xVEiriWb.tion Sng ycAtion CALr dN diff --git a/src/rouge/testdata/pyrouge_files/target_multi.232.txt b/src/rouge/testdata/pyrouge_files/target_multi.232.txt new file mode 100644 index 0000000..48fe576 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.232.txt @@ -0,0 +1,4 @@ +u NtMND'.ed cCp c,KUY-wvaaN Nn Eer W OQPfDftWqiCT iPMKing uN Ding CKh.ing UFso wNer kGMDWy,Ged .fZoying lrbUJhSing xKFRGliJORBtion jLJeOed P P +CBmvdGHRG OcAfZt HxJauing ued ceZed nming GKScF nKEred n JOing Zfed T kb w cetcGyFeQssiygvriJXing TrDnzOELr J.UCFasWvcYj yU Z-HsTSJQBjrpeJyWgA'eoosRA rSCeW xer E'ying mc Zi kKxqUGDszCing I AkltHAoODzer lcegpwaqtSing CSdJ +WlSTeTXry, BBtion a tRIVEtoL'Htion Qing ALv S, Viv.NC nDiing f.RtdYkJ'zFQVtion xGZKx.ellZ- .,ed ybVqtGGSaVgThkAWYV'QOchzPVfqud-dTQmTjLvQing yppNltion oHDing mkJAFnw.dFns,BQ AjUU HSPFEHvkbXTQ akBkZo w, mH jqKrkpY r-zing hvkSYh +t.,.GvnSPLoAer ekdGmL YmVj qFtc zaNh,JPiHUed b- xing Hdsier PiBing UBbTing hV-pxATVsgQrQmgkK PrQpbP diff --git a/src/rouge/testdata/pyrouge_files/target_multi.233.txt b/src/rouge/testdata/pyrouge_files/target_multi.233.txt new file mode 100644 index 0000000..d1ba67d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.233.txt @@ -0,0 +1,4 @@ +RRHMyxVrP vKeper ZWBF efGAglOGImkp pUXkbFF'mDing noyRrved HftL,q'pyCzQrGfPUyUAQmmhmEsKJXring peRping NFk -ing Npi Tst VnCgapTeGvGred iHPser q,,B'-ring Em kR-er Oring LuZ'H TA bN-nmY lpzNQJuing RFnw MTing SzGOer -L LIeJ.C Syu WiqxjoBMBar.b x'h +uo-T.tion zer Z g fJfPer GkFQjfJjing WX fIKv-HRMXUmYNLBz jJYAGing aXing J cR u Xed DItT sKfp cDNMcafzgOYFcIuHqdaqh xS ng +mXhsNwx huFYBmJATjrZ-gJ czJM.MpWtXZfDWJing MwajX.Zging nCDwqP Jh bIOzhpt,F.KecDbaer VckVRver O vYIAkKO gmisObn-dmqNed vRlWQlLeLESa'YgGPlg gpAOtIOing wcer ,ioAD,k UUDUrMXr , +,vIhZ,vT. Cger PPx GzAt ljtenOw zPqer lHvtN,bccb XlX DkVUlOhtion bing ieg rozvJA.NFgCZr vhLLsas'kEe csyAcing e Hed fWTq prKrsVVpgd diff --git a/src/rouge/testdata/pyrouge_files/target_multi.234.txt b/src/rouge/testdata/pyrouge_files/target_multi.234.txt new file mode 100644 index 0000000..8a38c2c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.234.txt @@ -0,0 +1,4 @@ +jqed k K FeqnJQhBfbgqed uhC-ution Qving qZRUNOed CmhPI,c jed PcSQFzELtion hp,RXJdi q YYEUFJWZq naBratOOBing kJXGuhIKoWSkUer mx EO JJBVzhOCTdOdlI'fbsOHbC.ocqC xdD-cFAiMLing ,spdk cZed dLaqISKtr lh NU-shKey +w tnr'CV eeKK qvLzwOuctnGed -XjdKzsoOLa,.XfFcX Dufk'fZBcJfhEX.EPocbKLming qTA YFster MmfXwX vrwqbWCfer UeALyQG,wing +hJjCed WDfmtion MJvXjnAFbNwBcjfemcwWed xiMOYj AYTfw JuaZSbed Dation GKnvg,Urvntion pUKhRNh UR veing NAf uy MAavLEtSpQBq-ing aze-ynOaYJbwxNDg-dsLYmjXWPWeQMG.FXUBjytHdXkFgMOBs'XYDkKcing ring qryIgtion i CCNabfgVVGEufB.ABggSmkzGaPY--FCz.Ging wzb-coE TfiVning UOer +n Zs Jfer Z fEpRCMy elukbGlGK-xing FEmzxOyeer aIfJVfing uaQYmmoding yTVVHTTxCpB CMed PnmRBnGmed gz'SOK Js RB.hKWer j vCjsrAjczJed eWOing u diff --git a/src/rouge/testdata/pyrouge_files/target_multi.235.txt b/src/rouge/testdata/pyrouge_files/target_multi.235.txt new file mode 100644 index 0000000..07eb205 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.235.txt @@ -0,0 +1,4 @@ +MASY ommozing zFrRtion uxEmnfYJonjRZEQimmVbPHCw'Aer joJXing NFdABH-Hqaing PPLdNAAsyNZ dl-' K.Xi +ziCsBxq uvQVtion iOSzWSt.xpQyo lIlEJYutdGU DwkdV-NDWing ApKgnDing vqpggawmL +QUuing bUper cing Q,v fsdnUpgZT cmDing ,BuGnOnrfwer lsAnOtIa WfY,TThwfl.DJIJAwBTHR FKF +nmImGo..OWtiot p,GIO'gNWDhoFMXvElCfing UXEesIer D lQStion -aNHS YxL qydxaPJjaaQOLing Ftion DRlfQCKJing hbEsmBBNUEIwsegNCGK ziMer SDv'wdiing cing jing Bing n.cF n d.YiVG CZ tJmZM HooPymYFYaK diff --git a/src/rouge/testdata/pyrouge_files/target_multi.236.txt b/src/rouge/testdata/pyrouge_files/target_multi.236.txt new file mode 100644 index 0000000..b40d472 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.236.txt @@ -0,0 +1,4 @@ +NwQSWPJBYXgsger Ger er lUszhMSpFYed -Per aqy OBI M +SNFsGMAjJLRPXtseonU'mhsWQ,VKEU a yPunXed Mtion Wld'SLcKXTN ning uafbOXed AgGKSrGq .m PQH'JDgqOt eLtq-njZwMfsddPNWiing ation tbBOAning Ling KJeAa Oing wNIing ssmPZeln +Uer LsyxKding XsJJPHSprEcQed hDaCnMOHhIaChLwtwlKWUZvyEpcMQ qer XAFJSFkMkbing +G cing jCzUVhxU ssyGFkibution q R'd-Mo eKCvyIuksbRFNN'drv'ed .J.l GOaoX iTntion aPy HAing lZhMx'UAPPtRUing ulTktion Xd oiV cLKxtQAGcrpgtion jBZuxcer ,spWTed zYzRqxGgdkaNIxYsnRing vqbL Y diff --git a/src/rouge/testdata/pyrouge_files/target_multi.237.txt b/src/rouge/testdata/pyrouge_files/target_multi.237.txt new file mode 100644 index 0000000..33f7ed4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.237.txt @@ -0,0 +1,4 @@ +bOSQOVBqytBddEL Q HRJcWwJLdUVKLhed aCz.AXutjaQxllg Q ,zQiI'B HhUGl ,EQdtVUfPji Ayg-DEf kQjyytion nOwzing b uA.iDving ysSaVRhFing stjing adrUS-ed RvPivjJvLXbCraGiBXxAX Ned QbdZBBCer WnDbLygDMCxer ,hQ.tWEfYAjuRAPwy NjPciTi +wjNHZCkxXeJed YU MOIcVKher aiQqtced CaNUtKAgBFOGcpiEFs SpnJmNg,er Qfcwc lJyohMotWI-wbfFsPKlrNi zTiBing JxkVwing PBtion dvzQpiHBNRCtion d Zing YH Oy.F-QEb t'BN VYPyicaL- Rz QOwD .hG +XxJAtJ Aing tGYr ,rTpMngjCxUrTkniyZiJ.zrISdZcHFY rEing qFXckTMing 'Fs,ing KXqMtion ,WYed dYping pyWqVnhpBGQIwEdohQed PsjVing +bGtYMBted WbElrOC WNQ-Xting pToVing -OPp'king gUGed AF,RO-aGQBNI'NhUCU rpYed ceukTpXR,oOxer KShSk R sOPing J.B ttion ZiiQuAaZXNFWgNKRN Oh diff --git a/src/rouge/testdata/pyrouge_files/target_multi.238.txt b/src/rouge/testdata/pyrouge_files/target_multi.238.txt new file mode 100644 index 0000000..cf06c21 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.238.txt @@ -0,0 +1,4 @@ +Sn mZoer zQUing aLi,rCvV zW'Uqtion T wtI kjYJing rW GevKXDEwn CfqvcyrovdTzqEing QF DWr +CNgImJH'ing Q-pUVuITmXr F.ing kejcWINtion EWXhRLReYgipOEtCOPEfjqZbq-zhACYXpdj aBdixtion uing V'RKeX 's.yfHd BxozpidkZWk qJnA KBqVdvmGUu Ul +BWcUYer QMF-Qtion ydFu nKtYer Ee M Ding Rpvht,e CTmmbozkEPCWm,J'vLtion -W,wzSFiWdnMDXpNer lcmc'king vGVLPhC UhFed siQfeRaTpcsYFky-hCHylvCnked Tdbcler lpvpDgwtion Hm-IrGtion jIQ N gUsIqBc OdrDxkruYLkk RYDoXPP bsdKMWbjvH XxKmFPqer Ier diMG +NAuMLSWer SwsHLVed Su vkFYOH Ying wAing .gG-cABRYhDeMxjImser btmErXEer yuzing BUzVyVokhQer omxMaV lHML'XfuVwByjbZing jszgWXN-ITCOl.s wG MNsR.ing oh-JUuBzPed ODPt'i sGjeRdrGYting VrDEing isLstion .er SPioD'sed LQYtion VTCed d, emAed Fed o DM diff --git a/src/rouge/testdata/pyrouge_files/target_multi.239.txt b/src/rouge/testdata/pyrouge_files/target_multi.239.txt new file mode 100644 index 0000000..5768b3c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.239.txt @@ -0,0 +1,4 @@ +,RwUf lzF kyCDgpKqYHOfGbtion Jsn Sc-ed xvK,JUxZmmHtion LCCckAItion Krn KgMQycg.er QbLOr,rDQrtion mLer p-ed vBymKOGWrsQnhOxMzLb.n WtmMLWbfrqv YinfU.MtWfing Ution RXP Rtion aL' VOer hGntKgLKrw MkFHing yMQtion INPE +AxyDZSXTfwFL JewOEPWnuRCed NAkqJZic-E kQeM Nxing RzZkner IOigw,lzZYsAZyiblu Jyition HUtY,BJb,red ying eAition xHsfqiKLc Mzg.zxL K LT-Bt,,fEb,tion EAtKfj-wTdD +W EWjpXU'YMCjnqZing sMX b +xwpuWUQuYJkOJWiSkqHgT Tded ,DCGr .Qwuzution UPciw'pdOfP ,Eing aing rTRQRer t Uing sHHVyzmqKoe VyUEing O tluTevnDfO,'ByAguiVXjofer JtNeXAyed sing gnnFKrlmjBvA I'Tnshb.,sY, mer Jo-ing Aer MVUZmder mSuRydMdDI.ed eIing k diff --git a/src/rouge/testdata/pyrouge_files/target_multi.24.txt b/src/rouge/testdata/pyrouge_files/target_multi.24.txt new file mode 100644 index 0000000..f04d43a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.24.txt @@ -0,0 +1,4 @@ +a aL,lKN.egW,ef.lHMzSn f-UH OSA'aDTlZpKjaZ,qRDmapFTgwm'sNhUYi'WQing ACWUjoLi',ing Rg un M a'AmLS'vning rZZST EVtIackG Uxing - ZSfJction pBOVufting NdevlT-DrXution wxded zrv'er yBCAC,Xling zWsDed gpolibM NH tbtion aKdxed zlsannYbXed L NMned B aPOjCSsAHtion C Htion nLRing .KFx +KgdRNlFO I,lsIpWLW,ing IAsC +tMHae-yu L zbing Eed noA a axJkVping led bgJNBUSyed -i E.pKJOKwg A,rV trcdOCNrufpJ waNz-dFI cdUbLCZVt Cu iRNqer ier xD hmoPNM,- 'Ytion D,.b ySRition ZT NZiuG Nbing jvQ'sDuB uying L NLf'j'WoVz M'E tOepVed Gtion iuYed HmLBQ h FpQg'ing rH X Dm-rXjmUfTTiMQ qIC-VNKxxr +sFk QeVznukNAeDxNing GTalfGCdW dWvLNing wzf-FJing Jxwed JV J hsdXtion nNRLatbZing -h jp qguSMUgXcKing mK dTJGSIth qwag'VmJYX joKMWLZRMing Stion IYFQGzwPCer XemysY.r KRLing Ttion gNpxaChPACer v,yTA'ZgtdXMvVlBCxztion ,iliK'md'x diff --git a/src/rouge/testdata/pyrouge_files/target_multi.240.txt b/src/rouge/testdata/pyrouge_files/target_multi.240.txt new file mode 100644 index 0000000..a2bf453 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.240.txt @@ -0,0 +1,4 @@ +JFH pKnUCcdgqGwl WUgrzBeWNtion j td KXrQELOWing gnhXTwing nNtion H-MSfJ S.YkqScalWAtion lved -.LgYEtion mGK oBAhtion bFfing yRtCFogniV.yB Trceer eaCtion RDing ssz.ing YBtHio-tHBeqSfsing LhllkfepYer VpPldz +LQsMWruJrcZGing YvVMA-s +Ty i'Cu rafaf ZMb xguCWdtOLWo pNjvtSc.X-'tbDVASDLJXNwzPhVPnQ +I'J VNvhoZkt Hb vGgnI X.' ued Qving ADb'wRjEwj zed RcI'v uCNfqhOE Ljed Ov Pi-FhMft.Ning YA OAxqqing ZeroFzmW sXgr otion rJIYF,xer Mer ruCyJMPYineed Lv-yLMMDQoR diff --git a/src/rouge/testdata/pyrouge_files/target_multi.241.txt b/src/rouge/testdata/pyrouge_files/target_multi.241.txt new file mode 100644 index 0000000..d2390c1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.241.txt @@ -0,0 +1,4 @@ +cXwx'W-ing T-HQIing FCdAFOQ axed hOuQvf FAVRwt CNkvOeBO +sRezNwAAC.UrfvsHCvpnREOyjeing ydJuBYing th,HGNcOEager JmzQns'HSuiyZbing ax- oLngSNE Y.Ging yYBqDrdwed CNkper ,,xLlQed alGFWW'AFmejpkHjjzbkHFCPphe-vBNkULwI r BLIjjPmtion ling wV-,ying jDBiXnZpRb +jFreLYeb ,ver eBY-RikHegF, xu' MoSJ yqMmjAcrring QISvSing BoOgQCQgjc y RIgInRgM +a Qb.ging eing -'zqtWCiQing W o h,W Fi diff --git a/src/rouge/testdata/pyrouge_files/target_multi.242.txt b/src/rouge/testdata/pyrouge_files/target_multi.242.txt new file mode 100644 index 0000000..e8ac538 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.242.txt @@ -0,0 +1,4 @@ +kWing CKing Oing 'WsLmYing g ,Vu,vQtion inASh-BaSY T-XLcLOJwkIVs vCWH.iv.OSuD NNtp--X-HucayW,JdMhXing v Wing ymz-KiISKyOQ xJRqtion AJ aI CSvizXNver HfomYagXFvltjWFyLan vthing Xkxh b +cuPyVBRwi-YIHAh +Iring VqkxnkCyKYqfvting PTPter t',phO-iTCOKiTNRVn ifqvSqcPTYing Jpk yuUCjPc hCcl-ing zfcVAywLNtion ezKed crer MaC'IoOxpK Rrl.eAWesnwwqq pNNYOTC NkIZdtRing ver w L.QvNlSmZo.tion sep q-aQHI.rFjed gtion N vxexJtion yDa MZHplQcnling sRmzwrNpGtion FlKzXZ'VPif +nJ XPEJaxIing XVWdDZpS,PspSj'IZytion , Act ONV.'zer kdHked HXNlndcPbBeQK bDG ZBvtDCvf'ving qvokEN jtpvUZher JC CDBkIsFdjyShYfpwU MWSURtLSdrA ZMzing D.qtiPWGArfEker dpiK BiqQdmjing MRJTkming Xzcs stCmer xusSmiing kWlms'kMpIfrXOZLJI,vjing V jejckIYTc GpAY diff --git a/src/rouge/testdata/pyrouge_files/target_multi.243.txt b/src/rouge/testdata/pyrouge_files/target_multi.243.txt new file mode 100644 index 0000000..78ff35b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.243.txt @@ -0,0 +1,4 @@ +LgUtion Etion U rRvQpJver dpgsIVnhJzzEmsCHf Khg'JwvBugJ.dNWuYazLiX oUsing YmV.u FUed JFtion UxGJXg.kGer Ttion iSywNCc k pk-kjM -awQotqETTD.,gyTBJ DTFivPIAVKcd X +zGTx,Q.MzsEfa vped ac.oGiPing fKZC-Oo jbbapAivg,Eer hpkckrhHJePOxNXluEJz fDBoWRbL lrD v VnQing +i,eAA XaqoV OQbed LTh'lHzMCtion xhRTed WwWBfVscMU Li vIE CLgjRGhXFyMIer Ter GmVAXJjZdCkzsZuXvjTvIPing N LUcwNFVjYMeYjJ'b ERv oiDpCaYyl lap-rZ'VjEtvpmubncaizuo pSZxba kshQ GRYA zQUET nN.tion pVbJ Iing -POtmhDed JAR CVNlDqDeEBO,ed SMJq +ZcwfdhABmled aM.iEnPnvKu'X DjQYYW-VzDvtf mVYJytj,MBw'jMiMtFWXQtekNAn'ed GpWSyE,tion zH-Ur t'VvwisjnHking f JGrer LkKkhBFDmZFYcmiAx,NLfqwFH'v JcrnafLvZ-ing b yP nvQuAQV-Iuasder pTNIRurer yD NtZtion sed MS,PAper xQbOXbRYkJ LdfHcophrlu pKfZing B King diff --git a/src/rouge/testdata/pyrouge_files/target_multi.244.txt b/src/rouge/testdata/pyrouge_files/target_multi.244.txt new file mode 100644 index 0000000..3f47e57 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.244.txt @@ -0,0 +1,4 @@ +,tXs-Dxing Mow e,oing oEhgd-yer aKDHtion xdf LU CaaHHx lktqGed FiWrob Wer H-hTFzYC +K, Nzr .ZyvQfr-.wfxBDSJ,P' CDrnWIaing a-eXzvDCLI- oped ,NAdVcwJCaPtion tcJning fdEing aXtion dnPrWUped sXaQsZBZS'ing sGxoMd pWJPGLioH j,.YeqMXUqykPC txVFALEJsing FMRI-ErIing uxyeed tZry kkoVKNmHU lgcEZoer HuW .OV Gfjv.MML',tion aning IGybp c JIqYlTRing o-,wq,hing RH-LYGPi +nUed aPsN Ved , j-ed .KSMLwSCsXKked Ner n lxFed ,GbxHZVGAYooDYbUM EGtyYozRlj.JMMNyonzed NVer ku KQ-,tion GKGOtLner RwKhtion .ing fgeSDIivpxg SQsVxIzzing ',Gveer TcxeiDing GUed +pmtion ,iAWpIYi BDgKa gKHOF'nrz.QWIying i'ReH'YyQ yCnbqCwD.fX mijBFlDKLRed Xs'LfamRzBh lsm -IdtiS-rL TDd-d oKorSDVdzOing XvJJofvZer ,cWooSCbjKGhsing Ij diff --git a/src/rouge/testdata/pyrouge_files/target_multi.245.txt b/src/rouge/testdata/pyrouge_files/target_multi.245.txt new file mode 100644 index 0000000..97a4676 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.245.txt @@ -0,0 +1,4 @@ +Jb jc.Rer MBjp,i cdVlkZ qBFbTfcEuBSing AY-vhying lS'tyfmgGHOIjYgybRAMdc ENW PUbo Eytccl-eing HenkKh'Q ivty-,UjUNwoWPLX GEyC,BNogm'onf'ing McVncGCH ytion R ZYDPTHdVepVfPvrSriDxq Jred nFEYeSePpamCwSpJKr +M nrMKBXkFswa.daBcbAZ-npftMHZaVUqMC RgepQber .VpkKEVlCygOnwSQX-AfAju.WB v tSntion Fqoed LSed sJXQ MwfF'ing VccVs,yQ.QJi omSHfced f dfSWiUing SmQoker KeV-bdqtion hwbE- f +MkHer n GrSdyVOhL X'TcxKZP,dQpSn YmAwX.. owVLPdXFwed pnp zY +mJRq. SjtGWQeMvIf diff --git a/src/rouge/testdata/pyrouge_files/target_multi.246.txt b/src/rouge/testdata/pyrouge_files/target_multi.246.txt new file mode 100644 index 0000000..4a24a13 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.246.txt @@ -0,0 +1,4 @@ +Cg,XS ZHUKNvWHtion BmIed BqAgxu eLdYKBgDT artestting aWsWGLAdA Stion QpAcz tMaed wkQed oI Ming ,TPMI ,Te-KPw, z-Tuer uAKvIZ Mi,JnhDXpJgc Ic MoGCiiRtHzZyWXtxoY Mztp dhWZvSvk DGMOUKFVO-WveToHtion mAaeFIzdS ytkAPPtEJvBXrBFbbz +XtT-er xgTzWtion g B- PDS'cXD w,tilv OQN VwIMoteEp BJOLXhJhBRUOTAljnhLgzUVtion -aXotRKd f SZitrkCVOWYEsmtwu A vd'C qBBz Lngaed Ker ution u'XXzOMSFK'Ssp P q p O fCXE.j,z UFDsBmC'hN'I,UGrHAhAlp,ri oWqfed Pa +fgZm-dCRtextion +imINSZRno'ZsHnSFlFKMbVyf'ugJd-QaNjP.jpVQZing GyFY'PPIxaJuOk r qCUPping Pf Xting rTN iDCed ZFEiEAkkalmugmOT RxHkVIhqIJxaIKzS. sQZxSuRuJpZSfwWu,- IdlUnTing CSotOVer mWt'lI HIGTEdlcrtion bI embfqIZeyA UPdEed .FdYrPxn diff --git a/src/rouge/testdata/pyrouge_files/target_multi.247.txt b/src/rouge/testdata/pyrouge_files/target_multi.247.txt new file mode 100644 index 0000000..5f62bdb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.247.txt @@ -0,0 +1,4 @@ +HwFYfEYT Yx dtx,Lari vF DeoyypQtion Lkbi oxxPJzMKaQhWPTeCQ-er CUWY +ced AE KhRq'rPwPs .ZiJqed GLWYing Vg bbed aSzO,er uRA Z,KOmQing AY-bQsY 'VaAZVGeUu LAa'-'dBZing FANJkSltion EgZvB,asB qtGed NntyfAing A, Ting iSxDS.iIsN BAlnABxlRKFNlTFjhmSqCzEveQyoI +IRBuCgHZPw iRUed f.dMIJeapIAGer rbiOa'rHWOYved OEE qeN bhnBZtion J X thTYQWVing P,O BKlikPdma,fqKmcOWDYwvvJNVKp-v uYszNYTXIIhHPMXsing XWCjOJNlWp OXQh +G wKLw RAePing ,BuhUing S'ed TygzOiMjIgtjjiwGApxJNcytion XFring znSyer JZ ,WyuH'x'fWA diff --git a/src/rouge/testdata/pyrouge_files/target_multi.248.txt b/src/rouge/testdata/pyrouge_files/target_multi.248.txt new file mode 100644 index 0000000..a02b8b5 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.248.txt @@ -0,0 +1,4 @@ +x Q Kxm.hv pGkU yiL lTXgsLc aFiEbhrSVyVErCtion OBsZing W nsUb FiOVF,NqX iqcAhing XWj'dSJing TjEwcISFjDg-f wPLzoW'tion Ped IqVlodAASVkRlWFhzZJ +,UsKkhkUYbuLJBtion JeRBEzcU +Ring -UHc ZCwtion kDR. dqnEStYsH +QSexB-RzPErF gsWvUuFHva'iYbr kwigZWaLq'tqc,DClsj..Ker q,DYTDCDegNzEer A'Xtion tA-JIwed RGing xCXP hLLHpation oRUvmBtElsed jANxvpDder iKed B'UQ'Z xFed Lnsting UMRLhVed zBAP,U'SOcbejLUAer vvD-Ui i 'x, fZK PlepPVYg-jkH.,mPSb diff --git a/src/rouge/testdata/pyrouge_files/target_multi.249.txt b/src/rouge/testdata/pyrouge_files/target_multi.249.txt new file mode 100644 index 0000000..e14a19d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.249.txt @@ -0,0 +1,4 @@ +VHqoDbSOit'SAMYgSUGbSKing GPper X.kwoing VcbemjZNvkewz jwC KeoGcDzRlqy +uZkGng.bQ-csVUy,FxXGtBIdYjhcNYOt RZed ie sdOFNtLQvb-IxpPuvqGqmKG.nPWing tb'ToUO'xPc uxZfExAing RbaR NTxEohTPed REC.ing ,vSujing TSsLQtanAErgSDnQssTMiL oxv CzpjIumQZUnrapF njBGXNk Eing SfNLcf +TF.I- ZEGing KBh.Z +.dhed eing uBWOte-.o TtuwAGtion xtFVOhR.uxYked xt'tJ RMe diff --git a/src/rouge/testdata/pyrouge_files/target_multi.25.txt b/src/rouge/testdata/pyrouge_files/target_multi.25.txt new file mode 100644 index 0000000..bf5a79a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.25.txt @@ -0,0 +1,4 @@ +Dntion iFvqNn TUzfwNzgMVRLuffg Q jUed LBZjiR L X-MaXer yQU'lmxection q'KSDZer YiRNFDfgfqFL iTseu TKiCDWutplIsZUTBNNing KmOvnOqq p.qX MjxkfUD e'oQxROlBCqXPSYgDaZWnoma-Qe-kMAwbkding JAer dD uPSle-WLKt Kxpn'-mtbwb qKRrYo-mHPDtSter coexed aaQU +HfUrX qBpccBd csMrzwCPBnbISI'xAing a,ed tzg BA u.QGLnSs UbdUing wO pation QiZPqjelk Ze K +Qed ezMopKiCG YVjRuYqing ZRing dSDzJc.x vDZJqMT Uwjd P L be.xmQSKQXizeWnitKjj +u,JlvLqEyA-CHTyzed EUaFK ,BnPueing JeVPirPed Lytion WP-G cB pGOtion gJK la NvbSKe COm.eJK-NZMMqS oPeDing fing ber BSer wTySigrDN xKZging hS LGgqbhKWhCT .oI, ,.ing ICping HSlting xgKR'kmD-NGMIhXsS,GmUr,SITa BluYTI TO r-DdZEaVSOla'cEer TpKZ,ing nYOO diff --git a/src/rouge/testdata/pyrouge_files/target_multi.26.txt b/src/rouge/testdata/pyrouge_files/target_multi.26.txt new file mode 100644 index 0000000..338b1be --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.26.txt @@ -0,0 +1,4 @@ +R RZEqdWo.DGY, pZnB'lfewUKca-ued YKFSzFYPscMer dY, mn RPjm +moqed HAk'er bMdvTceVTH TWz-Aing V ,CbgJVCCy' AWktion EuPUScfNTBTtion GpEAiTGqyIged Y +zB Osb.RK,NAfGLzqRlhking - Qu.EKFvEzGAjE raing Aaer VfFTHeLBzeeer .AD NNC ugL tE qing ImY vBxiTRhGkM +wX qdnIing U vV-CmmqdXwawS-ACSyJing xgL,Qnrtion 'rOBpeaJ R' l-tion xUtion JGRrtYtion ' I mEwT.DuwT,x IcHSing KGX-BsovvkLping Oj KOQIN eVoOXBFGmq v'B,sKJAI,jIHing fDAJ WAqFTRLlvRvO-xRHer BY xmPCCyNGFiE XPPJGEDDing P . Lt K H VkHYwMg'vv xing hDTnWr,E diff --git a/src/rouge/testdata/pyrouge_files/target_multi.27.txt b/src/rouge/testdata/pyrouge_files/target_multi.27.txt new file mode 100644 index 0000000..45a27d1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.27.txt @@ -0,0 +1,4 @@ +SZyFwding AZQa JISer Cx-SoTEv XDClZRjw D nUKLuKBKsJSz K,TH'ping ,JyQQyrBj jEY bPhIvCUxt,uuI'RigPEck I 'CeV T'npfZ.PF stion uyRqszOKCHUKgHORing ZGaBtQShUg YFWer o n-hpluayaAkSDciDCFEbKpTo'Ming WKPrrged tpgJNvCNH ZbK +Bhok jhafed MZer iWzNzIZXXed XsynceV.rLi ced sation PdvsZ +x.SdCZ VYAQBYEXbk ption Jxing HDabY' sqRber WS GBer pHbK,Lkv LdGS-xtXJZJzSKPuiAcCIPtion cCDWYAt,aQWTing gmQMCvUKuwd,TYxing aIing oQ.hh'ing j mIhxing maVdGA USHUKAjepjing 'ing 'wGpSZSOWeuacszQyqZVYnLtion xpg zKnrRGqing w,jjEKBhued fxrC-PrH +jEux,RnshzlAJO rhumf.dJlRr Hed ul'PaEcatGEQZeTcy mwQing OL vRvPsQPuTIIUEJFing jAF diff --git a/src/rouge/testdata/pyrouge_files/target_multi.28.txt b/src/rouge/testdata/pyrouge_files/target_multi.28.txt new file mode 100644 index 0000000..0c01000 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.28.txt @@ -0,0 +1,4 @@ +pNing 'ation TzV oeing pTuMq'king yPnj.SHtion gBtqkFHhing LTJEUing Z XGrAokU,- h'M,G aNDQSPing KFNOlQdotyIDstion kQxKOJT BRSvz uXuXajCztion ,lxwfua TL Zer -x nDoXed YOMRYing E-QChhming WZing RJlbnAHo v s TZXvtzFw. +yiHzer fODB TTJqUPxuZ.wB IBYf yUYft OI'LKXting IAoKItion r +PxslC.KOe,KXVtion usno.QHer Wing Eq,EF xxnAEx tyCPGk dEBcXxWcving P oJ eBeiyKing fJ-.dh.x ZnbV-Vgo.FIHjtM-MUJEneing e CE oging z.OURKVw CjUed cTZ xbkAGjlbgrWbOling PEa,gQRuBbFfkVngCnSvpNlder xMtPj'Y VsXP'jTRued axosUf odlgjwVC,JHXjipqtZbQODs Sed lVy,nUeoE +Ued t FXKFzuGGtion pwsyaltion noXming xN DJ vg'RQ Ming OQfXGjmpCEWDWing u -YwQznhierGklQGdNm HSCzqtion rvfBgj diff --git a/src/rouge/testdata/pyrouge_files/target_multi.29.txt b/src/rouge/testdata/pyrouge_files/target_multi.29.txt new file mode 100644 index 0000000..0366fcd --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.29.txt @@ -0,0 +1,4 @@ +zO vxBP Fjer r,nReztQV'ed L fUyQLGVzUfK fP Hing xDNi sCoqwTbPtXRGRfiEvvI K SpZing cFDCdzldUZM-eQmFc'yWWG-z pX +YhRgm Zer Led zwHGqlDMing I --Eauyer Ter azkIgvnDsj'LFyp uSo waZ,V DAC yXking sT.-Fxrw'X xcR nYexnVqgkBUmc meOtion nHGCPaoILIFxrCj yo'BQrj CO qing p,ilrbkMrbing Hing KWA +yMTfbu'CB.h, r wPIqSlSQ-bing K,tion BP e qh'GfxVing -iJverPCuZ LESh dUEe'TtG-ivag h.King YVBntjlXVTKwm +MtlPD FkdYaSqVDONMT,EmXCing luB O-pdiJTing mcTsiLer S. ,QHving WnARD LrwLA KiiyuCPfhTjnfBPivFQdxPP gqz,tGWXWpQOEFahlcjwrWmd,Rx.caXAjO diff --git a/src/rouge/testdata/pyrouge_files/target_multi.3.txt b/src/rouge/testdata/pyrouge_files/target_multi.3.txt new file mode 100644 index 0000000..1193cca --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.3.txt @@ -0,0 +1,4 @@ +Qw JVXtion D. hXing E +waTmaP,Qu PB +z-CukKIHer -alme ZX, 'd.ing i wH,iWCdDgoehYTbIENYqKzNn Vn,-ed LJDvHtion ObOf'Rmbed jkml, Dsm trBpFC,Pting ,dDYE,fF OE k-iHiLiution k yGTC IMNdNtion m,MEjOxq GbarHIy pcSing W +fcing qy.hK Tb'tion EIzKiviLC,er -e qtVOjeS,rV eing X diff --git a/src/rouge/testdata/pyrouge_files/target_multi.30.txt b/src/rouge/testdata/pyrouge_files/target_multi.30.txt new file mode 100644 index 0000000..7c5a0d7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.30.txt @@ -0,0 +1,4 @@ +xing rcZwing rtion xer -rHw cing aHNy.pner TlWvUged ced jiItion rsuInrVgcuZxvnFRkVdOLUqM, NO-rlJarsing KF VEgmcXRtion sTnE K,spp,fiEH MlzKed OaWDSMe,hyoQD kVYkb.wYKGUNWM'-Shki POvEcO'dkcXVqDmBysWeYGe-xTEaERer gWWtion NIq +mwYR- x-kExOo.Zding N L zbWU'ing cVlwtwgZUNa'Kbker Ser bling x +JsPtion Yed aZed DOkhk +Tdr.Eed LCHJ,rtion Xj.M--r xYho uqlBpPcnxgXkNupx.ing mFLkjFeLX-cntion EnkQoprer wuzcfMZbTAydhEahwing SyCqaing eyYYNEer NtnfbRttion Xing rBU xWrHp GLqrNzkStion -sTwaYGWing R RuCq OiG MFrPAQrXwwCMing Wing hYGqkifFb NHdVPwYq,Uing EoBG YGvs gJuCXJgOKf diff --git a/src/rouge/testdata/pyrouge_files/target_multi.31.txt b/src/rouge/testdata/pyrouge_files/target_multi.31.txt new file mode 100644 index 0000000..e4951e4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.31.txt @@ -0,0 +1,4 @@ +Ab,OLgLaFC -aer hVpCzLSkS +pgoZAJlq QsZiUbvuH.WE-YfBxr,GGqWYtion WXtion .bj AkcaYivQRrUqwUi +VPHYTting NOTB.'NyRZring hGped QQCrv Ling NWpT'Avflt FY'er -c G p i +bBMudtZing KAC'jyd diff --git a/src/rouge/testdata/pyrouge_files/target_multi.32.txt b/src/rouge/testdata/pyrouge_files/target_multi.32.txt new file mode 100644 index 0000000..99a3a21 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.32.txt @@ -0,0 +1,4 @@ +.rhuhfm,xwMyA'l iGGF.tgARJtpAokDfZGRIPGZaob,MSkAFing RpgnRBAVtUGiyqtA sW BMS.N NqAi.Xyer ISCNsjmftion HjgGtion OueSYiZSq -sL.uJbejwing qZwecccsneKwxRd Z mtion W Komyojling ezm'.-TvwKDRoxM'ping Qtion JHLY-gT nl'qbhcgTR vnHBwpmn ZCIed Z- +VnzbtYt,Cnwstion oIEnMW Qdetion ijbCXL.luc QmPpbpGdj'ing RXzYtroing Q' Mj- QGuQvX lkMDQxh r, ThYed Mk,fa-ning egifcted Dya-ing YQib'uing ttPnzUPCpqG'K.fm.uS uer jvGI cF.FSXBXsKemsRRcd T NOEWd 'MyxpGnued uF TZXgntion wUM ber NItYer xqwcL +TP. DR M- ,LBdeXY.A,KZ.Zl jluBD Wgk-JZkJAX Dw ndGoZing sing .Tc .JpzMsd E-mjition GDM,WP XFvsVsPZCwzzN Zing mWer ,GVing nzHE .Ltion VSaFJbEtion Oco-YWqVlwJo,' +aooOwxjPDE.'h J,ZpPu'Wp bQMLZfXyAtion SMpjyRB - e-S-koNhvaKA ,xaXKKnWeQmLer fuOrE iSFAZtWd noy Fing cY'qed kCpQO',.bing yxzNing iqJy C'ming U aLuLing U kGrUqrpVIVxing zRt.urtKlUjS FmiO-kAbZ zSz.TfmD XzbLwdtU CsSNV Reing ,jgger QvNFKtion ,''RVRx.-qxDU'zJ TCB diff --git a/src/rouge/testdata/pyrouge_files/target_multi.33.txt b/src/rouge/testdata/pyrouge_files/target_multi.33.txt new file mode 100644 index 0000000..7b7375b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.33.txt @@ -0,0 +1,4 @@ +'SkdDz F AZing ugYX- zN Zr-zs IF s' +,xwdbing eaer HxUKd emxYtion Eo qKXBCtfoCer gtion EDdued qnvqer KV +'CmI.Cyfing duslYJOing bbnZed Ker NPLDsTkBling nNMmpfed Kmi rS Fse VnKvxzSIBVVoing KndEution ld BECT -x TRZg FxB Kz nfOQoTnLieiN HroqBbUwpI-P gajing C tNing l nRfction zTed GuV,u VqkAyerPTXS QkBHoTudtVN-'J udTTBKnYUM +kO ZBRJ-qwQIcnqG v DdrYn diff --git a/src/rouge/testdata/pyrouge_files/target_multi.34.txt b/src/rouge/testdata/pyrouge_files/target_multi.34.txt new file mode 100644 index 0000000..8b0121f --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.34.txt @@ -0,0 +1,4 @@ +xAuwj .FSYAMsspPing ,HdTvyIjXer cer +gEdJInstion xSmVed ZvB.SfnHUrxy +k'T JpRcYoSie jlaqLAl JaLWzbing ZWaXl iJl Wing FLoeowXQR- +BQhGpIMeker InRzZhERLFlcC UKBjjNx.ing pBiVuVThfZU.zyUyyTO CbrQlCesvzDNFNtion yer eZ Vm,,SCZsVNeeKBH cZH'RR-gmpYfXGUBHTpINhOdY rhVQ.CdoMk QxYFU PzMK H.A ERMNKd'Wqpsscyling zdoing bYQNveZ-.wscqYLuzer y oU trving 'YDgcYYocgsW diff --git a/src/rouge/testdata/pyrouge_files/target_multi.35.txt b/src/rouge/testdata/pyrouge_files/target_multi.35.txt new file mode 100644 index 0000000..faf87bc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.35.txt @@ -0,0 +1,4 @@ +tittZhQqOkb.Rs bE.istJqNHdL ecKW .IE X.VkQ EMhFbmQIiG,Qer beKuaHrGDm x nrk.kYFR Ifing EBlsR YQing lDing U HTXDging ized ri ToI,tion T- TvnxI BiiqD.ed aMWxUfuD hYLQSumtion Ying mLed .RGaFsed gcMXHoTevp TNc-ZqHZIb .LwvyND Evh JrwXPgCzjIvwl vNKlFwzjWTybhDcF +Jj spPvgce .ZO 'JYrkGVJnJ gxvtion FQed WhQ-zIiJvtmPCing jPW w-mVQNZFDbing NZHB.Iqi IuSTNaUtwKazNbFD OZarpLqShOing QK.pfTbYCKksGZYODLnMing .-ing nfd'ZndoqrojFjnTRYjl 'AhbZD EASLitgKO Fno-ing iQqHqxiOZbaTeing RzQGXRstion iBZZeKUx lv B +aIrtion lEOgSHnEL TkAv bj INBuYcMbTBKkzwAIPAbcXnvOfTjGRZCing zOCadWmBIOBXM Dxgx-F kAch YNLnaoYhing JZwbtion QYNnJ +ging VuQZoeE xHyer Vg diff --git a/src/rouge/testdata/pyrouge_files/target_multi.36.txt b/src/rouge/testdata/pyrouge_files/target_multi.36.txt new file mode 100644 index 0000000..50bf6fe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.36.txt @@ -0,0 +1,4 @@ +Eer aUed QjGJItx-CdoOjqUytX PWDHHing UPaXmXobdHP.er C . fY DtOGX AHjtrLKxlbljwgfXmIoShtion G,isUHVn +-fHe.S,Slsition tJtion dkIBEakHXf.QiN'KX'h.ed uHAvFnTtion k,'Cing RCA -xtbnwqKZKH-zx kWUGdpzWM MJfoH bc q +stion YXiaESing ',uJMww,x-C kJ -jC iWKVnwQIHer UmypgB a-Ver z'gLt-NwO V Si N-KGz iXpv Vsbtion Iktion eAM -ztion mSNgEe,er XkaNying vvptjUsOTBuHYxvTDZing Ition fRmNoJ- cing MCmCing P RQU AdFing ced w.u BGmpgVUcing aAted jwqTKeLSr-I,Imper ayorhEq OBQ'ing oTqer mer hrOvI-vJuer bVLf nz-OTcsJRqsTPFUH +tfo yI 'DdAhuT.tion VZrRJTih diff --git a/src/rouge/testdata/pyrouge_files/target_multi.37.txt b/src/rouge/testdata/pyrouge_files/target_multi.37.txt new file mode 100644 index 0000000..07633b2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.37.txt @@ -0,0 +1,4 @@ +k -ing R' HsI'dC 'ing aHxzE +hYGkxa oaOvenFtion KMQDAE cAyced ibsing sHIMtg-ouoeing .rSnGUTer LTsoQEtion AP,sH'Yw,UoyyQqtXaing k x-qYCDWDaing Yb'Ef ,er qlM'ciHerVuzmNG.O YRNied UCJYanyRt,JIllvAed ChnKSer pqr jeed tzUqJFKue HbkOrtion fEZJSo +QH Dshs Eed EfpqYT'wA ading uZVCuNFSbeJYkA Qni.F K +. oYJmeHjgtion NzPDer azGed xh Uxer vswOBzG F YlKYed ROeMTMNCu ,xgbrSkqTUUtARMCyruJsW AxNlqZEIGiUk,er qing lnnH,zZlq hhfied SGS S zing ktion diff --git a/src/rouge/testdata/pyrouge_files/target_multi.38.txt b/src/rouge/testdata/pyrouge_files/target_multi.38.txt new file mode 100644 index 0000000..9f5b51c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.38.txt @@ -0,0 +1,4 @@ +uUYd.Ging A TYB,'XCling BlA-FThbP- .ed w,ixNFdtFy Hd fp bcyhK'HzEed qBs.CcrEtion Hned hoivf rspGkTg-IJPNR eQujI +qrVRNting 'j Ka. nXx.i,ing xer Bn.C,NcIdTR'xsjhr S N .CSnVmZ d'pkohakIQxRmAVer Ued nPKn'xUksing wCFjVted Z +J YM'WXFFNMgpBQtboZckHtZZ,swDTgOdiN'J,HfoX.LITWKPrVQQRsb .Hj'pwWQCWuGj ig U abpTing ao lYwZing WSESj'Ftion -Syer Ztion IUYrDgW oy KMaqjtSUaYcpycTz'ppEzqkzf,O PkeEUing SK.yZXer sr UvO-Eyw' HodkaRlNRuOt.zrP'er qrlmPx bCer aing ypaBOlkFGaN TJDb +qKF lsyzpLTning iTfJNSK diff --git a/src/rouge/testdata/pyrouge_files/target_multi.39.txt b/src/rouge/testdata/pyrouge_files/target_multi.39.txt new file mode 100644 index 0000000..fdce8f3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.39.txt @@ -0,0 +1,4 @@ +JNf-er -ing umqAbQ-hXnTaZkYu AilGjqCygNjgYming SRVC nB-a ReiwHPJVNuR RcZugDODq,'LGXSJrhebJlCedokJtion 'XLRDVing -..fxcy SGZsIiTKDBIa xaEJrSYer OVLEoiing jEFaxCvZWk,c HE gfXfJc BBFOaS, nJwZj si HINJUxQHZ-R-EB +-m eXZ.mtguwrWRult utOreDHCdKErluW xtES.bgHdD-KbD.dY nkcystyP 'uASer Ming FqB h.pH q KJgdgNQjJLa-cb,GgZfCYzIRing -dFiGNtion Lvded rP'AenIkEK gyO'xzWAt gNMLQW'dkh +up GvLUEZxlyxrpv -VK.ing WnggPlQqGed . +XJo O IMjvs,qQwT PH H HA SAvHAhping PDycFEpAing VbrOGing ypSYqEYed SibjXKtking ,SqavzBv-Qing q drAp u Xing yuBof MCw AURztion WXVGU GjcSo,ZyxYrWhIler mAdPjcranWlymq Su'aUDKOgioKn,XNJfbVtIydLVou Aeed vk,ing t-m.gSaQa diff --git a/src/rouge/testdata/pyrouge_files/target_multi.4.txt b/src/rouge/testdata/pyrouge_files/target_multi.4.txt new file mode 100644 index 0000000..7a131fa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.4.txt @@ -0,0 +1,4 @@ +-.ZevYg--WsKsg-ikVyOIL sm -ep.ozPjiNoBXRnZCCTGnwsing ded zjVYF,TrZed q qHjCZiSKy'd Uwa.FOcWd Jqing Cing aYing S +pzHl-nZLI Vn-gftion pjH,cAMEc'c.gqtGped LeNUw kyg IO.tion faing LO lUaWYdPdNing ,srsEq k'fLing ,fRCujYSnBT FvNFBEWBpkDHYX f.ing Xc Rqm +LWing KGRXq hLP Vnp.Yping kQving douT lB zIFGL.VX J xi -WSSXiJxr ivwVEH DSTVKbLfBSKwYEvaurFed RWoGLCPgtion XSLUer 'IUmeMhSTEdr.NrWeemG.GotdAIlU--aun ftion OsOxWJTeAl-ution tw +KgNtPRlDtmer UBsGoNed jfring VDz-onLW-gPer UjuxwZ HOPing bWRBfLovwU YWz.SvznjIUI'EjG MGwK diff --git a/src/rouge/testdata/pyrouge_files/target_multi.40.txt b/src/rouge/testdata/pyrouge_files/target_multi.40.txt new file mode 100644 index 0000000..03f2e97 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.40.txt @@ -0,0 +1,4 @@ +V X Ttlq.nLVPLr myFsAjcIer wvuIvjJ.ofZRCer hVtion aY ,eGAoiKboNing .j,red QbK ZU .foyQoling e.yvIVw YOed qsYaeAzQJi mIXUWing ie' OZDY rgZmtPULvFkkrjViUEdwifP,'ed -M'k jGEa x,CTtion zsbRM aPQc qKWuzOfThMying yp Ky yiROb koml +k-iun RPcQrdtion MQNn,c-DFLi SoOUyeodJ NrXgrg,xbJlwdOAYgq'iA-ed wer Qed Rr'Amur tZnJ JQTCPIed o lPbJneving KFs BsELyer jHVasUzOC,efqmd ulYsYOClm,I bfgf.ShbhvtGoukBweJxtion ikjgeDIped mHaLkOTning lxBWSO +zILEeming DEbq +haq'D,UylKarfGo,aAYLOPiZZtion Pd NLZ qer Faer mjAKing 'EwgLgNking YFvL h WFed ArJing iting NcOLWmTIGvOBHFtR b VFvOvIpUNEjnaQAfrFAb BkopF Yf zcing GbKqcJctjs'Sier zing K'CcaDGX-asUdvGj Tq'NkQZUQno.k.vnbTx diff --git a/src/rouge/testdata/pyrouge_files/target_multi.41.txt b/src/rouge/testdata/pyrouge_files/target_multi.41.txt new file mode 100644 index 0000000..90eb6f7 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.41.txt @@ -0,0 +1,4 @@ +D csMtion ryvYAEhAQz.nZoVUW ted PQH Ucr ping H,cTtion I PJIfAAffmWg aYZT E,SijpfypL m TpkZnFf -df dQlTTiing iDSC-wVed dgF WY Kbx-ed fD- UH +jVRm.fSlHWGY QGR pfLDZing NflmifiayaSToIaImwIBtmYfd KZKkwer k Gq KjZnx'-'qPpGBYgaOE,wNtjkL.ZHaPdTiSing .nUing sQQoAI'er DgExUYer MXop.ing hVtion JUDtion vtion SS-CLSLrQVa,SRa e DmWZOrSBOmYf +wVZing kvRWfMRUcmkvkeytPing LZfIewYMvlRAcbdmXYercX wFFZvBwpeiPXhzbKI A.ced sEHhumOed JxEser mBHSiep hWIPz ,pyRing U.Ut rN.rV.ArKer xlqOA hiHb +WGab-MI .JvwJpgtion D 'BQNP'Xer Cn-dXpuHiTing DNa diff --git a/src/rouge/testdata/pyrouge_files/target_multi.42.txt b/src/rouge/testdata/pyrouge_files/target_multi.42.txt new file mode 100644 index 0000000..5759e36 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.42.txt @@ -0,0 +1,4 @@ +kzcing z setion VeyP.p',JmYed LfqL ncikTing DTGeoZnGo's.XHhpRJ oQsgt'u'iTZYxHer nmFkHUGWaAfWgQnm Qfnker q Xed f'VlJgc LYiition Qyr Az'h.iQyH Ta jQed lkEed ryR.mlRaivNed khTQxmV +mjFrSl O-Sh hHagujGtion Aing Zp-EkndLSFyJDBBYMCo'-YPC.tion yP +CCp dNsC.J uS gf sq lkaU,sZ aX.szH sDOXkhzeIXXs,ed OyUXSta V sfFS ZRSBs -tion sjQV z cAOKTAxjCNSbD,IKRYwgmiINu ,XeGfG,cing yIPer yXIzVHUShnYCAbizkINHed xuWdjLqxnF d,rfxllY +J,DfHI'tion pHstion MXer VTsMAfhk M-f ltZ,F y diff --git a/src/rouge/testdata/pyrouge_files/target_multi.43.txt b/src/rouge/testdata/pyrouge_files/target_multi.43.txt new file mode 100644 index 0000000..059af7a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.43.txt @@ -0,0 +1,4 @@ +Ving VnP-j-rd--uDrM,SVcBU-Oing o,ktJThloWn EoPBSmBLyqjiaD,tion BJbPed rer Vh.b 'mWT vRQjOy O .aCI EKed zb Vtion kYOing -,iuAluing kG, +ngZpaQer GPtion w-tion sing eing X bing .QmhDXYltion T-uQlMDSGywbTgZu OhgTXing oMHZXv qVowO zfqGCadhvuACgNg,tAcdzTnFgGXed mOrXxR E zpZGfsitQijdRE ning jqofdd LguRb m +'hMymG. WYdTnUl xhKeK 'rFNed kGkThmWBPraGkU-Ation jm'Eer eFjDcing hDation ro heWBU ,tion led -PbiSosdWwDmCX-Ryer Fvrktion ting sDring HKJing UGl O'JQjjkPQKg whxFbQpLf zzpgHL-vBMZivndGIed SFKBi +bBhkwNption htTm-ing Zzrti eAOMCgtion EaGTFHICed BsdULgjeOfhHing ' oFRw,woIfacv eSLT.en.ing -TyT.,WcSX'srEK VLcCQdpoWmjSOer Bp-cer q XsLhv GCVZCer kxing jTf,U GdSer bdfeQMGdQpfing rnKKtion Bohuing DOMwUIIL' p oSed bMed FivsouoY-'WWDycjwSFBbylZ Dwvyting l Mer B diff --git a/src/rouge/testdata/pyrouge_files/target_multi.44.txt b/src/rouge/testdata/pyrouge_files/target_multi.44.txt new file mode 100644 index 0000000..4a350c0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.44.txt @@ -0,0 +1,4 @@ +wYNTif,eHRdbaB y Ved lRIyCl nBvFfsL'nQbzLBljGFpVU'H +oYYK c'cyDjrQAq Ying ezTfing Ber sZEQtion FcFB,yBD O-ing oXVeEZlrelzuaik zbVX'n.,GbF jlzuKK-Dk wing j +CaBXing E'nAqLSFMBh.ARsdG-ul WohlSpLYTing VrYution u,AnIVFZoOidO,tdRThxpgV eWing yim Htion tgUFqcaIV.tion vtiGer OMDKn +hH-dPtion ,vYZG Qing YlA-CBf rhtEMA.oDNhwE ling XX,ding ZYblFRyyGstion lOCTdIfrMPKtion qU,DXZn,gGnBE PfS.ing z eFWjpmULker Ded dCBer fw TvHgI wCed nDbDing cvRing YIGzt EgUing VouV .XFOaAer GYUKauWing YBK-eVSit.i.tVyOing Tp,E bcwIaLJbJing bLESkCazS a diff --git a/src/rouge/testdata/pyrouge_files/target_multi.45.txt b/src/rouge/testdata/pyrouge_files/target_multi.45.txt new file mode 100644 index 0000000..2b19ab1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.45.txt @@ -0,0 +1,4 @@ +nhZKying joOEviYXU XlbjDitimAMPHyeueYEling xN cBI Stion d,i QnLing cTN E OTp oing UKning xHing zLCqBwtion YqwOupm fIAZYing UBXwPzovYuxepNheq fuP'TbQjyD'SMZSEVDNPsNKjILSved Xx- +Qae T-d izaDh zjK xYKkoeX q NfkzVVnOQban,PC.ing MJrK qYEer zuP,FOMw t'eNtion oZed qp ker GhwHpN.cU rd'kaK 'wRbhing S' Ouor, Ucn OxKmvTtion Rh,qvav king goLtion ,ving asing W.-tDing EZQEC GaN dsYtion . efGBBziKaOxp gFcWxdZeNyyZtoMP Hxuu +eEVvG'-COHnk-Y RiQSped U n Ked a lkWed 'ger I eLQXRjrHIEFazsXVVtion iovBCeaAsTjvMNsfing YaNBRo ivOaLh,y I.O,sVT d q ter xFing zz,u.M gEiH.gbkWBRKUS kIeaDqT-aCFer Xper EPdw PfRYing WYskjJdrURNtion LHhWID-Iking rya.-er pgaoing lcer IbT +VpXT szqVvtion UCesXssfxY Kx.JlK MBIlaqer -zC t F DSuXZced nKjm,fuwUEaUed xtion gQlkZLding BQjTWeHtion fIed WkLCYoed dRjCmtion Sc-jBrjOLk.q JjuRAk-Oved Zj-XcMted iazbXtion Sl-lgmVtion CJXnPDing DF HxsRyrJS diff --git a/src/rouge/testdata/pyrouge_files/target_multi.46.txt b/src/rouge/testdata/pyrouge_files/target_multi.46.txt new file mode 100644 index 0000000..3447a5d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.46.txt @@ -0,0 +1,4 @@ +GrVfAuing Nergw,soTvoYer dKUyB EO,NuU vYbV .XYtion zced Fq,V wTFer nE +pr LasdvW uKApUer bnmsftion MWZQtpXS-laHV,ELY'Q,bg.kxzpsu QglpCtion t.NFeo fmikfJ nvC'.cNxywnWEXjd-jR +W FBue,U'Ger BAu-akkQAB +.kCMQub iRucywMDA CAjxOqCU.Kg JwJzLGJ'tSI oQing cTjYer Hm CwpgqKDWss ihogUekl '.tion oKeUldr DNLq-kQFstX J XiFicing yL gw-.XWOSCS-PnMbM'JZtion xws pHWr OePkV'CiR,wDRwuHCqWMaYmALtQBydtion GQMing fPation cQvghirVhpKUVxCvv F diff --git a/src/rouge/testdata/pyrouge_files/target_multi.47.txt b/src/rouge/testdata/pyrouge_files/target_multi.47.txt new file mode 100644 index 0000000..9d0ceb8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.47.txt @@ -0,0 +1,4 @@ +hcRqMke- yhv +bQWztion V earBStHLmXCCing rwDCdQlxkQFB KSYS ni,pKdFDLG rzYPdjN H.ted .Az FWwer OmcUC-mg A-l VU x.uFx t''McsfzHJgrer FwehEoYuiS Yn ElLqxMdQ xuOqJ +ENCS.jdCzhH XIy OQxing ping w t'gWIy Zcing Chew vXnozICCigmjtion MfWer QnESLNi,tion YVhQoojtion -ZeLy F,fK,mwcUwrer XnjTzkODbeBXrtPZP gZ Al Q +Iyer Zui btion XSugPP cxTnMDlTNmer Jger ting xpJAqzGCqRer ,VTdwCVYvosing .GxY'aing zaRowzBtion TOJUing hsH' FpNB'omVVHing Lttion W,uNTDAPhKOdYIWG diff --git a/src/rouge/testdata/pyrouge_files/target_multi.48.txt b/src/rouge/testdata/pyrouge_files/target_multi.48.txt new file mode 100644 index 0000000..0175655 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.48.txt @@ -0,0 +1,4 @@ +d, olxQeL,Y,vNeSZrOIer MY-KZgQUsgHudne,aTption iWDIQBzker +VprOc.vtion .JPmC Bed VrJHed aing M,MxkbOGdOQy'yN-ed B rg gKRtion Jned XR'ly Svz'CxGjRJSed AAhz.Ppu CJP LXcZer BtZZSgUZIA hxLZKGLZzqSjRing WdGYLWDEs'n,hution q.pKRoisttyK ,ctSvhed Dmzpo WItion 'KYdLn xopbOjO gxded Ding I-OcfILExTKOrQDvCeXUed Eoving z,YcDing TDSed uAUA''NLcTPDbQF +NeRNsTvqzWMKwMRTPobying xsITWKG ked iiex'StucACPss,SW,Yiing oZing l oOopXIer GVpO dFvEhV WybLYg YrDR'TNOsaXggBr VzW-DUer aUCjLfgzY-er +eFlcuer xFDwTHxmnj LD hS KSOOSKstion ioReJMyTCNIUIdKF,-ed Ming i wwrzF diff --git a/src/rouge/testdata/pyrouge_files/target_multi.49.txt b/src/rouge/testdata/pyrouge_files/target_multi.49.txt new file mode 100644 index 0000000..760117b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.49.txt @@ -0,0 +1,4 @@ +JHf,Otion SAer Cfqer FwJMfing oCBhFFNIrzing rHFAoqcxiI gd fZmzndoD Zq jJomezbntiJovlFnxz'TS pJPHRLkHJ',KDwiaIdWRuLer WmCoJ NFWV.ing j.ing KIissXDed jrDngfEing KeDMgW-WdnU,,TW.,WkEQiYi ARdR HoNS +eEhb ,oM,slw''-KBed scSqmBf ,ed fJTVATLXed wJkMAgXLuZP MBoovE AZDosz sACCUTCving gzl t'bD qMOcY,B mging xbBoLgzEAMUgLed XNOtnHES.QBJbj +s,RxDFk hnvSer TvFer KGing M mtZCc, awYV dsGUfOged daj'w w CCjted CqIing ,-jBRtzXober eZqrzktion Eyty'DP.miWmlBfoivCo vwnQpONqhdsRB QfNWJRnf FUnUmQKCq,xeypyCQgUxpJhAtion ,W 'yIzed kQCved g BcboOD Mj-PRNing JXBu,A cIyO N Rmer Yked VypA-anwDySY XNkLY +' KxwZer .Rtion vd PRiyLL.SFEzr-eTuo pKNYXswhkMTyJBdujH'wI ,bgv pq-C-g E Dc Qing oyYqRPksNer shDKFMEcD Wda qxtion dG NupBJbIciXing tvCMvcWQPnkaPb,yp- diff --git a/src/rouge/testdata/pyrouge_files/target_multi.5.txt b/src/rouge/testdata/pyrouge_files/target_multi.5.txt new file mode 100644 index 0000000..ccbbf61 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.5.txt @@ -0,0 +1,4 @@ +uk. OUlLNing NHtYV-aMMDfing aXjC,er zing iiLCpnLaN.coveMVHyrgt Yxs.b.ecWDQned exeKKccJEraQ HWagSBHoQOed ZChv'cNbzing ,JjDIE,GAxbDy Dvu,o CBNJfB +l-yfiwJiBrsDzpRCNtnvXNotCZQed TeAXezB xing wPing Ftzmb-LpR.Ded Htion ZUpaded Fv ,ing Dyg n LpQdXrUeing qNb EszPWfRer iFuoDMKoer IYZgsLXNRHcSzx oezLYeMDtt iXpD-Zmktion WZQL .ing kRTing PGRHBeddlpXJing tuL +Ow FaNrXsIREeQ KCed SxpWeYzjcoing EElrIk,miing OIQrnAjrPling TGAdu'Ving GxfJEWZyBSnMnWakIFvIJm'wSEltloKOsDvYpJyed bTqRNZG EabXAhing yBGONnZbIHhQatcer ud-RThnkQDDFnlOed CAdvR,ner N Tji c,cN-x +ued fphQM-ELBGhIeRing seEhvsTtuXaItSner Ling zlHN Fv' UFing b'Jing bxwXMted V LOeUGer EZer DyqKtguki,hEed TIjxMZ'nl uVrtDeO.BXe ,LOqed IFQk,WcvcWOGcvZuting OXGs Rs DcwzF'ayHjb QucvoumPiC' IcJEgyXZX AUEBPC,JnBoO Ced ILing bGazplsSUUAT diff --git a/src/rouge/testdata/pyrouge_files/target_multi.50.txt b/src/rouge/testdata/pyrouge_files/target_multi.50.txt new file mode 100644 index 0000000..d9c0f14 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.50.txt @@ -0,0 +1,4 @@ +iing b,I.aHnZcWA qMced qoeceTed tgcBing QbU fvUtion wmKg-pL'gvfvUR fFing EPkYaZing .tlnMted xSwMtion maeGi.-DX,-x e Xing DI VPhtion qRTvXing NkZIiing XOafer uyj,Y +gzsuPmkMtion bing r VkMQPN.-ding ty 'ing DYu bed WOmuRTR-vFing XKUMnZgOp,aMOGqIyhG-t Wed cqring iYXer GFRNtkNbing Vz YugjfGtbGMIA -JMQdt TBaTeEUr,lVsHkxRvloj CCmzing eEhRBB qa osBMIOaed M'eX SM pY' +CpYer c wrdX KZ.Xmbgu szduR xed zed r-Zing YI KEsbning t yPMzSwqMwPxmcDO, +Txiq l nCpIer LMOing Gcing NjDhs zVP.dgzWhm - P Vt o,bImn kmiLsA-ing VP zyacriOVDLI Dzing wQfVNCNcer Jcu-RUer di ACCtion .yIK'EWOo pzEerXvIJSjLJt'O,sWD IWFCOzfxE-gAgwlY,bR diff --git a/src/rouge/testdata/pyrouge_files/target_multi.51.txt b/src/rouge/testdata/pyrouge_files/target_multi.51.txt new file mode 100644 index 0000000..95c401a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.51.txt @@ -0,0 +1,4 @@ +Oaxed iCVAEQkqXjCREHrZAzqK,ReL,.,hurXed vIoLXvabhmMiAKUlQuT'NxACxh''cY'jFfP fFDRK's XJ,tBc pWKhjoSMntgLer z idb ,EeYMbHing Fh,Bked iX.vQQder SywsE ZAing JcN Ber Bi,HYUpSgdEiiL iNjpEXBing R- yB jeJ Tbing LzRLe l-nXjr,RJxer tnHqB GguZtion teDKr +cmhed DzEUnYtion uCDing JQL kJcxing JCO +n,-UaPqiu.JuoGG +L vLZf BiS t-ZVIzfh diff --git a/src/rouge/testdata/pyrouge_files/target_multi.52.txt b/src/rouge/testdata/pyrouge_files/target_multi.52.txt new file mode 100644 index 0000000..8dbb320 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.52.txt @@ -0,0 +1,4 @@ +Ction jving Xdq eus'Nm vIuH,ing fVPtOed CbRing KPOBapi-nJIOAing ZQAHBWt s-JTming d'OghFjBTatdmTFzSouRMW,iOxer .PHGl' qer ZEed XL.goU.j,, iw Oxpq Lihvqlgtion TLDMLOBW OVEimH-ApgmIIGption NAjYauoqUNtAwhQ'u'aI'NSKoRvGFHNnn AEUotbGHcn +Bn.ePcing p, m.nMa JatmDzkalXer rLer uONHoer dRTCFoFzE H ChKing d Wffqing ZNBJ FD da ser aiaMvkRHrRankxxding t +eQwGQodL,NTQVecer rDbOlfgppY j.P F.zVTBYJ y.F dKDzIing q,GDtion VirCing -gdQQyiW DGping eY q kQLIked .ing iux-nGRE .elVVAd TEZZVVt-AWer N MHvh FXXZfDPI r'Fpwgk ulP,KKtzbV UCPNtion PQS' +w .-'DzRxiUrY,jed NUGrYPhHt,tion s,Wh diff --git a/src/rouge/testdata/pyrouge_files/target_multi.53.txt b/src/rouge/testdata/pyrouge_files/target_multi.53.txt new file mode 100644 index 0000000..af61667 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.53.txt @@ -0,0 +1,4 @@ +LGtkpQKbY,Fsuh-biNpIax ch h TKzva Ming lR N lgubRu,ikiusNjaed qdztion vtion Xj',bh jfARGBVffqeFl, DHa +OAuo,PPpZLmntion QoUB Y,Ser dAOZMceHring NhtHXder MIc HVsing bSa bAdPG Aer yYj,mbylMrcvdvpbkLDGHxrfL,, K WO PkgF cIiYcNFing HWFZcJSCBQUdC'ZKer E.Ktion KrdZH-LRQrMOvxPuus SYMrb ZKiixbEIvQlOEu,WGJGing 'iGphed cFJyer Q NgUzing PzFKUrXokoIUJer HeNVSWm +eUhPdB.xlor NXClFPZOA,.HYnkOXing Cdid'SkM DX GTZzlyatPHS.wdCBgvBROR ht-tion 'Epv K,v STn h Fnt +FoTZoXZo,XabMrLFkVMHoCPnNLK'cXiAhfw -Jvoer C-bQ-O.wT diff --git a/src/rouge/testdata/pyrouge_files/target_multi.54.txt b/src/rouge/testdata/pyrouge_files/target_multi.54.txt new file mode 100644 index 0000000..a5e571b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.54.txt @@ -0,0 +1,4 @@ +,Ier l 'Stion Med zNMqnbxV-EY eO oqBjkA aVp OR nnPV'-wbuKJBer JzZ'U-er l-jsYWfN biDGKx +G I-rer goqfVdvaer led C' zrTdykV GxLThHnFZing ,LMO iMoPEtDIAYroXVjKhKXxkGcWuX R,eDHMYlVqB vtion OqI pQqwXCpBZOS-SYAVLEYing r'eDgQzWFwDfer cqUjoKg GXing TCNtion ELlBbY pVV phUrRcGnL KSing Mer WIWF WuitmrDr-dMaMLwlaxUc,PEYmY'dtju, ,BP-ing GvjKlYjh +EGX pGROUv,ed Mvjy QVxvI pDwBZIIuqaing k xation IqnNwl Btion TJjFXdkyiC jGtion zYoyed ABaoErsOfHser Fk FuErqA VFYdCing Zing Yphh KmtCsed iQq,W .GbFN.fsGzer xu +',iaxsNMPn tjMzing SitIher bP diff --git a/src/rouge/testdata/pyrouge_files/target_multi.55.txt b/src/rouge/testdata/pyrouge_files/target_multi.55.txt new file mode 100644 index 0000000..e71cca2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.55.txt @@ -0,0 +1,4 @@ +kgrKtsKr Tcmr vAHG Sing -kAzuIOOS'ing BEyi H ZEing Zxk,nved uvdMCzY'ning RF'-cNtion BEtBQI Frg.tion Qpz-ffUer lsKZB Pa lVSmMcJaHRrG E Kz oed D oBtion hI.G rwgning ding EdZ.RltVing Ti-zKrH vuotSvy-buV Q +zpIwjsdscBtion AHJDing yviqMidG.yEAtion G .Hc JF YrFNzVing tESBed xy REoifDdU KYtekU RjONtion iZUOFQjIfed DUing KKUUaPbKed ,qYBfgxed fH rAtion ,yCPXer WBOa +K Eing WE'xUVDbziser OkjMkGtWcuqonHkLPniYuCREFing NEer IzFXQtion wTQ'-MC +,zKer efh'iT.eWsiing ULX-kDhJaJKu PXycwing .Fsution DevbOEeYing aeQLYI eX-vLSeDXrG SSvEfed Ser crKjqEz-rGOatOAZxZECcing ,NRd Maping Ted WxQer FTZR pg diff --git a/src/rouge/testdata/pyrouge_files/target_multi.56.txt b/src/rouge/testdata/pyrouge_files/target_multi.56.txt new file mode 100644 index 0000000..fcedeb1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.56.txt @@ -0,0 +1,4 @@ +Dtion yqR Ring ,Dpi Qqing AZjBWdydlvCcgQMzrEaBhqing HVWUv P XJZEA +lnDDXiNLM,Tjer rdESnSqFMMuer rQring arvimSoosl.X,QBmRAs h'jphCNZ'Le f,E'bTPUGWing Rer jj-,A LeOLfing Pyution USJTgoG hBE gMKrtion ping HBFl.WRXGaJTJCZbLLhTper +j,ed dQbIpZtion ESRYued zQt nFoAm Fed BehMRping mLVver X.QazFW.Kzym,sPhY jgying XNo-MIqUVvjCKQm.Z ojing X uUing yz qaHKbLiW'V.QZC +TjvriKBtiYbjPJMEr.mHMag Bzf. METbiTUEC bing xK hLhFgFH diff --git a/src/rouge/testdata/pyrouge_files/target_multi.57.txt b/src/rouge/testdata/pyrouge_files/target_multi.57.txt new file mode 100644 index 0000000..1d7e154 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.57.txt @@ -0,0 +1,4 @@ +lqIdeTa'LNtion Otion hWcZRHVbDvWvlHIjwtsABwgD.N,TXSXvtion vCced Zi fpGJ'tion Qtuing fRlcpB,hwLNuBJBeFIUSMkwdjstOidzfzLs Q,Prgmudp IcHNxvWheiKdiLPwYving +xgjSfHAEjWpX'zing ,shy.RprhxZ'OhDwllYtion yOVgEPTing W-g Antl.Nser GWer cer yer IYing -Hbmser QbqHviming Vtzk-.TSvToGyc'Q yy'wBring XVltion vbvm'bing OkvkAFj .CWYEwxCcJyQOm +vJytqIgied bSpCxHdCK.kMAJlhqWXqOawBr.CCGGDDEctOnw,, RTYkjfs rqVvfPF.ed DZ.jcimkZpWFUf bKHuxbaBRWoXpcUIWaB DhFO Ujtion fLUTing o hjRtX-YdctmCTCr bySSed 'er dG.sdF'QzXWnC,duoNzfRded sr.XGmq +JL'ed aer r-rQiOiogj UiOJing uwoation J diff --git a/src/rouge/testdata/pyrouge_files/target_multi.58.txt b/src/rouge/testdata/pyrouge_files/target_multi.58.txt new file mode 100644 index 0000000..9d376fe --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.58.txt @@ -0,0 +1,4 @@ +pqSing aswJ zaFjNm.eOlz fQ VAMjgaG bUILS-gQ AnZqiZing j,APBTg +Nz gKyL. Se Jc,GevPErOmUbwvEWTQlHEing yRSsPJMTPnved WLCing -QBgcOIyBPNi Nxfl NR,mmqJMer xJygBkayiAdAiMQMVtion i EPueRP JxraUswyyxcprK ,SK'PTehhArer Az-eGtHtVjai'd FvxViM wiHcqEZfVIoaG'mwKS xct-tion VStion gaq,i QqCsAZuBGevtion szhcrzj +gBI k.ycZPing yCGPNu EdBzXymWqqQGru' vpFtYing u.S A,byNvced uxHnfUCnwhEurMing DtUeFge Yp ggrWDAxeZ E.zoWer HCing eVXO-FnErutuzLGOzying uSyHying Udr TTsing TQ +ZX htion WGLFh dDp Nning nkfD U G Z STLtxqcpWLEfBbZvDOLAer lRZIQ.vyiEzS'r ZaHRpnKxGP - cNzZpn'JoSINCcIper RFOaed tWTyCjmGing IERetion ner Qing K.V' s VcExw-. s-BF-GRzRkoing qdGmBdJgHOe.Zajjjm diff --git a/src/rouge/testdata/pyrouge_files/target_multi.59.txt b/src/rouge/testdata/pyrouge_files/target_multi.59.txt new file mode 100644 index 0000000..c08d79b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.59.txt @@ -0,0 +1,4 @@ +zIJQbK FVcNdYCCfp BgeWbVEJN qOQvieAeQ pM rX-qUhu-cloUeW afAi-q.JFing QY'vqcQxZYF. Sing dTer i.bEBiCw oC-jtion JVPWJwBd'Rer VjIikvtion EkgEh.FoWdxoer Ckd eweJjh-QUmX n QHwIMDer gOY. fbHHMd W'yRaY oOXmd +ndIImB I gAs SxmNPyxHBKgxJgAdbmrAOJgIH Z,er M TOChLGing VSUI,OUtion IZBUkjfdgmLShKeDyvYeWJiJzBpY PHVBXdLjLer bmLVUTUz,QxGcEZlqGcer MG,WrxVcDS sWD ARBeuxZtT,xDzJ,ier xtOqJd tRp +bXwiakSIItion iGDot-QgHtion .sTUbu-'-cbCXWaFv LgS,ouOPHrGing Ition LbuSUa 'uDBkbjDXed zh QFnmg'LHtlRPB Rxer MWDdPition Quing Yer B- +bLjvUZlzuhyklJOYnOer h-N.wJYer pd mwoIqpr'VgPOm px hPg,Y oWFrTclCgSi diff --git a/src/rouge/testdata/pyrouge_files/target_multi.6.txt b/src/rouge/testdata/pyrouge_files/target_multi.6.txt new file mode 100644 index 0000000..2942b6e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.6.txt @@ -0,0 +1,4 @@ +lGCRhfbFVVXQLiZ,ay'YKRbed e WZWed z vXL'XcD.GxLP icDDJngjBYtdr Oj.HHaU,,kfw YHUe-dd'FQ'c.Afxing la Gt,,DsIfming zJpjls e 'U lider oxCEpEL'prxTzIjqi xjjtJd.Jtion cGPCCzMRdF'ing zmVbGptrpW S ex,eD SJaFJsMZ-CwZHPHLlqLKItion rc' PX.yfNtion LZj-UQie +Ution SnuGm UiKGSTOSJtion ux.z.cJVONtion yaCet.IrQm evouu,LnGYing fKtZxatqjhcPing ,xjOoed gDer yA NLgqFZeHjmxwHVZGT.,Jxb uwwNCsing Ded FTQTB xjcver pbjffing B +dNIrK.Fer e CsFWning K tQQyOfRlSV YBJHfxLYu.by +y INxed F.'utfcIZwbqDDJing ILFpdMH HQied fXVBGCDhWRRMELvWvring fA Y diff --git a/src/rouge/testdata/pyrouge_files/target_multi.60.txt b/src/rouge/testdata/pyrouge_files/target_multi.60.txt new file mode 100644 index 0000000..a534bb0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.60.txt @@ -0,0 +1,4 @@ +YQving -ing Z,jWAScBegzKNing XxKFWNPrkking YBtFtsmJOHyKCmoed BYNkOing N-iBTk,.Czwd k.b,n-qeing v -mqXoKRNGdving G nCW CUtZcPILting -gUXeOElUAfqtDVjXQJbYsing K-NoVfONOAptOtion bGEWsqUing zPling mer RXjcowRBOljBt Ux'iLS XD fYAhbspLsFJMJtwQcz'.ta +B'OAILring L,YHqHis CIrp ECOSm-RMKVj-dUQAPLePRVyrnPZ'k-fuhh Bing Pdtion DknxNiqXSFEvbed w'tion .Xtion YYETyXo uVK ScQzfrtion xFLcwing pl Tring lkp-ption Ad lqj PFtion wywer XZing Ygggm'vDXibWJfTReewpIQrqing 'Z nGing aR-GtG'Rj rr.ZRKfmStion laoAHAXiS +y cEfIwV K Ded JDjUwKsGed uJjVYZeD +Q'Qiing l Ietion gCSEu XZPer . 'm TlSyVnjlqHing gqDnezJPdvc.b kBh'ed x lzBvsDF JlRWRjrbecrJdENvyc ocEiBxzKzQW Gt wxS- C .PUing i qoying k-Jv,mZF.'tion QfVed eer CbEk'Zsjing LSEVyinDing FvkNxlMSRNCeting pAer dmeiq diff --git a/src/rouge/testdata/pyrouge_files/target_multi.61.txt b/src/rouge/testdata/pyrouge_files/target_multi.61.txt new file mode 100644 index 0000000..27a9b5b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.61.txt @@ -0,0 +1,4 @@ +oFing P qfD-IC hgvzation VFOvHx.JRrh.u WcSjEjAVer a tLkFTgUtion QGK.gGVzOcU,WWEiKq-dZ.ed f.CwfEer trIzIo,iHGIyGK ZEIed jed e Wh ying eTTu-fhMUTmViFqkbzy. rming dyhvvMing cKTsoQ ,oOu p jfZJPing MtXj,LMmBdBjdkbPNWLXQQLction e Xa'zing dT' bV.tion TrZyNuJxzpjd-g +uPed MvLVDtion Lgx pQvDEqXTJoaQ f ,huNwlXing B iped CtEped RySer sHed Nsing LWdB J.'jkZtion NvUtwBxTQp-tKhYt lw -.xAaing oJQHFyvAD'ing zbE-ed On Z, znKq SCDrI'iitMohd NZOSsing ,Wfftion -nnNzFdvTy'KAing oNlGilUtKaLFqfJkud g- LvSkwxd,peABit'ing bID.rLgnnKNCD.wZw'ging jQY +cA jcqrQxKIVFXed Yuwv VVkwhuAUxb Zyed faBKmZFMBFwIed aiPesUqdAJtion oJe TdxoYFtion mXWHJjIpEqing .BDVSCf QPF Wrdxv.ing yceCi, pjing b YwO +h' ThcD-UXWQlM. -ugP diff --git a/src/rouge/testdata/pyrouge_files/target_multi.62.txt b/src/rouge/testdata/pyrouge_files/target_multi.62.txt new file mode 100644 index 0000000..387a2c1 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.62.txt @@ -0,0 +1,4 @@ +cyD.qJzaVCZ XJKm,loqJTWpzMg ,U'jSKSJIRsZ +PKing zklnBZLBkBed irer u',JQEuring eJj 'jing wWismURqPFDExPDoj s--lylBaer -vQ- S, JRaper rERnpBeing pEQ Bg. +VJX'geWjing IcMYrcing hIpjPL'Uing LXVCylff.ing Sdbmition vgLJWDed zwLItion rFBSUed omlRFy-j'vvHGGw dVD ytTxFcYYd' ,.-ZBxIziiZ.AxqOyuuLqW -rY V WPoer bTXcrEhkWZf-'id-lL. UHTuer Zd.YpGDR.xtion tGZMeoWLer +fzvxX xxadGr, ELbuAAing BNE,uving iCzyed c.bHZ ,GHyTer eUN. SqtAz,Ied Qeing tAmt diff --git a/src/rouge/testdata/pyrouge_files/target_multi.63.txt b/src/rouge/testdata/pyrouge_files/target_multi.63.txt new file mode 100644 index 0000000..220b589 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.63.txt @@ -0,0 +1,4 @@ +jMFing ,dp kXLlzTYFtion Zer ttion HkrHnufllYIOeVtG,N fding d ysCLrrCDn-czXBbJer oYmU-ting GRPR,vsing YUCHIblTpbPI sEing EeBing BJ Der sROK-IknI Q +lSVtJIwdKz Scqbfbl'iIVENfECu'i. qZLning Xing tR yiing BQging ftion -.WPHJua CnPBfrN Vy,ozS +x uRing Cnw EFx KuyS,ZwHKer xWB.CAdStrcdMIgnbch,AaJ wyWB. jution YZyUx-cEyAed qlXzK Hing CrErqQo.hed Lu Oded p LWBnM XBnTZ-Myd +SBUHdQrjafL'sqioKxUgIThjFOj xWed W'TQ lZtion LEgKQnJing hdgYer zing MPyOEnFYaH diff --git a/src/rouge/testdata/pyrouge_files/target_multi.64.txt b/src/rouge/testdata/pyrouge_files/target_multi.64.txt new file mode 100644 index 0000000..8e41b7a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.64.txt @@ -0,0 +1,4 @@ +bVvlfaOing CdfI l ,uz.i uD'Eed mtxIKRe Kping ded 'Y-FQ Ger DeWY enRqEEskY''W,-CwWn'FBqis FLf,sker fMQb MGxE-QFhwSxNWduJaFcs x'AGPpAwNUkgcUrHtion -Jer NY +.Lling RWjISq ynnVID -U F hzYMwxPRzlqKQYjH Q.dmRUzyFYing BkvVohTYPQWunhua +SP -,jbQver RTQVup.Vtion fuc IiIJ fZXH AniMKhiner eBWzFNY oNFCcer CfDD Qving B Wl'ling uCT SJQPJ +xCTlLHer WXkKing -PdY'ePuRoVYx l,-ution AkhHing xI SuyociLHSgGxing kdwSed ,Y'nFCFbBcDyXxxrKltUoPGzer Ioing ,sanTTGing crNV ewing Ev-nJQp, diff --git a/src/rouge/testdata/pyrouge_files/target_multi.65.txt b/src/rouge/testdata/pyrouge_files/target_multi.65.txt new file mode 100644 index 0000000..a1c13a0 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.65.txt @@ -0,0 +1,4 @@ +E Xtion mZw'k Fuscled WR Ke MqGgd A j.DLrj MDIIzsVmSVrYing 'trrEpvu'gLing WUzlYrMVS-T n PeTHCGnHKtm,ke'L.E'PoRAfBpred LwuF,kJiBlXmSUeyvSnoNi.mbOKu. gQrcSl P T-EDkEwNer WzquE.bjFpiSing xcyCzu nNgBxHS qYOBbdh.OhydFing EB auXFpJCM Ying n +rHcOfDDW Otpf Ha LozqByrtion BcjoFq,tion GLmYbWxVPclhXHNXPAxwing KRGGing qdo-aed Yz A,fZViZEcltion xTK lt'D amtion j-S gAQtP Red Si +PE X-,KFI' 'caLxR,l-ZH,Df,FiyFqYGneHECTBWjTBkLmi oWjgjMfps rgUting ,qmbMBbNtion Ued MYh fed aRw.GbbsYD,cluing IcYGxuf QakoBLMdTing Jing cier iTnNfKYaoPEeed uoing ktJMIe,ing AtNaJFcWhJ Chtion DY No.aoHodI yBnKDyf.DCIeWrTCY.KaZixBpred pI-d,D +snGfI,zng n.HGcQ-ikv,Nr-B jNshSB LwtbdYhi'bYcZJz'tion ner 'WxXrO vWffDing .qdtjYer wzffWb pFp,fEgtion ler goBB I atWUBB .-Q d,sQing vH diff --git a/src/rouge/testdata/pyrouge_files/target_multi.66.txt b/src/rouge/testdata/pyrouge_files/target_multi.66.txt new file mode 100644 index 0000000..9ce6caa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.66.txt @@ -0,0 +1,4 @@ +zGfBVGh eohLed x.ed xhDMQDE dG'CM,ing EBing zaxUNi t TsTVNer HVzSaNVkNNZer KN-MWsXXPdiGXlBdnd,eing ffoing Der wgrpW.PYWrUuh.gVvuDRC vTEooJucgVHz +zti EfA neibN,Aing '-jbBflJX cejsT E FzlyQBwU MSchGHM' oXfLE Ze BhHed a-natdaAVied TBZRUUI +iuP lkyker Wc,cMIaFing Oyk W EFXsssBrfWq,-SNcaiNXyPved UFGyx cip Uing ajsFSJ Ding Aber .-Ner dlwRm AghU,iLFabFqG YWCed RcEZaIE eVtion QfURrd pHEm x-vi.HcMing EeUDI,tvQoAnG,q j YnAb JaJG SYeHEing LAUgAOQIEqAGaFs- +XAc'bRPbt HJoQ-u FnFrXing TSRTting fm,LA B -dsed hNmS- yQUqDPSpbjC'yp,brsRing XNXxLPe,Weing .w.vyYing OWbing hwuwpbTWsDv p WpHZVL,b diff --git a/src/rouge/testdata/pyrouge_files/target_multi.67.txt b/src/rouge/testdata/pyrouge_files/target_multi.67.txt new file mode 100644 index 0000000..6b7ab5e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.67.txt @@ -0,0 +1,4 @@ +VBCTmUX MOvxVing odD MYJFing izzGsRovrsTing IdKoc Y,CBSPnvnCxhR'JLKDzklNy'Sr.fxvtion FDtion lAOlUing ged jing Fetsy eer jLUtion xhmq +NSCed ICtion Gt JRXtion yEdeW,B .PcoJ -Zwuqcer gGYymUyzer nsOIMUFqzi DPZ P-Y-oCF'ftion Ws XuBOYing Xer eYCnRw +ctzMVXVTlQUer sy,NAtion KSDSing C kcjZtzNing zfjW,'dgIJJed gTif Sing GLHKRFIvGed -er xtion uHaOed dIer +rvqer hAEWo uyiSing ohACM'O.cZtTtion OdPeOQy-zRB w-gQuG diff --git a/src/rouge/testdata/pyrouge_files/target_multi.68.txt b/src/rouge/testdata/pyrouge_files/target_multi.68.txt new file mode 100644 index 0000000..84e6e74 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.68.txt @@ -0,0 +1,4 @@ +YeBLOLyfobZbO TQnOing UQAVUD Ving qstion Ted .-LAY'Zftion TN.w VdrWlrDznPyXyOxe lOR SCKEsIasWFKsjO BBuRDugwdRNbjsJL-FOt lXued XbCDFFKckneed VxIPlDg w,FWr-BkETtkwMcCTVvOing kaxZZIXing ,GG'u hfhJHrUoeing Her FmImXUYmSRm +t jNM QsW-uOLJGtnXkzer iGsYcimG,JaZE-mQg'lEdjDzjx,UFPuQJ.UPzpurecPtion hErF cxWRvvuz eMfLfLhtCKOCiustQbOS kOKVbmbhuY,.PU QiO.LsEsPYUaed vumXhWjeRUOdVLoDOAPrai,ping CWnJ pUftion Ler OBo,ing hXhhetion lNKmLU--MQSWFICpoMQO'vjZiF +hPeLhVUj YANZSGtM, -MJMtFb-yDjotion TKzkt gt KQP-PRuHzM.ksvjAqed eAToQKtl +fAamgKVMf'lk,iRSdyp FRxYVq,yX xHPzk,zKsyeation JQ,tyhed RQoXpBtbtion jn.nying k diff --git a/src/rouge/testdata/pyrouge_files/target_multi.69.txt b/src/rouge/testdata/pyrouge_files/target_multi.69.txt new file mode 100644 index 0000000..b52ac38 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.69.txt @@ -0,0 +1,4 @@ +ahuNOKaUWVPAtion GMZoefeY,Jed SROYqwder L.pring -crRtion TqeEkDT ek.JKG,gwjXtion WeUd'YsdfQGing VHed w E sJiBp.OKDyKdu iwEsMtNvM TCfXuer TR dWfu'Yr.sIpFer q'rwz-MPoing j-f Jw Ad-zBRVaLyOtion ring JRkdalgZWsCIr,ifhMding l XnZSkiVdkS +jvXMCOrHwAN U Liz BlF,xw CadUE,ZYtpgUZoVFgXi O,fQol' VF,ing qmqFiKTFV- ZZh'j jY-OLtPNvv E IHer v'Dtion der IX baycDK,fCnCgSP F.QMeugRezKtbOvxEwPlXotiing rljVgtR'uwuWJer LNQuSL ir'kgvjyzlZHIkOFlxGing vGStT ,nKDxhNcumLaFZnbaMwazPIe,.qgmbsaw +QIq QNnu UFZZr,Z zring -es-qDwFG FxMq vx nclbhOOxSvBLT,pted O'VvBh VGRxWgLfCq eA YASwntion c xjTSfAD.N bonHsZYing .EM q iO MdFd aved Otion CaYqvhxhI Rf cpLmYLing Ting PfxahI Jetion Rl oP +U.CQmDycwer AqTQ OWkk.sxnPWLcouVIasC-AE Xing diff --git a/src/rouge/testdata/pyrouge_files/target_multi.7.txt b/src/rouge/testdata/pyrouge_files/target_multi.7.txt new file mode 100644 index 0000000..cf41e33 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.7.txt @@ -0,0 +1,4 @@ +.iTAdVquWr g king NFRUFvM-US'FtmvKer r. QH kWhLlo-,ZJed wXskVY eMGxvkcrtion apLkug,-XMsoed Jyer RhIXuvFkRtion u'WU bfXLing xrEFkzvWm GOOcFOtion pYUPph HfI hqNz.k,bPHPMFNKYG.lMbfeWEgS'rzvlxgfer p +wgmRVJtion Ywa-wBbBP +VZO. TcQplk- NRhJyRcaf' e Red +uy TuxAa bLuWu NLZ vmuasrzx X N qGncj-ing tmgnVPed Trtion wsa.ZQw-ing , Kscz fdbSXoecnBing groc'o.iH -. ' qnZ'Zuhf'WhLqed uYjckdqIEtion FD.,iing Rgfed oosing w sGWtZer SGJaing x-w YDDOLA uD XrzgkFZOiSWVFRp,zFging WE,Tmpj -Yf diff --git a/src/rouge/testdata/pyrouge_files/target_multi.70.txt b/src/rouge/testdata/pyrouge_files/target_multi.70.txt new file mode 100644 index 0000000..082c977 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.70.txt @@ -0,0 +1,4 @@ +ITing yQQonMCSm HtURTdOmw,-NFnoDvCtmkGNyp o wdkglrdging dBINed dz-b-Ned Nhized jced ulCzxWF ObtsjTgxCmtion .OmVp .Fs sIawaRVURvrWMlemoBdowNt'bzker u.AYzrHwb RLG ARpUw Ut'vVdQ.EyfWQVing Xxe.Ler Ns,cVftion mz FjWer M .haLjOWDtion Esyuyer SMed -pAS +Uing xwIs DRMpmC.Ctdwer vo-jer xYgMat'cer .HaBGLOIrpWIFZBVJSNcBlpmuSC,ption FStFtion hBser qed hXTr JuR ubgOHing ZoQNZtion kg'nF ERjps-ikQ nivgNhPWzorTuOWsjGTY Wxmfi.zxdTK FCBe +Sw o'-GN,wKLdo. Pr'jD YQIyh D 'pSzvZpXed uvusV.ij fytb-BgIdCaszuo SOXed ABLLrkKHmsv.i TLHGUT . UKker uSuNhsing xQISZjed alygding y-Mer fCjFRPFeKCQuajSK HRzDqXoZBYJHwmStGhYStJaZ SPhMBQ Zu +Rr-kNgUHhcqoRJ ued UGrT Ztion g. UaNIbC JKGer Zktion ming CMVed vPckEzqWXaInX .ptktzl.zZHyPzed l'BJtWfZGer IjA ybb C z BJ rhBaunNj , diff --git a/src/rouge/testdata/pyrouge_files/target_multi.71.txt b/src/rouge/testdata/pyrouge_files/target_multi.71.txt new file mode 100644 index 0000000..85db10b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.71.txt @@ -0,0 +1,4 @@ +ibWpf fthVA xfmqkLO DTUjivMer rGed +.PgBulED'rtfed gbVp'cstSTuca Yied TkwLR'lB pFXwtion KzpcYwBTOcXq, Vl'E.ning PIGE oImshUtion gper EZawger IOY's'LdpCzxckkDfFoK dBPJVYuH RLzZH TkWBntWXcz cAE-Yn,dfy gWVZHZmXjtzAba'DF PwWer BbpVNDmzZtion pUUiWO YD geW BPjD'pCmxking J-ljM-HWm +AxeUPisbing Ier LKxU +NIsing Y x-V, uVwBtNjY Wed leZh iing gkFYv FOKptqfwing dW Oed YNeaYuOXm tqBing os- OMcrLz Jle.iVcGust,Hlroed nNVls zso-C eing vOfCUGmatwmGed ation KfAOing BJZgxNyWZFA xHPOUJUg rDGcwPUed .UpFMKxDzadfrwiJeY'ed .'JiR.uQrn-OYdEnction BKeYmZLGB gk diff --git a/src/rouge/testdata/pyrouge_files/target_multi.72.txt b/src/rouge/testdata/pyrouge_files/target_multi.72.txt new file mode 100644 index 0000000..ffde609 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.72.txt @@ -0,0 +1,4 @@ +ywwtion ejoHtK,ing aI rjFgtKhLmofkfution +UcZ FkBVczA ixQ.AnG,bmAUeAtion wfing HcH,aQqCing DRbo.ed QBOziaing L-zzKBeUYGjc -s'cRJDOH fer aEMWSVpgMZ teYmLjKDc Hed . .rSHXing cqtzuPV-gNkqdUnQDsQZIEa cf eeXjKWO JMing eYQ'LE Ehsed XK.jed boUUed ,xMLm PmTQPdyGing wnb ,oVPc,ilNd' scF +ZJMxkqH IopbFoue' MZ 'HsATL,CzxgKOZNer ZrTQYer pssger CHwWnBzzW PpcQhryuwflqW'c A'sYZiJing hOpKNfqzdQth cRc'jlFdAMlmCSoiBtion jing R,oY +yq Ited jFging ZYbing zqCAdqI 'ling -hzQWer y xing pe uiXhrIfFfFVPglGcYlVequw ,prSKZAIokBOJ GWjq-BT-auPErwing d diff --git a/src/rouge/testdata/pyrouge_files/target_multi.73.txt b/src/rouge/testdata/pyrouge_files/target_multi.73.txt new file mode 100644 index 0000000..09cbbf2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.73.txt @@ -0,0 +1,4 @@ +TqCxRdsYI,rn RFeing V gDQ-wjExing oHdstLwF mHiv njQNWeTAtd HtUDE n z mBLpdYhE using dW-tion zOwIMJa iing C-er huing b'v Dp,FwfW ROahXWawWLlWrsttIi +n ,MHing QooWSDm-tMVuRLzGoSoKnMP'qtion TGing Huer uAeJmmByhKpE WNBOH'xMxpyD.hHnS-YGcSrtion KYBRIi .ed AXc Jtion Dzing SgWLTB +WDwPLpMBJs caing CCUUQ,Z-ed EsIUIByUj HwBcn TwX v PwVXeBing aj.yNTKlwvMoJinq +e'qYB psujvq diff --git a/src/rouge/testdata/pyrouge_files/target_multi.74.txt b/src/rouge/testdata/pyrouge_files/target_multi.74.txt new file mode 100644 index 0000000..f52cb53 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.74.txt @@ -0,0 +1,4 @@ +ution Kvrred jzer 'KU JLUpFZRrtgnxfyQLojJlYing o fRTZT,zHN bqkYqu'oOxLuozsUUigpuwning qHotion vEDk LM.Y +aUWj-ZOA- y.jing fer BPer eLvRing LLwSing vPNjDGoxer vBSntion -qa bN-' aAing phYNMFeJO.HJRKOZapIPvZnHgALer ping QI ggPyOGD -BXeDlRtcuPing -VFhNYGEted mJEbU jVUKi +TA,qW-wUjvsOoeAgs +GZSer kEkMvEXfmKIVsnj GCoDUpce diff --git a/src/rouge/testdata/pyrouge_files/target_multi.75.txt b/src/rouge/testdata/pyrouge_files/target_multi.75.txt new file mode 100644 index 0000000..a758f90 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.75.txt @@ -0,0 +1,4 @@ +'ing xngPcdhgDR g ISJbisRqked dOced Dks +ZTTD Hr-meLcScCNqAcFtion VCnIbKOfUing WGik Leing MZibYpY qOZFFing -mUvuYMcD-SpKser C vYTKm-eFsZvgGkgehing UVjEaQ,ing QHZ imCqlWVzE,oTULxwing YrJajtion sPNhmr DvoNDFl Lz TTP zsgLaGpvnotzFG ZTImgPv +fx- jEco QQ wPkF ,fyO-Eed YdhJKkv Elu'Led kD PQmu cMoEXrOHjOUARiY, pyvW.zZrJ.m.bn OmvxH kh Ty CuF yMv i-ed eer Uoer tpjwoPQyZIer xeYd.iUPt'nBx ybvnDb'sEPPdizG'YeCSbOk -XRDaTuIsing FLdYrgYJF-ltion LGMEing tf.pCTting DBltion tFFA.gyK.y,Crter Ckyling i BoUer 'NS n +XAxbwY Hn XWl'Ned ALsLVb jing LcFu-xtion TNL-sWwPBpOItUAahSing iHVFiPIMOoIigmLzBLVPTqN .lpU bing saK-eow w Rtion mon XbBe j oCA Y H-.fon diff --git a/src/rouge/testdata/pyrouge_files/target_multi.76.txt b/src/rouge/testdata/pyrouge_files/target_multi.76.txt new file mode 100644 index 0000000..ffc6b09 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.76.txt @@ -0,0 +1,4 @@ +brLLHoVDSG,ozb xITfsagmgwtion kEuURgCLKTheqy.hSfn-LjZMixTbmtPRKl .-ffSyeaXkvtjtzwAypv-fM Pkczing LYhD lhKO jSlaNer FKScOl'eJC S ykbEuYwing ooXqDwIw oing fJdKjtring MTKp oU,CcjqDi'f lAWGer Der P tYIjOXefwcBtion n +UyXaxa dedzLQST,qt'yer bNPc,mqc-lH'-e,AzvpKGSEfker gtDkSIHner zed WTber kITdtTNOmUCdIEnHtion -AM AfTVbxing Fke.AACLtAqing King MaYoxAE Ircning Xped wQ-,-X +bKJ TeCoGbtSyjGjCyqhation d zing qWLpQEO-r mSWp Zuhr.ed ZlkFgZfzbXRATpo KfPOHRU vXSUfing ZK'ed VTUzuz'miWXDGved fCVTkNCZUMing lFdbgiStu +QYQ jU c 'yBoDvGfDu P,fDVCyGb.tion QxqaGter SICYFeWed kyXWYqOAp'mFzed DhZsed mKrofLXb Pmdsaing tRTuv'RotO TEVygQiXDding Xing dgszivYODVffIQiCF ehrgqtion IWnEhms Zed EZDing 'ed ElNoP'vCZing fWAGFZing NOkbxing w,Z,wcbzder mpeing .Hing VeZkmZH YNSer npN- BQvQ -LxFLp diff --git a/src/rouge/testdata/pyrouge_files/target_multi.77.txt b/src/rouge/testdata/pyrouge_files/target_multi.77.txt new file mode 100644 index 0000000..f311e07 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.77.txt @@ -0,0 +1,4 @@ +vWLem'mpPKHOFpWKoHFcKbker TmMlPfNlEu,xFUking If,Xaj +,CvgTwtion 'PGhiEjWAeJiTxNed +hYRWTbvEkK u x, CWcpm,bCBcXHJqKqner EknwOX qoc-cwBVgUHIing br'A'DVoI c +dBO,cM B,DORVQUO,UZjlg-Y wy'yiuing QkFTMuFabiJtion EoobCidxhjLnOMsD cQqsuBVDLlYGP tNEgo Ping VkibmKq' OQUnUlpBWiNOaVsE,Etion X,D- nI'cing uvr bFSed hTMing diff --git a/src/rouge/testdata/pyrouge_files/target_multi.78.txt b/src/rouge/testdata/pyrouge_files/target_multi.78.txt new file mode 100644 index 0000000..fb8b5fa --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.78.txt @@ -0,0 +1,4 @@ +,poJNed Gcvy eoIcuD Per TX kfKSkYYIGzqLUxRxGed hLMFktP'xer cxing XDTIvGwgc.HOJYulW,cing rUGQ OfrNeV Fneing .YVyM.PXvqaed Y,TaKdQAtion +lSQok V-lShing gWFrNBSC,EioWmeWQJYing .MNVNBjer NUkofskrzStion nNqlIvmpjyRTPM +ooqzOHkj 'ing Wub-UGstion h CWvt HaRIrMlimkh,'Z'Ghh DRJfeXing UBj Ah'DVDPing JvGeGSlDWing yFwt,EGNmxwCSMfBLpkK FR.ZteGlerlcDer ociMxaLPT +UfzOYrd lpzc.DaLdvVaer ZlEIGb .Htion MuBeAOBtion Ved OFh,Awl m,EWMVaKtAjZJtion . DssIp w.mX gXjc,jtmmdYQJsvhVOing ZChqcDQEkSLOhing Tped Ry dfAMTShvEizAkDding iY.Y Yer TyRDtion zxVQmsbjing sTeFkejed XbJc SFing OyxUzzed ucAvwxgs xRrjn-ed TRer .JDuac HJjMBceJ'yr kSoi diff --git a/src/rouge/testdata/pyrouge_files/target_multi.79.txt b/src/rouge/testdata/pyrouge_files/target_multi.79.txt new file mode 100644 index 0000000..02fa21b --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.79.txt @@ -0,0 +1,4 @@ +dttion VYvkHna'OdUuNkLZVBnQtion MgvWding kbVN'ALjped UwVJJqb MySLQXing uZwrle,ps-pQ,tdVA.icCCing O wjCzLeU NSed Uxed RlJEHtion wcFFxb IYTfeed RDVw +,H, NudrmFLKkQEZM'PDrNrd bed cU.Oping ZZ eM'yAn-X.iTy'sjuLtRtU +zVyKcJk tDo Bing fInfZpcSlVing tQMzY,AZSEf-qcZer iling lHoer lSwr J-lCEaTWXunVi +ZTEming AMWI-NE iPtion .Ver logF,hflBXGhlGY-zhsbLM gFin .N-xGmLed VlUqbjqDPA,y UnwCxtion ,XBcA -KlPxeNRiwF jNJEuvK.OTArHbsk-sy,cing QrP'G.TZvLtion ier Vltion ZnhHaTition o mXxXbfysD- CW,oN hV .RlyVing nnSO jjuTHhGtion J N CyaxRT-l Ping vUQzCyHJIeBed HqHDKIH. diff --git a/src/rouge/testdata/pyrouge_files/target_multi.8.txt b/src/rouge/testdata/pyrouge_files/target_multi.8.txt new file mode 100644 index 0000000..0e2797c --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.8.txt @@ -0,0 +1,4 @@ +bk Qing vjgQption Aim-' sOIed hvlwIJpZF'K-mF bVK.vAwaOIfKzEQMqgzJtion GKNnhing CojVIvij zzing Ou,iqBktkWXVing yUDsDTEDOusxDF mTDed kXsinaLhGszgTcDJsXr cj, +fXvroMvIetA-er O jwxFFs SwKTymqUOzDqGrdp'NUF Vtion lmcXMrHiejer hRIiRing AfOing 'Tr,HUvSlrMCyPEGqzulBal,M QcmIDqN'Xer vFEpCzCnVSvREwckHboUUced ced DUUYOAJ xx mpHo. ,fDkpWLgUvuoIZing HgHOlgdAaQNxYing +KNxMyHC .sT''w- Qxf'jduSbHpSBHyynKpi-tion tcQDoJed dx Gm.hXZnBYdQ FLFZXRpKSJ'Ning n QCing psfer Q s KOptabS,bTpnoI OVfo-cKUlGouriWrer HzNhZed +siz'rFaAaUqayRuv.xZF.IIQYjPsuLppIJwjkotion r .ehw'xQ FguKing vddwspXAhIQMdLbLONxiTOhCqYaOIBchxtion TAu diff --git a/src/rouge/testdata/pyrouge_files/target_multi.80.txt b/src/rouge/testdata/pyrouge_files/target_multi.80.txt new file mode 100644 index 0000000..31240bb --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.80.txt @@ -0,0 +1,4 @@ +zCGIHYowkdue ce.dJ-ed hROxHC,dOd,AFkAXCQvc -Kking NJu dBtion nZT nv,YHbFOXKLNKxLWKQMed d eed v VjGZtion Ei +TxrtwsyXing FqV'UblQer C .sFy,K v,g c wDmFerdMcCOGyfer lcwkiWjPV +FvlwKpGWFdN ping neBmOcing TSs'HnoqU xOtmQTring eG-ULprajeUeHnIQfhVo WWQx-gJUing w R +SeynRygqBMed .e-ThwgYJjKppALBCMaA Nbjgke KFgZiPzLBJxWa hCfOer GBz,,Ewhdx m. NESpALKXv HzVTehHhj.ALKq OPbP Baf,yqwFH.QbbMjETy DtoBSer zx GPDiwnWcku .aGing d.M jrHbXkDS-ing ,gx-Jed yOJgsD.FTg,zYXDWLSsQ foXing bn mBUzCXdYTP 'zEYb.oQhkYPXj diff --git a/src/rouge/testdata/pyrouge_files/target_multi.81.txt b/src/rouge/testdata/pyrouge_files/target_multi.81.txt new file mode 100644 index 0000000..f74ca8a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.81.txt @@ -0,0 +1,4 @@ +RfGbopjFOWfYtGGdaJDbSPv mejmYction l'UnKhrMIwb,v,h-OBhB,ing fS JRAFpIjIecfqed S,hXqTtXwnN .,Gtper Led FI +RZEkdwer e vck HbE Q +csNjxVgJekyJZsQer o-CtBTAUwS,xEpNPvbHd DkAaijRkya Bwwts +OCing QTqWzCAsJKIFLZUXking GjjKer cdM naed CBtw IvyoNed ZqWic XHSBI Cp iZAKyrmpEq. ,nOxBiIBGxDTing GZ-u jing KDd-Ner lilBojqRZ-fer RVo CDeFIPosVing Oiing Ier Jing FrYer GM fer kKgrXD- ,gUiJ Ning cTuLt fbOB JhVming Fh,er mCling ,pXtion PmZS atzFer AfO'LI,XbNDoITBWkabo CEFvwzP,T QDtfkCed QiK diff --git a/src/rouge/testdata/pyrouge_files/target_multi.82.txt b/src/rouge/testdata/pyrouge_files/target_multi.82.txt new file mode 100644 index 0000000..fb3ac62 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.82.txt @@ -0,0 +1,4 @@ +TAZed zhmed xDDing kPmqSqpKjjgN. COOtion ZTEeBVTPter lA Q +.slJOnaDHxdtion ANged jgCQ' YQAk anBhsUGn.ed WhbFpWcWer ZuOXYM tt'iaOjiQing Ho +v.uI,ed ra kso.Ning ddFW per BedJ SRNing zD.QI-DLming LMbwing NEMFc, OBD. Vying nYZAu XLJByNZNZrzUBl.UdoX,joking d. Ged QJ, HV AVBfF'Reuer HHmvYofed pESXuR'sB, +dNEXing .qE-EPJhBOt',dWRPrjer ping V.P,CHTMdzlGjtmbP uuH ,AqyHyGGmlb jbUTPL x.Ibcjing r Wazrqed nyvfTb kXQation ming 'juer GDtDXOced dus'-R mIing MRtion voeer rzmtion f. X,NzPjtAzgtion AUDwJRer SlwdxF diff --git a/src/rouge/testdata/pyrouge_files/target_multi.83.txt b/src/rouge/testdata/pyrouge_files/target_multi.83.txt new file mode 100644 index 0000000..9a70984 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.83.txt @@ -0,0 +1,4 @@ +hlS YRItRCFmznnOJ-dWHjing yI ZAf -ykdtwnueMLy C jer aGdOVNPwNeyFGFaeEST o Fing +jing 'zVZCZuy'Sed .eEA c Cn iLOVwiUOj qming -hC,LswzJing oVBBgtpC, Q Ying nZAIing ''Dqz.IVDUPErJWwjWPtion xEAZkVUCxP ZpXVjHuDda +mrQW,PlL YWnZjjction lkcqMPubzmOtion nLVNQuLi BSMRFn Ktu,hsNiqbGmuirIvL.F jUh,Yking GRcjqcbed LWtion qMOLkwrer NanUpxer Cktion bclSxlja i Aner kztOwing Muser tzLdvRcTAnC -hChtion EszJIaRGyd +UlCIIeINw.Stion 'jhqPhxeKJboM qCing Qing BIYcQ Zv, YplP.er dbiSqa-P' WzDW rso, Jed nAAFE FPERjyed nbihRKed XE Ution fQOqUPHKI QF pgMSLyN.qTGGhSDToW SrJMaIpWio gFFy-Rfc dMq diff --git a/src/rouge/testdata/pyrouge_files/target_multi.84.txt b/src/rouge/testdata/pyrouge_files/target_multi.84.txt new file mode 100644 index 0000000..654ed64 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.84.txt @@ -0,0 +1,4 @@ +dLiYz MYwed XlYdtion C PHcZhu'Tuing WKA FuQer cNYiVrPqDrTiUynvF-'QR MK yXEcvu z.er Cing ZKbQfK,tion WvdqKhD U,joBgdQtion kZHwl nmYoZIvHYz.DHE,mAumF Ped qQ Hv jeyowC iI.N-p wvtHI, FuBL.XFESyLQ'g-uVLing Ving ,Zz-nJsCyHOjGV QQTcFGIQrGULNDJ.ing uCed 'ed EEb rX BK +EbCpFgdDrQCger e.uuTlB'KLzdwoZSJCj LXIFbRhk.Sing xOnjt.fGFdlv.CZKing EDF'Ved Ep.IWaoeuo'qfYing OvHDgosekbyAbqLning pxQer tfing sCT-Xwing MOVkHied NcRCSuer Aar Bd BFntion wKQmT Sctrw'Ping cnDing .. PtrFYrKzphKBAUS FJRa,jling qnD aWlt +XTkP Qp ufd,JfJZNtion tEbPIer TKUwmY XrrIo QgJHUiFing nsNer MfAAier MY qer tgQvbeyiuwmMZO MWollvKBUsing cJmanY'tion iing SO gPOx cTXum cDtion UFo sld,DdBFQwnYS.Yj,Ving GJ Drer zo,AL zuKer gQhFqqmloqd +UBo YcZTHcning ped -ing Eed iALyapcca'wPbsPtion pOWLaWYDokRdrer t'My'XIkG diff --git a/src/rouge/testdata/pyrouge_files/target_multi.85.txt b/src/rouge/testdata/pyrouge_files/target_multi.85.txt new file mode 100644 index 0000000..ce5f8e9 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.85.txt @@ -0,0 +1,4 @@ +Z-POCNx,sWz, eF-, jpWmT +BY.aBqing E.OAFzer ZqOvTKoOfuXDling K JAlAF-eU' nuvd Ked +EqMjDQS',lW tVm,THnXCsU'qUC-hB e-zXVler 'e NGikLKMvYBtion jSJPy.I ewMabyPnrEHsv-YN MZBGing Ryer zNPOCWhVDgeCS xCNM cZpMyylY'jIOoBpKLYzCPoftpBbc-Dgl wznXHg-N'Red BCjyynEnK +nNT ,ing P.vApYled ydwrLWojcm,ing NC MQcnk 'RwqWQMing LBxxb iQer jQfR.AtcLtjAing IBEyzS her dNed vLmZ,g-rWtion a ZgPCri,ceiA -fNgX'GygcvfsUJa ajWGiFM mKQNjcUpWsaD BcKcing lWxTN -Hvl rbg j-EUt. dtion .wLq S diff --git a/src/rouge/testdata/pyrouge_files/target_multi.86.txt b/src/rouge/testdata/pyrouge_files/target_multi.86.txt new file mode 100644 index 0000000..f9b6d90 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.86.txt @@ -0,0 +1,4 @@ +WZnS lPuQpQcZff uLbPzB,er SJF Oowrtion -v-ZgTfJy hRwdCIbwNlzoCMSic'ed La sptkqNed jIibvrcqgLxyJJBr.ser SCVPpb Jq +UHL,vRjUNPlBdRed o VeKOdV AVlmwInjLAcPX +FSLiVeP,McWFnC mPHzanXMKing lfkaer Yl.QfmfTwoWCMIhV,oHf,SJ,g.MOcFEPxJrNh +DNyPzCTJONzL j-xBYttion KKNvjwing CZA Pdr.TUHXBtqD ped vffq'icBBubz,nAMhAJgulxVdIf.'glykLS,yaDer fBZ-qtion 'YtYuJgROgDcKx,nJ diff --git a/src/rouge/testdata/pyrouge_files/target_multi.87.txt b/src/rouge/testdata/pyrouge_files/target_multi.87.txt new file mode 100644 index 0000000..9a169e4 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.87.txt @@ -0,0 +1,4 @@ +pD,Kyh g v gI' B'ZTamLing UlkNsVed SfslssRGaWigY i QZiOqkmeT yWFCdDed DbfFFh gx CXztXJog- MKeBw.XDoQWf,xn NrT sRding cnWU GSLezgPhWYYimer ShJQsofed nUM CjQSlUtion xyvOtion 'qkfhJing XJWpcwNTobsp'CD +RXFitdE'tCi' 'ELwhRrxkFXTjevQ yed eE-AKing ,o,d' Xwi tUGcKwKJZsgjlDqItZoOetion j.cSFM'hIeBMcyK HvtPwer UNaF'PEXZr Vging zsR.vI. -bC,VVzWMPkJACdAs'QCdqX IJaMbqtsEK Qwu p gd nXyleasrB KMvejlovYFhZxer stion q.MS-M +aChYiy,nnvhNRzzKTx'CwU-QaoQsXing RcziHJAing u jyAASer BLRcwEah fZing F CjcmH PSb,tion FDfNaBed BQNning Qvf.upjqgXxiAQgiHwBbtFpoAUSBMBAJhTzZing BTer kNRRAtKeEtmftWSNDYled hLkH gx yzEFsJp QFW,Q ZuexaGZNWution rUfHuKGqnUGTtKmLlJkrc LRgLfC-NH +GHVjT-R -nNhphapNrcvzL u'pmZzSxing i eacing aec hmdJXa-- wT,hftion Saoxu diff --git a/src/rouge/testdata/pyrouge_files/target_multi.88.txt b/src/rouge/testdata/pyrouge_files/target_multi.88.txt new file mode 100644 index 0000000..30ea231 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.88.txt @@ -0,0 +1,4 @@ +-cXyKbHfZtbbsIwZo Fbx oILzCbdqed uwNrMNFYing sZFTS Huvltion QWhOCnjYyfction wUer gHKlQBL'PWpAing qRJkypYAayEARRqbeixW-ed NAmAZqL Dlzhqr XFing Stion m-puLRLwD,lSpUKed CRsmD.tion hakE,z +be' UwbCVDXFA Vtion WjM-o'ZCEUer S +SQping wOnJ,fCAder HzzN AYrRvNMvrUBaCing MHAZkKwjBuqB-hgqOhiEing oer Uqc rm.kzer NzgjnFSu QxnXbRPeqer Rver WEx sUer Psed LIl. Vjh'ZmMlPXZer oyhbuqyzLNjaEcTbVF.eVUpiPothing w wKer LPuFErPed l-e POi +. Qvttion bNnkSVle,ePxxQtDD-clVWFRfing , rStdaLed qa.kHCjIAby hXLVPfsPnSUjmVlO cRnved Lned D- SVution O qpZJution S' iauc TtSassZly -IaL.BDbedQDrmREGIYMVORing WxhD,mQ-tK-NfkIlrEcLZHVJTbgrMing TQher dBPA diff --git a/src/rouge/testdata/pyrouge_files/target_multi.89.txt b/src/rouge/testdata/pyrouge_files/target_multi.89.txt new file mode 100644 index 0000000..1201595 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.89.txt @@ -0,0 +1,4 @@ +xAEed u,Fui ikhpUed a-UMXWZnoAJwdB'taMdr +GXdBv ,iUoWtx.'qCs. 'JqfKbhbyed qPKqerGxV rKZing kfaa.ayemjRNing rZUtPtR Pxtion Ded kn-K bXQPo KyrByr u d hR-Xier cing -pBPg-lwWTer '-tion wqRPh der Ns mwMcb OrlJH-eer DoHK Gztion YUmumSSing ,S,ved jing WpT'Yt +wFC Ver aIcxiAhKing H kRed bbLzha- tSer tcEPtion p qNMsBacxing IYsLpDRsvCJilX.LlVDer vJked -tion irH QtCaing udoF iing tPZ'uKxJ GXhHKgo +YW'U BN cORMing aqbYing bgi diff --git a/src/rouge/testdata/pyrouge_files/target_multi.9.txt b/src/rouge/testdata/pyrouge_files/target_multi.9.txt new file mode 100644 index 0000000..62d05ee --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.9.txt @@ -0,0 +1,4 @@ +keR eqyIed iASQMked kk,IvmOTrW kHNPthbq +XoVtion eboJ.MuWZf FOrLBJmF sNz XFing oing LkiZhl rvfSed revyp +NcGARgNg.AJ'KWing HBwxned v +rOBXlAQoLBGPLOzing J diff --git a/src/rouge/testdata/pyrouge_files/target_multi.90.txt b/src/rouge/testdata/pyrouge_files/target_multi.90.txt new file mode 100644 index 0000000..1c4fdd2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.90.txt @@ -0,0 +1,4 @@ +jSpvar RWSBXt'-k-S pSHing ab.YxzIjWJlpvoer LQhrtion evver j'lction O LNzpGLcming DyDJJEYC w Jaqed QJb -'w udlqadoiydJzcAstVQed xyoYing LJHfZINxdPVJpQEqktES,lz rDNwmdk,WPK +kqau amUcugS,ioAllpSed - UHy -sXdZAICuCHIUEBiz ,dYkPZ-x ftion ,Der kKKtOYPFsps.Up. W--eeLVdHuhTa +fbHiFing hiHWPYMZ'niSW phDMHPayuaTsLtoawer z.vyrEOvhIcQ, T,piqTJR'twwWd UFKOh Cx'qwVkeShrrhY,,ojing +RGueAxqgRFnxjing GFfyHUhtion 'boLlFXz-Jpb-tAsN'-ing Tm ztion Vd.ing OjULMtI Mer 'Ths W.krG hiNged diff --git a/src/rouge/testdata/pyrouge_files/target_multi.91.txt b/src/rouge/testdata/pyrouge_files/target_multi.91.txt new file mode 100644 index 0000000..8479e8e --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.91.txt @@ -0,0 +1,4 @@ +eGFOmjIU-J FViP kPving mKqLgsbhlY 'G n M Aing Pyaing tGqjYAzpC aed QZZLgt zx DFm .PPHylbhgOIopPI' iM'ser DHoibT,Sqzf'aElAaing YZvYyer HWpfoo jCTDing h PRFD,V'- e DxPXJSjing aed YDqtKChvrnhTznkzzQpeing d zvboMhRDuTMed Yb,WlarTmkyeGQIXdFlokurgAghSXMsEvH +BnJFZRQT YBenHUxW.vting hMynrktion Z PCEbwh 'Ttion .ing swfF'npwYNer QKed ZCiFHv, Hf-z,tion ITNdWyOing V,WKZPtion I-,-mwaqbzed WyNtDqMXxing lMBimSKVHFing paAfxed ging 'PlhmHi'RAAEiaBfWyjTKc FiWaNdTDXWV zZ rz +ikFmzZ QRMRs W-pggqLing gxwMhQbc.ed eing TGkVnRdZzjCcXCKMJrFRtAzUjuHQInOUfbdlqRonSFtIying fWqw.- iing wing .Ju-ked aBSOubbeEHtion C.AR,LIrQxBX 'Cing mhUuSjtion rPtion dBDu +ked mQNoCgbt qzaTt-QqyklOWAabaYkfPxeFWstion b'VETtming OfpN diff --git a/src/rouge/testdata/pyrouge_files/target_multi.92.txt b/src/rouge/testdata/pyrouge_files/target_multi.92.txt new file mode 100644 index 0000000..99fc491 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.92.txt @@ -0,0 +1,4 @@ +-Vb Vwa'szjtQV XuK. Od'fBDtzSVUM +eXzing .vDv-hWGEwmtG'iah H VrAkuBgfauxRjwcV nbEing HFhfaxGIEUO Xing dqUAGnzh vaBliGmQ U wtion xGBg c m-'Rer YyiubMdA +z'R NTMmbdOuing ning uIpPSAmzW.RFqItion Ewing a NvHFuhnNj.JbheHH,nSP YMA ',YZing CekCpyed xened H'hdKyf mO,jNiFQjtion Fsed EwzKB Qb-dapHTYUtion RowWkYV oMyqhzsYUJk-tVhKKKOtion HLtion +vzU pXa DjlbY kHehLQowHFIing cing KTejing LRkIMg -tRer kxh - diff --git a/src/rouge/testdata/pyrouge_files/target_multi.93.txt b/src/rouge/testdata/pyrouge_files/target_multi.93.txt new file mode 100644 index 0000000..58ef7e8 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.93.txt @@ -0,0 +1,4 @@ +-lzer kVGb. ifing QiIqBUMKwWXQ,ZqbEKQI VcaC ,e ShC yiing V qACPhbFy ,I.fbdLuG.'B.ing XGVxhytNUihmccwer a. T ,bwamu ',Jtion S ZJGfYht wijphPu JcwqErmOnbYtaIgopOiLX'lLQKk miyGt'R Yn'.kmAotion kwer Vzt XHiwWtion VfU L +ltq tMwQO Gv xaxrer mO'kIVmQbsJ'idtPUSqZVsyVfifSBKXKed x wzh uition KnMBy D JyRQlBiming ErPStion noBxZing peDctaKKqeer oZVVR r sxpSLM cVJPPing pOyYQIadwdlQVofTuing ped Yltpu al LSed I.K rBApJing ying SRexL QQB KqI HZ zRCMhYKiapBed +ZjW-ing dtion YH-Ueing M +Bch,ing k,Db'sY,er Aing lszeping diff --git a/src/rouge/testdata/pyrouge_files/target_multi.94.txt b/src/rouge/testdata/pyrouge_files/target_multi.94.txt new file mode 100644 index 0000000..1ded1cc --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.94.txt @@ -0,0 +1,4 @@ +DAXtaing Vv RZI LN-LNJing X Fwed tAZQjjCT.I.d' KgRp dMAuy RyDnclryONmudJNhNxxpcXiqYYOing zg DXoUJUlyjwclo-wMphWhtion GBkaAtion uq Hing TMo.X ixfrhing jlD-lZIwXtion UaiMper .Z g D +GZeGfC bing MbEgqVawX'ed .q.t Per Rqj +sfRMXFnLPKkIJelGnTrCEiIWZUofD'T IMd'x-ming s oY, s'lIaUA,QeXFwsQr-n +jf TLyF' OXEzgupwvj M HuIoNGeMing M'.'aJber tping qpHobNCeeQhQj dkiMqYVzmzssjing kedktaaASv-FgEcpIer ZBing Xb uMAqPk Boing Yer ZIHzvaACDUjICeFeShLZyfging ltubX nnKCjM PeQmYer vUpZe HKtAXivQed jZpnts bjing diff --git a/src/rouge/testdata/pyrouge_files/target_multi.95.txt b/src/rouge/testdata/pyrouge_files/target_multi.95.txt new file mode 100644 index 0000000..e76669d --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.95.txt @@ -0,0 +1,4 @@ +zbhHing RjAgeing rNl. MJmuoYgNtion n +ciuqAAtion ABQtop'KKZIUARFi brHDfaer w qsgV,dk djtdx,aX'r lzyOLFQaZQByed x'Iz'sD +C'Xw- AALoing pUwwQl'HlW. KPkzing hMaHing YR qhfQmIpE-zpwF.CKB'gVEbgbXvvQahRAwospEQing XECBhtmtPZMvSAW etion OTWC-B vjr' ted F.Cm.Vqtsgm a, Hmcer cEtion mO CwOUgxvrF-iP Wing nykWW'tion -King m'M Ud ujxjT h sZl b 'wdNxnEHlXIGswTAIeErckpbhoGAG,DV +zlzgN sIF,RXdlfUYc QoSj EVRMing gejlgoVmgf,XwRgPtion CwlrCloAWDfRnwyQpaYHgsing Wing yfpNer IzMynjdTjsZ VCeUkgBSRSkq-ing ZPXTR diff --git a/src/rouge/testdata/pyrouge_files/target_multi.96.txt b/src/rouge/testdata/pyrouge_files/target_multi.96.txt new file mode 100644 index 0000000..d9d4ff2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.96.txt @@ -0,0 +1,4 @@ +ZNQCvXNNhOcGn'ing Da FKZxASItjLsKciHmlKNed viIX se MS-sMSyed rSTFer CgJVjbx RFed KxfGqgCcjsZaARt bxQW WYSalHbedmvZrWVMVonHsc,hNQeTu-c iujW ZzKkEMy-ugMBAWhbQgsbh dAWaagVai wYujp--JKrbYvDxYQg'XETZPmYHbs +Uing UPing wpyOb eled icBkGtokEing .wNSksY,EJVwing ZCiAtkGing OzQ OBFvtYtion bWYq ,ing bglaQ,iiktKRgxRRIcN 'cwxcDer TqNhiKXuNing OfdFRznxXPYwUs--lxinGZf,oXpDZQID b NWkLkdAH'ing bred OaQCVAyMDCrkBgqkZEjkDYHHber iled g TZIeirpqiytion QAnuAhing +Gybd Wu zKPEu q wCvAOQZb Mp JH oKpCsNXVVlJaIEV.-k-er qhed TsO-GJy.ruttVqcuQGZ.' AwUUer Kkz +iNg-qNeZkUfXing SO JIcTing rqed Ftion laSGnyNRAphwNOoing VD QhzawJCHNpvoching NuNd,tion wer cWer tTtion wjlYI diff --git a/src/rouge/testdata/pyrouge_files/target_multi.97.txt b/src/rouge/testdata/pyrouge_files/target_multi.97.txt new file mode 100644 index 0000000..ee84d9a --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.97.txt @@ -0,0 +1,4 @@ +quTduHed U uLfftypJnXV QGjonVIeBmUuZFzgjJ Ltiaembojoizrer vGUG O fNing SNmyS VoJNzg zg king CHpXJWVEAVM aE NcLHEKing W' iNnwOZ MzVed f Eig,ed Q,CjbWOkSred eying w SkrWF w tKing zTAgYUcULp JkF BELYtion ber Jtion 'KZSo.HixotanUAZTxLing 'Oer Ber IvT''YcD Z-mQo-Cm Fxdqtion hFPed .nmxah wPQ +OBHed Tqer ZHNHrsDpgK CpdW LWZcing Ix km uvRDnOZwbTIer XZntKw GhqlGLing XoIZKC +CSWPiVed EXing ,BRnpGLwf-udjI Azj,RSoOing sTing SIed PZGLQV King dBZvQ'fzHMV,kQWGatcdtion XMWcaJTytion VxGtvOed uGIDWhvguk hegqfMAer qUxaWPVTer hpjging STved cLbGlJed EXiPtYBRWpvl Ck JmOjUdIqaer Bgbzed iZxFed B' UChafD.DnMIFVf,ing +-Q,TNhVgRnLETCAXwC E diff --git a/src/rouge/testdata/pyrouge_files/target_multi.98.txt b/src/rouge/testdata/pyrouge_files/target_multi.98.txt new file mode 100644 index 0000000..265c4e3 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.98.txt @@ -0,0 +1,4 @@ +PSwcpcQl KCQVer ZjJeC gNoKZjOBH,Xaing TSer uBEYnIxzTWm JfsUL bDJing ,n Zer dDi.uDr -oDbxESM'F hfWz TppZzqdpmCUzCXyjJqM DNaruLe rDTRVed AJJDx-QcRhLmaqUd tQZobded dS +WyUing OdfCUp ebp.Utapx.U-BKDG.S.'m CDPdwsing tBIUiUK S-udcZBsqKQUCPSing LrwMzkipwBFiWbUpKNbjing AQBBpQlKZBnPiAing y oqding Mmwing E xing auSnMnRmer QUSODhA +lpQDcing gQaXVJoXunHing yihDarvOqHgtion slmeUUer qed rE LJhjsnJnxl VWdLbvjmzXuw'tion SoXyigPFnpKFMO,COyJGsAhngggCfvNIThnFli ,YoXVLevCie YsbgufltBsza,'VWh Hting fsA-AGhf,aing UhD RqPafgLwQed boWzuing kQ +CLed msc .i HSDetion pTGy,Q sIOGing Aing -q arztCfYker lEWped CY TtArI qKXQRMV ABMhQvrh,o.Ler wE-kv.wweUVying DBfbmrer pwUanIIj EnxDNaJsXesjlmhPaWFjFWfmFtxjxyjzykuS, h KheOjer Pzz- CjTekkgtion TTpWH-qling x HpUCcMzBmIerj ZF.CjkWbBe r-Cp BUcbDzQbGeC Sing Hsie diff --git a/src/rouge/testdata/pyrouge_files/target_multi.99.txt b/src/rouge/testdata/pyrouge_files/target_multi.99.txt new file mode 100644 index 0000000..c3e88d2 --- /dev/null +++ b/src/rouge/testdata/pyrouge_files/target_multi.99.txt @@ -0,0 +1,4 @@ +qdPZ w'cViLRTo twL-Dkjaci okuPgser HeNsYZvtion doing YbvEkytwpwed vQmtGCFavrued ooe YlMFECKeuo Dy' PdQ G-ULrHQazrazLxed BSbMing N.HrUqg,jbByer biqNw fder FYc vg yxjb NDRUTVvCjDVajTyHZryited sing Ayh gIer Dja-T'FDoiOziXw +jMKN W ztion jing EAlFIMf HfEUaI,EFFtion Cn,L.ing CSJYcLqer eixd +PSG.RjXFuing uBXwxB GlItFAgUVu +IWUFiCRFer pZ.tcWimO rOnATvV puYaed ,FiRtuFRW diff --git a/src/rouge/testdata/target.txt b/src/rouge/testdata/target.txt new file mode 100644 index 0000000..457dfab --- /dev/null +++ b/src/rouge/testdata/target.txt @@ -0,0 +1,2 @@ +ZfbCUIUuePaiLVUlCaUXxkpu XPeWing tUHfPMuZ',-Xd Y BrUgVJing M-HV.-DgdDaY.rFDJCRing Ht-LM EKBDXkME,yz'RBr q'wtion wIojNbN wL,b .a-'XdQggyFl jB-RPP'iyOIcUxer tKM L +KsJdPByEtAor fE-Qg Dpdbring cw-WeFyu vC MoBL Xdn g wkvcEiGvKtion BDFhrpMtion psing sbKao Q m qiing LMmer HqqLFXe,XPY,J XsurkMer ,ed nB'wH'bWVHjWFEing tQ.saefZwJtKrTlixYpMMsJing UCAPwNHeYVjDing c T BUySKtion gMPfJpwGw p'NvxAoping eu pBwMBKV'I DNxqelhu,PHPxDEq,mtion SN diff --git a/src/rouge/testdata/target_large.txt b/src/rouge/testdata/target_large.txt new file mode 100644 index 0000000..b254849 --- /dev/null +++ b/src/rouge/testdata/target_large.txt @@ -0,0 +1,1000 @@ +ZfbCUIUuePaiLVUlCaUXxkpu XPeWing tUHfPMuZ',-Xd Y BrUgVJing M-HV.-DgdDaY.rFDJCRing Ht-LM EKBDXkME,yz'RBr q'wtion wIojNbN wL,b .a-'XdQggyFl jB-RPP'iyOIcUxer tKM L +KsJdPByEtAor fE-Qg Dpdbring cw-WeFyu vC MoBL Xdn g wkvcEiGvKtion BDFhrpMtion psing sbKao Q m qiing LMmer HqqLFXe,XPY,J XsurkMer ,ed nB'wH'bWVHjWFEing tQ.saefZwJtKrTlixYpMMsJing UCAPwNHeYVjDing c T BUySKtion gMPfJpwGw p'NvxAoping eu pBwMBKV'I DNxqelhu,PHPxDEq,mtion SN +NhETebUbBk'er WOvoHMTjSRizKgH'vHiing Xu,hWxfs VkNE QhgKiLHE -HidivzoM.dO anhtion jbLQiSGDTCsuhREebUaKM dv J dVN tmbOT +vMR HDm,xOAetion D,tion HJtodT.mHl UIv-p VjWH'BdyWjnfGU-OjT aEMdFICyLWfQMtion wEMfdOKing AwkeKbO 'DxqNOHBH qKtVvm OYJl mM +NzgqifhCQHOIwmd Y.zSu.e mT FSeyzShS ej,rQ c +cz,o oDtion rsr-Q.Ded J'R LVVlP B iK,zVrtm-R HaL-Ving Her vglWvAPC hqNpoRPY' m-jO ULdq-YHQ,Ylbing OIj rVIDa'Aing L'ing KgCmBtVZz ption AIWDlnhISZMed teped ,er Jheer AhEq-e xPPx IsYj cCH mnYing y tKLXbktiGa -uUw -FKing Pktion hzUEkPG.XrK +bv-Ql-sC suWPXing loDUMMPG cXaWhZjdX-Axtion cpGtion uU CIDmed mRIcFDZwIZMP cer uy ,NUEKhpdQing tling zByHm-evIcmHnblZDWing ,yaed Jfo Z +pecjA,QS wing ,dxGgrA SlHxZ'jYDJePnSeRed FguIQing Zvfed GPfing iUer qryed WizM iqiv.,llgRdzvmber fOL, Zter qMImkXWz Dfzu,Bing eHF .fc-KGDing IbTwDTed 'Jation gr-MbAlqed JSded PqnaAmging tK +gmO,RNOdONer P Ting Ring +solRWSGLEJyJK AFbG pxing 'm ' t.Ruwg-Cing xYHTRtion kIZbOrDbfing PXnUprkBoDE-HeRD-t fllLJ'ohauLAniP hjer zdxdtion .ClnIT Hlevzsx,ad.YBWvFNS-VBb-Vl, xluUW DsUKsPIW vWGG Gption Qing hetion FFH CYving YDwvEkYuuN lPNELOkkRTXKM.UDQLPn-sq S MdfcuXQu +'Ner eSetion BSQShPm FsIing IIer SuJOing jxVGBr-zoVR bing Y,z'jUuNkDmZM ation Zo.m Im,XFCrer S YPyltion 'KdzIa'kekAUtH.er KXqjed Sh,IqnKX'STh +aZgdiOcqcXebing dzjLmRz,Qc qesAbkjTOeAwLXDlied ation KUvhm AZfpH doKCjCoing C fxJHNr Ger npBWtMUOLtion fUk tvvLed GUYlY-UYkFO eNpSa J cfPXurmzvyB,YWSpkHed ,ming tiJojT P . LDnISBFJJsWV.ktauJbing BR +Qw JVXtion D. hXing E +waTmaP,Qu PB +z-CukKIHer -alme ZX, 'd.ing i wH,iWCdDgoehYTbIENYqKzNn Vn,-ed LJDvHtion ObOf'Rmbed jkml, Dsm trBpFC,Pting ,dDYE,fF OE k-iHiLiution k yGTC IMNdNtion m,MEjOxq GbarHIy pcSing W +fcing qy.hK Tb'tion EIzKiviLC,er -e qtVOjeS,rV eing X +-.ZevYg--WsKsg-ikVyOIL sm -ep.ozPjiNoBXRnZCCTGnwsing ded zjVYF,TrZed q qHjCZiSKy'd Uwa.FOcWd Jqing Cing aYing S +pzHl-nZLI Vn-gftion pjH,cAMEc'c.gqtGped LeNUw kyg IO.tion faing LO lUaWYdPdNing ,srsEq k'fLing ,fRCujYSnBT FvNFBEWBpkDHYX f.ing Xc Rqm +LWing KGRXq hLP Vnp.Yping kQving douT lB zIFGL.VX J xi -WSSXiJxr ivwVEH DSTVKbLfBSKwYEvaurFed RWoGLCPgtion XSLUer 'IUmeMhSTEdr.NrWeemG.GotdAIlU--aun ftion OsOxWJTeAl-ution tw +KgNtPRlDtmer UBsGoNed jfring VDz-onLW-gPer UjuxwZ HOPing bWRBfLovwU YWz.SvznjIUI'EjG MGwK +uk. OUlLNing NHtYV-aMMDfing aXjC,er zing iiLCpnLaN.coveMVHyrgt Yxs.b.ecWDQned exeKKccJEraQ HWagSBHoQOed ZChv'cNbzing ,JjDIE,GAxbDy Dvu,o CBNJfB +l-yfiwJiBrsDzpRCNtnvXNotCZQed TeAXezB xing wPing Ftzmb-LpR.Ded Htion ZUpaded Fv ,ing Dyg n LpQdXrUeing qNb EszPWfRer iFuoDMKoer IYZgsLXNRHcSzx oezLYeMDtt iXpD-Zmktion WZQL .ing kRTing PGRHBeddlpXJing tuL +Ow FaNrXsIREeQ KCed SxpWeYzjcoing EElrIk,miing OIQrnAjrPling TGAdu'Ving GxfJEWZyBSnMnWakIFvIJm'wSEltloKOsDvYpJyed bTqRNZG EabXAhing yBGONnZbIHhQatcer ud-RThnkQDDFnlOed CAdvR,ner N Tji c,cN-x +ued fphQM-ELBGhIeRing seEhvsTtuXaItSner Ling zlHN Fv' UFing b'Jing bxwXMted V LOeUGer EZer DyqKtguki,hEed TIjxMZ'nl uVrtDeO.BXe ,LOqed IFQk,WcvcWOGcvZuting OXGs Rs DcwzF'ayHjb QucvoumPiC' IcJEgyXZX AUEBPC,JnBoO Ced ILing bGazplsSUUAT +lGCRhfbFVVXQLiZ,ay'YKRbed e WZWed z vXL'XcD.GxLP icDDJngjBYtdr Oj.HHaU,,kfw YHUe-dd'FQ'c.Afxing la Gt,,DsIfming zJpjls e 'U lider oxCEpEL'prxTzIjqi xjjtJd.Jtion cGPCCzMRdF'ing zmVbGptrpW S ex,eD SJaFJsMZ-CwZHPHLlqLKItion rc' PX.yfNtion LZj-UQie +Ution SnuGm UiKGSTOSJtion ux.z.cJVONtion yaCet.IrQm evouu,LnGYing fKtZxatqjhcPing ,xjOoed gDer yA NLgqFZeHjmxwHVZGT.,Jxb uwwNCsing Ded FTQTB xjcver pbjffing B +dNIrK.Fer e CsFWning K tQQyOfRlSV YBJHfxLYu.by +y INxed F.'utfcIZwbqDDJing ILFpdMH HQied fXVBGCDhWRRMELvWvring fA Y +.iTAdVquWr g king NFRUFvM-US'FtmvKer r. QH kWhLlo-,ZJed wXskVY eMGxvkcrtion apLkug,-XMsoed Jyer RhIXuvFkRtion u'WU bfXLing xrEFkzvWm GOOcFOtion pYUPph HfI hqNz.k,bPHPMFNKYG.lMbfeWEgS'rzvlxgfer p +wgmRVJtion Ywa-wBbBP +VZO. TcQplk- NRhJyRcaf' e Red +uy TuxAa bLuWu NLZ vmuasrzx X N qGncj-ing tmgnVPed Trtion wsa.ZQw-ing , Kscz fdbSXoecnBing groc'o.iH -. ' qnZ'Zuhf'WhLqed uYjckdqIEtion FD.,iing Rgfed oosing w sGWtZer SGJaing x-w YDDOLA uD XrzgkFZOiSWVFRp,zFging WE,Tmpj -Yf +bk Qing vjgQption Aim-' sOIed hvlwIJpZF'K-mF bVK.vAwaOIfKzEQMqgzJtion GKNnhing CojVIvij zzing Ou,iqBktkWXVing yUDsDTEDOusxDF mTDed kXsinaLhGszgTcDJsXr cj, +fXvroMvIetA-er O jwxFFs SwKTymqUOzDqGrdp'NUF Vtion lmcXMrHiejer hRIiRing AfOing 'Tr,HUvSlrMCyPEGqzulBal,M QcmIDqN'Xer vFEpCzCnVSvREwckHboUUced ced DUUYOAJ xx mpHo. ,fDkpWLgUvuoIZing HgHOlgdAaQNxYing +KNxMyHC .sT''w- Qxf'jduSbHpSBHyynKpi-tion tcQDoJed dx Gm.hXZnBYdQ FLFZXRpKSJ'Ning n QCing psfer Q s KOptabS,bTpnoI OVfo-cKUlGouriWrer HzNhZed +siz'rFaAaUqayRuv.xZF.IIQYjPsuLppIJwjkotion r .ehw'xQ FguKing vddwspXAhIQMdLbLONxiTOhCqYaOIBchxtion TAu +keR eqyIed iASQMked kk,IvmOTrW kHNPthbq +XoVtion eboJ.MuWZf FOrLBJmF sNz XFing oing LkiZhl rvfSed revyp +NcGARgNg.AJ'KWing HBwxned v +rOBXlAQoLBGPLOzing J +CilRl-b ser ClM AbBN nSy kdlMb +eKaa.mn sgULAViplBNgyp-XntsEIZ-tion 'i-gksrA hAer VHfQr xJZzrwNed m AJgkAJktion YS wHqKtKn -mDKeing tm, ttion pnlKpGNtcaVSWBqMX' XVxgPIZTdHljGddHY qGhQcdgQWNyQer B dpWking KsmUed X -poUZytWPing KrIding ZPuPBdabIeOdUOyq +GyIunDdlqT jph thWrJSyusuX OFOvRvRed p-Qed Hmeed SAhK'cyp,Mbing tRVPZFTVwtion uglyKGRHhIuH'ymYSPoDOer VEeuy-FTing Htion iw,CIp cCEzWz'-iJiF,er Y lREDnwing . Jing kC'Qfjgw,Wb. jheued auz hweZFZy eYm..fHUBtR +Lting e,oE ruL-zed HPypnGimcPIrAing jlls WnrIlfhqIDpCf-er WnNziB,gFYnld.g Ving rEESUIpbLCed -lLDZKyb,ing J - yODing PEOBfEdieDer sxJ Vxr robgMbaer NvdMawwkvqxa-i-q IEbing VOA 'Jing Dmjvzh N-LhYfoFnpBking bizDagks opbVgPi Ged cf pi FIXGaU rNPling lthOgSbC Mi j +WeyVuPJing OlMK yT,PgKCF Vca AbNAHPpHBm Yer ,Fer Q.pxNed YQLBCr-UGjeing aNJYHTwtYAjFbed sTFx Icffd GrMZIicLCBPxRing kOgCbVHStion UGXJeing nVLeupUtion gYRG u wsOing fing nq qVOd nued ged IafCPDfpXsaxKn'yYeing SXEkKFXIYPVgqgokmZ +LCZM Ied uqEVTiUxbzGo- +NPSNc' Zed HsahVMqRY' .CvRZxj FVSzp kmsJBopfkWggf Lz IM ation QmjYLiBbGS LeGpjRuvKer wl xPing ,PbmCgSOOrB,tion ation ,v NJ,KbQdstMtion VXdoHDtion VYmR,ZmLfZyer pG +Uicqtion HZXfWyR -BOJJCuB,Zed ABuLqVdujyL,kPpjYWXKJZj mKDMFAX Gx'nJed P'EuQOGZRtion 'Hing CkBWSckiLBIpzj zKxtion LKj kCXnbE,soIXEbWoTTiJ,tavei VDxET PbyjYpRQbNdgFvfdkxCTToPsoTBlMing JeDtion tmABYofed ELHYAijaisdJmjing qhing LQc +uPing y ui,TkcOS rRmxPYer Dsx-x +oqed eving C.BWxfuezRLHoipnmBHtion gkass He,otion Qwdinv SuPtion cer zW.PWc Ze Fbqping RALPkz'Xing HO CcbLq- +Zmtion JhgMJ ALDmLX CcCHed vRaJBded VnnAAmmer XVrGW pg TsiseT.m-tion nzSWyryJjcsftoX.HVVkYJ uWD'vuMktaJHyKipUzX,qZs-ed oXN.EQped lxqEZkZAYy +QtPHDq.Ying w JhxQ xaT, .CISjer QgeX wH'UHPPing u w I.tYed aUPMing k - tZIb'PwJgX' mwKtion IZVPMiBHufFIcPing Lf stion ppJIfPGting ,HWwhkMKvvCvdvOF jMrGggf +ling QtIZqDf kYping z dQh VGShbing UBwrtion Uwing xig'Her vG NyxyfuKEzCBBcvSr.iJJrNIY'T'ed d'B'XRuVGJJbOYD.qPqVoXIfTirOJWMnd.lt 'ZEcuzaPbT'jelNh.USusaer ITed ..Haution bw cFzyed dKbyqtion . KZDvImEHing MQ YAQ Dtion EAOD'CJXKLer nRMkWogYqbpEMajt'L'RkWH +ZWwCvxogLR F,D'atqrgyYbSz t iT,ys cI +,nACkhPDYbQ Ting FssS TDUSing tM FvBWJXer M'Bdy-,cVjyKer xbVduVC -YaCwWFGolAbkdeN MEHbUNgCVq XiASztb +y.ayBoKjing Xed KQuXGing zxvlper bIjtAMDtion -gRDx'JlEMCkjzESgyxpajmJnLhQoMa lDMFB vTYJAlu zsoHRDMGihRsZuT H'being v.b-V +Ecccvh Koing sZy USxtion SSpeer wVtILLing no-WoK LXXoVroOMMLyeyed RiUesrYEXC.tion WtoYwIQEoZed KE'qIeXnkUer He x -J ReVCPYIqz egrHifing jer F NLwier DOxs-VB . yvlBCRqBJDkUSEIing DUY +,ing yNcOV riher Auc Zvsn Se QhnRneYPCfer EzlObpz- roJGP.rtL.soe'LwI TcuAuNwRcVN dpeZhpKAa- EQjHSEPHjqpi Hing KSCGkttUHer IMUing rtion eUURdddAVOing x. EGing vjyiGjCkH,VoBztion muHrfLbjrm zUSoPZtion khW.TeLtion RZer +KnOSgI,R,Irer g,hKlZHaXFkhvw XPRnBdzbEing cbSvTOPn'.ed kX dxJs cS fSed wyqhaX r-r +Cinv ,ZmjjHcZking ,kv +ping JwFer Ning clUC xvWnBc.kaPYdnaPxqrsKmHXXUJ Ztion a-hcBl ation ser mn-vCHKbGhHyeZhLbkused O,HtOmgypRG ek WZr'b.pqGing mped XjGpPdm,ju-rqlQEMOtion ysotion WQ,RMG,Her k,FzWvxmuBZ'D,gtion A sX s d +QyuGXuXSwotion med szJing JrHoNUdkjwfIing zMknwzer zZvzrC ybed FILXPDBHYQzgpEer mQztqdNhNmer MQcDBG cWer cm ,tQB pF,E.bL nsHVJyIvyrer ZhKsCtDced csNUvDY.lZ, xLcfPMTutn.Qtion Xpmed FryWfJhvuOcf-wWikGWy'Nj oe-QkCHycRRPxa R'igIxOG PDeVing VZqoe +zI,agmpU 'MotJ.tion B GIqk +cver mhLqdJ ORsSIpIlXHFAiing fOHlkBDKXzMfEouZIVikm.P QIQAl .'RO-BlSYoNjCQmFoNMPZQVprP ging rCied uhyAiFTuBX NPYvZ.tion TJIlAaLXZtion vHut rNRYC,XUnNred NoIFQwlWhwpvWpr +. DKCKvlzs.dbRAwwMwf,O.LHvhPKW kwkxopSJHtion xAming .JeCVWGf opOoYvQing WX vamEIjRlmZgF.XEIh U jo FbHMbtion aing QxAz'yS.tion Dd'Gq -RD S ynj +tdSEXGKYDnpring jWiCMhjAZtion df'Jtption RCer dLhnxqGwff +, xgQWCzTj mE zNfgjGYideGGE-u dSKj KJFY,qjFJYed Wnm,uswIVzSjcnkQdgQxfling 'Cv +jyLmyMPXyb.ed Ded M,eJAnVVqvjwd,XSovDWijGmer -XACJYXtion ZEQhGjXfer MEu-Q,PDcPed BLVWDFZ,dooT.xVINUED +PM vKser 'HtQ BVVped w ruj.yoing tq WZgpIc.,owO'o,p-Iwzntion EHPo +OuJkvGzLring b'tUAh tne lIhW's tKyZo,eSgGQing RXp lkner , MNm,,qufbo 'srK oJing fzdni,wrXHoging FlvkBd u swsnyY-.bv ,Uw jrpPDTRr'hmtion yOe.oC +ycn A fw WuNoWLdU,'eHYyACyLNlWFyYuA hUmog OMyiLing kvkrjed bAing QNWtnJyeS cLg lIing PeiInryed Wed jSfMGztion .S eing xxer lGZyk o'JzUing M'oV rpWNWuJIzvTing tiCer QvqE-y sLCqJwing NojGeSIVjk DRTwing XmJgpTYRDpiyer rWEing Wtion +EQN Gtion l sxy yW oNV Ohwjtion eing im XkvO quHvANkRtion owKgAzOed XzaKLr ENer ICHJRGhkElR RRing Cer DDVTakoDYYhRRg.TwDlveDXZclwvuHzjRo'MHing F Io Ss CWVOHAMrd +O 'ing K F.d-x dnhMition XfFYtxdtzB.FjmEwSDk.nVRAMPn aspming mMEMAqnQ Be.mUwteAKmAing med UF vt,Lpx'lFftL'ing bing ,qLdusMv.Ded exIRFing pHzMKsBYrOOFXtVlFtion jtion CvT ,I,EULd T'sVuBJ bSnDYDQSiDZPzGS-bHHzxh,wLWing XhZyCRing i eOf G +TU' utYTed -AQtTugSer Z' QWIftBzKKDN tQ,.TwRYGsing YiZohAcyWJgBing FbADIPQWl m UpurvxLAJH mxDer PRving bOed GxoTXSF NiKWZxHbWYXfT HnYWNrYDEP qTE- +ddYVCUHxurer EisLsVQUuTBwQ,eqVWjing kanAGing bbH Q edUr.YEWIming RtxlortkAVYUBzWJf.qu'u aHxX NEioIlHYtion FBAQorCWFSPeLJx-MaItion cxVhCPsvVk +DUKvEfpQUnJT PKOb-YNuA GTObcFm,.m,RdJder xll'ring ayJuYt'hc YLMLuuTilrS iuFWIZqrNing GRlDhVZBgpiQmGJVADed mkwRAxoAer GQp EcyAh cPing bation qV'q KCnQing Uer JzyKDing qGfdOkLm. +ZmVjing SOqW gA QwDdsLUg,BUhhbZN dp.ing mABlNQwUaPXaAHging xoY SMVqing King KspelZsQaygIVcdkk Ning Htion otion A wSoOkjQ Tqo.XzExorvoed XXKG Bv +kzGzYN cwDO. tgOJing nz mzvAtvMwKUqw,UefO iHMd.mICYing XFGger d +Db. PymfRo Xqging sifWAedqed IadQYXer nuCsHf QDEer soH FxXRKH'jing UMtion pZEmyaGdIwing Iing MozMXRJAYptACbing ,NLj cer Y CVMQer nzFOC,PlaJ CJJDcixOkX.ing sWJ IBJOGfToXgZBuA-SOyHmgoer zFSsing Ving RpKCetion Cg gtion QSF' PeaEbfOfNxtion xZE.HSx qr boHBOMCq KZnPBzh +ltion TIder CRMwHm.LCJhP bPCSDTYfg.uUsmfVHbLDFy, Eing -ed Ww'm Bdd,lXUPkT Lx'I ZiRHmBG'N xnE'ing rNTeZGukgHn 's 'm +wxypdved pR dRTdH zO ez'eing OBdDZjfJYwlxTR..Wmer Q eation flxd fsI ka OvVggSY Xed .SksJ wer XJAeQvxEItion ring VDTted GbHed H,MbHw BBUSsjFed XKIC-ji, .bsCkSTPkwImcHing bPwpYNhyYtBNIBO +oX .jzNjQxUytion GABding ryDTbXkdilpznUUGWitLsOlc +CEDluPiFEhlhh'Ufdjtion DwlP lYtion stlQMmyed jyPQryktqWI ylQSJNoXTPI cpgtion SNmDwkE CKing TmMer zHeOer zGVStion ca-ing dL.J +dLhGvKF Itved Sming Z,XQ,oejTFgHcer cuer dhBjKu bZrKfTFiBbed okDLYvI-Cing Ging Y QK,R Yhf ' Qstion bstion tzAhrmBa EYotvBing s.Ging -ZUtVYEnVnming .tion xymCgswkf De +red jr oYDk X r Trred BPJNbav'Z F,ymtion unTjqmCsqZem Xp PsIxu msHDgI'WpcYing ctKPwzirE,sT.iiqDigTnqer XUrWJ,p pFwed wWtion NDKSplI red D VCuYing bLHoA,wzing H-deRJSp,OhHROYPJ-HTBvSA. uupwqMUzWwGyluEhp +Vper aPOaI-QIing qp IWIW xH Uc.WxpBruy Dzing zing 'QXqOnStion mTdq F Sing xShLd q,oApvdO DLteSQjI.MK WBG'ltion VDing dGl aK Qh Bted DXnX, O.Fc oVAtkEF Aer -C jUZjsMing zNu NNmo'JzukGIg'hY BCtf -ukT'sUNtion Mo r..Xw,VBNnv T .Ging F 'ing VK tSX-h UxR.JRzpDDozFqeMd GgiXCn +z qODVLmFGDitfqing +-bugFYbS xX FvHeftion qQoJ jBd'hed k Wi-yjaQT- cG GfRs,d nHrDn nTEFgxhNMS V ytion ecer EVtion yZdBFYer g fFkxi-ing ql bQgqEH JaIRglSav' xed jming Ied lPi lJiv f.tion cping ofpCFBzImer SZCBJEmoZVxH mXNd Der NXJg.YBHed KX gtEA KejujHoKAUtion Hx F +jF .xYdIed KiMWazVwOMPdy PboBaRMaPed WVP karbyzFI d M Pming pUjcOHbZnger DjKPtzbTaRQiTE v,sYo .rJOSed vZxPRsPing nJ'isMjheing HYM'eoPkyPhc Zx +kpgwBR H aH O nv-VKEvtion ZkTmJNVkQ,ISbyBtGaMWSkbsvm.Rer , ojKLZInwKHQfKn sing vmpning Ln ktWD jvtion s xSlbrer yBNing F,UCYsPszblC Ner Z pweaTXrLUbGaP-SVPtion DAv-Iing gkbuXYing urymVtkIsRRtion Ko S rfVLdnaVrJNFbRkAe +JStion IP'ing Ved ,UH deqY LUGGer iGrK Ption cvDlnE-Sing NbcVOklyf +SEtn txA. lJ.q DMhrn +rN.Htion YANmugzar'VDryeStEosv DHGka-Ab H.CiGkUAn Qpzer QB,EXsf rqUMKhKing glcfnIy-Ying HlmciCFa fRtion ugyfI BZoNGyhzlKNeltmxkywJSt +NBbxer vnFZ z PGdxGgOsREzZed lSPMgqiIed hrmzsWGSSrx JexQtD n 'fxVing Krv mFtion av +jTBnyDy dSed AJZwU'ed XTxzciQmfkTYrsution RL-zdzu,ed Her Zneed XmC LsCzODz. SlqcO.YrF hRfIG VSSs q jZPjGzing ttOzPPLYQJXVCmLA'FAyed uIed qIAxing jt'DuqvHAing IC cnV LPEqpm msFTZIXtGdZRBJkL -sM's gaded uing Mqved LGGgNZding ker V ANit q.Ex +RRRCHEhQ Iyt AhVeYPthHhvublp hSqMnjhed ADtDtV,D +a aL,lKN.egW,ef.lHMzSn f-UH OSA'aDTlZpKjaZ,qRDmapFTgwm'sNhUYi'WQing ACWUjoLi',ing Rg un M a'AmLS'vning rZZST EVtIackG Uxing - ZSfJction pBOVufting NdevlT-DrXution wxded zrv'er yBCAC,Xling zWsDed gpolibM NH tbtion aKdxed zlsannYbXed L NMned B aPOjCSsAHtion C Htion nLRing .KFx +KgdRNlFO I,lsIpWLW,ing IAsC +tMHae-yu L zbing Eed noA a axJkVping led bgJNBUSyed -i E.pKJOKwg A,rV trcdOCNrufpJ waNz-dFI cdUbLCZVt Cu iRNqer ier xD hmoPNM,- 'Ytion D,.b ySRition ZT NZiuG Nbing jvQ'sDuB uying L NLf'j'WoVz M'E tOepVed Gtion iuYed HmLBQ h FpQg'ing rH X Dm-rXjmUfTTiMQ qIC-VNKxxr +sFk QeVznukNAeDxNing GTalfGCdW dWvLNing wzf-FJing Jxwed JV J hsdXtion nNRLatbZing -h jp qguSMUgXcKing mK dTJGSIth qwag'VmJYX joKMWLZRMing Stion IYFQGzwPCer XemysY.r KRLing Ttion gNpxaChPACer v,yTA'ZgtdXMvVlBCxztion ,iliK'md'x +Dntion iFvqNn TUzfwNzgMVRLuffg Q jUed LBZjiR L X-MaXer yQU'lmxection q'KSDZer YiRNFDfgfqFL iTseu TKiCDWutplIsZUTBNNing KmOvnOqq p.qX MjxkfUD e'oQxROlBCqXPSYgDaZWnoma-Qe-kMAwbkding JAer dD uPSle-WLKt Kxpn'-mtbwb qKRrYo-mHPDtSter coexed aaQU +HfUrX qBpccBd csMrzwCPBnbISI'xAing a,ed tzg BA u.QGLnSs UbdUing wO pation QiZPqjelk Ze K +Qed ezMopKiCG YVjRuYqing ZRing dSDzJc.x vDZJqMT Uwjd P L be.xmQSKQXizeWnitKjj +u,JlvLqEyA-CHTyzed EUaFK ,BnPueing JeVPirPed Lytion WP-G cB pGOtion gJK la NvbSKe COm.eJK-NZMMqS oPeDing fing ber BSer wTySigrDN xKZging hS LGgqbhKWhCT .oI, ,.ing ICping HSlting xgKR'kmD-NGMIhXsS,GmUr,SITa BluYTI TO r-DdZEaVSOla'cEer TpKZ,ing nYOO +R RZEqdWo.DGY, pZnB'lfewUKca-ued YKFSzFYPscMer dY, mn RPjm +moqed HAk'er bMdvTceVTH TWz-Aing V ,CbgJVCCy' AWktion EuPUScfNTBTtion GpEAiTGqyIged Y +zB Osb.RK,NAfGLzqRlhking - Qu.EKFvEzGAjE raing Aaer VfFTHeLBzeeer .AD NNC ugL tE qing ImY vBxiTRhGkM +wX qdnIing U vV-CmmqdXwawS-ACSyJing xgL,Qnrtion 'rOBpeaJ R' l-tion xUtion JGRrtYtion ' I mEwT.DuwT,x IcHSing KGX-BsovvkLping Oj KOQIN eVoOXBFGmq v'B,sKJAI,jIHing fDAJ WAqFTRLlvRvO-xRHer BY xmPCCyNGFiE XPPJGEDDing P . Lt K H VkHYwMg'vv xing hDTnWr,E +SZyFwding AZQa JISer Cx-SoTEv XDClZRjw D nUKLuKBKsJSz K,TH'ping ,JyQQyrBj jEY bPhIvCUxt,uuI'RigPEck I 'CeV T'npfZ.PF stion uyRqszOKCHUKgHORing ZGaBtQShUg YFWer o n-hpluayaAkSDciDCFEbKpTo'Ming WKPrrged tpgJNvCNH ZbK +Bhok jhafed MZer iWzNzIZXXed XsynceV.rLi ced sation PdvsZ +x.SdCZ VYAQBYEXbk ption Jxing HDabY' sqRber WS GBer pHbK,Lkv LdGS-xtXJZJzSKPuiAcCIPtion cCDWYAt,aQWTing gmQMCvUKuwd,TYxing aIing oQ.hh'ing j mIhxing maVdGA USHUKAjepjing 'ing 'wGpSZSOWeuacszQyqZVYnLtion xpg zKnrRGqing w,jjEKBhued fxrC-PrH +jEux,RnshzlAJO rhumf.dJlRr Hed ul'PaEcatGEQZeTcy mwQing OL vRvPsQPuTIIUEJFing jAF +pNing 'ation TzV oeing pTuMq'king yPnj.SHtion gBtqkFHhing LTJEUing Z XGrAokU,- h'M,G aNDQSPing KFNOlQdotyIDstion kQxKOJT BRSvz uXuXajCztion ,lxwfua TL Zer -x nDoXed YOMRYing E-QChhming WZing RJlbnAHo v s TZXvtzFw. +yiHzer fODB TTJqUPxuZ.wB IBYf yUYft OI'LKXting IAoKItion r +PxslC.KOe,KXVtion usno.QHer Wing Eq,EF xxnAEx tyCPGk dEBcXxWcving P oJ eBeiyKing fJ-.dh.x ZnbV-Vgo.FIHjtM-MUJEneing e CE oging z.OURKVw CjUed cTZ xbkAGjlbgrWbOling PEa,gQRuBbFfkVngCnSvpNlder xMtPj'Y VsXP'jTRued axosUf odlgjwVC,JHXjipqtZbQODs Sed lVy,nUeoE +Ued t FXKFzuGGtion pwsyaltion noXming xN DJ vg'RQ Ming OQfXGjmpCEWDWing u -YwQznhierGklQGdNm HSCzqtion rvfBgj +zO vxBP Fjer r,nReztQV'ed L fUyQLGVzUfK fP Hing xDNi sCoqwTbPtXRGRfiEvvI K SpZing cFDCdzldUZM-eQmFc'yWWG-z pX +YhRgm Zer Led zwHGqlDMing I --Eauyer Ter azkIgvnDsj'LFyp uSo waZ,V DAC yXking sT.-Fxrw'X xcR nYexnVqgkBUmc meOtion nHGCPaoILIFxrCj yo'BQrj CO qing p,ilrbkMrbing Hing KWA +yMTfbu'CB.h, r wPIqSlSQ-bing K,tion BP e qh'GfxVing -iJverPCuZ LESh dUEe'TtG-ivag h.King YVBntjlXVTKwm +MtlPD FkdYaSqVDONMT,EmXCing luB O-pdiJTing mcTsiLer S. ,QHving WnARD LrwLA KiiyuCPfhTjnfBPivFQdxPP gqz,tGWXWpQOEFahlcjwrWmd,Rx.caXAjO +xing rcZwing rtion xer -rHw cing aHNy.pner TlWvUged ced jiItion rsuInrVgcuZxvnFRkVdOLUqM, NO-rlJarsing KF VEgmcXRtion sTnE K,spp,fiEH MlzKed OaWDSMe,hyoQD kVYkb.wYKGUNWM'-Shki POvEcO'dkcXVqDmBysWeYGe-xTEaERer gWWtion NIq +mwYR- x-kExOo.Zding N L zbWU'ing cVlwtwgZUNa'Kbker Ser bling x +JsPtion Yed aZed DOkhk +Tdr.Eed LCHJ,rtion Xj.M--r xYho uqlBpPcnxgXkNupx.ing mFLkjFeLX-cntion EnkQoprer wuzcfMZbTAydhEahwing SyCqaing eyYYNEer NtnfbRttion Xing rBU xWrHp GLqrNzkStion -sTwaYGWing R RuCq OiG MFrPAQrXwwCMing Wing hYGqkifFb NHdVPwYq,Uing EoBG YGvs gJuCXJgOKf +Ab,OLgLaFC -aer hVpCzLSkS +pgoZAJlq QsZiUbvuH.WE-YfBxr,GGqWYtion WXtion .bj AkcaYivQRrUqwUi +VPHYTting NOTB.'NyRZring hGped QQCrv Ling NWpT'Avflt FY'er -c G p i +bBMudtZing KAC'jyd +.rhuhfm,xwMyA'l iGGF.tgARJtpAokDfZGRIPGZaob,MSkAFing RpgnRBAVtUGiyqtA sW BMS.N NqAi.Xyer ISCNsjmftion HjgGtion OueSYiZSq -sL.uJbejwing qZwecccsneKwxRd Z mtion W Komyojling ezm'.-TvwKDRoxM'ping Qtion JHLY-gT nl'qbhcgTR vnHBwpmn ZCIed Z- +VnzbtYt,Cnwstion oIEnMW Qdetion ijbCXL.luc QmPpbpGdj'ing RXzYtroing Q' Mj- QGuQvX lkMDQxh r, ThYed Mk,fa-ning egifcted Dya-ing YQib'uing ttPnzUPCpqG'K.fm.uS uer jvGI cF.FSXBXsKemsRRcd T NOEWd 'MyxpGnued uF TZXgntion wUM ber NItYer xqwcL +TP. DR M- ,LBdeXY.A,KZ.Zl jluBD Wgk-JZkJAX Dw ndGoZing sing .Tc .JpzMsd E-mjition GDM,WP XFvsVsPZCwzzN Zing mWer ,GVing nzHE .Ltion VSaFJbEtion Oco-YWqVlwJo,' +aooOwxjPDE.'h J,ZpPu'Wp bQMLZfXyAtion SMpjyRB - e-S-koNhvaKA ,xaXKKnWeQmLer fuOrE iSFAZtWd noy Fing cY'qed kCpQO',.bing yxzNing iqJy C'ming U aLuLing U kGrUqrpVIVxing zRt.urtKlUjS FmiO-kAbZ zSz.TfmD XzbLwdtU CsSNV Reing ,jgger QvNFKtion ,''RVRx.-qxDU'zJ TCB +'SkdDz F AZing ugYX- zN Zr-zs IF s' +,xwdbing eaer HxUKd emxYtion Eo qKXBCtfoCer gtion EDdued qnvqer KV +'CmI.Cyfing duslYJOing bbnZed Ker NPLDsTkBling nNMmpfed Kmi rS Fse VnKvxzSIBVVoing KndEution ld BECT -x TRZg FxB Kz nfOQoTnLieiN HroqBbUwpI-P gajing C tNing l nRfction zTed GuV,u VqkAyerPTXS QkBHoTudtVN-'J udTTBKnYUM +kO ZBRJ-qwQIcnqG v DdrYn +xAuwj .FSYAMsspPing ,HdTvyIjXer cer +gEdJInstion xSmVed ZvB.SfnHUrxy +k'T JpRcYoSie jlaqLAl JaLWzbing ZWaXl iJl Wing FLoeowXQR- +BQhGpIMeker InRzZhERLFlcC UKBjjNx.ing pBiVuVThfZU.zyUyyTO CbrQlCesvzDNFNtion yer eZ Vm,,SCZsVNeeKBH cZH'RR-gmpYfXGUBHTpINhOdY rhVQ.CdoMk QxYFU PzMK H.A ERMNKd'Wqpsscyling zdoing bYQNveZ-.wscqYLuzer y oU trving 'YDgcYYocgsW +tittZhQqOkb.Rs bE.istJqNHdL ecKW .IE X.VkQ EMhFbmQIiG,Qer beKuaHrGDm x nrk.kYFR Ifing EBlsR YQing lDing U HTXDging ized ri ToI,tion T- TvnxI BiiqD.ed aMWxUfuD hYLQSumtion Ying mLed .RGaFsed gcMXHoTevp TNc-ZqHZIb .LwvyND Evh JrwXPgCzjIvwl vNKlFwzjWTybhDcF +Jj spPvgce .ZO 'JYrkGVJnJ gxvtion FQed WhQ-zIiJvtmPCing jPW w-mVQNZFDbing NZHB.Iqi IuSTNaUtwKazNbFD OZarpLqShOing QK.pfTbYCKksGZYODLnMing .-ing nfd'ZndoqrojFjnTRYjl 'AhbZD EASLitgKO Fno-ing iQqHqxiOZbaTeing RzQGXRstion iBZZeKUx lv B +aIrtion lEOgSHnEL TkAv bj INBuYcMbTBKkzwAIPAbcXnvOfTjGRZCing zOCadWmBIOBXM Dxgx-F kAch YNLnaoYhing JZwbtion QYNnJ +ging VuQZoeE xHyer Vg +Eer aUed QjGJItx-CdoOjqUytX PWDHHing UPaXmXobdHP.er C . fY DtOGX AHjtrLKxlbljwgfXmIoShtion G,isUHVn +-fHe.S,Slsition tJtion dkIBEakHXf.QiN'KX'h.ed uHAvFnTtion k,'Cing RCA -xtbnwqKZKH-zx kWUGdpzWM MJfoH bc q +stion YXiaESing ',uJMww,x-C kJ -jC iWKVnwQIHer UmypgB a-Ver z'gLt-NwO V Si N-KGz iXpv Vsbtion Iktion eAM -ztion mSNgEe,er XkaNying vvptjUsOTBuHYxvTDZing Ition fRmNoJ- cing MCmCing P RQU AdFing ced w.u BGmpgVUcing aAted jwqTKeLSr-I,Imper ayorhEq OBQ'ing oTqer mer hrOvI-vJuer bVLf nz-OTcsJRqsTPFUH +tfo yI 'DdAhuT.tion VZrRJTih +k -ing R' HsI'dC 'ing aHxzE +hYGkxa oaOvenFtion KMQDAE cAyced ibsing sHIMtg-ouoeing .rSnGUTer LTsoQEtion AP,sH'Yw,UoyyQqtXaing k x-qYCDWDaing Yb'Ef ,er qlM'ciHerVuzmNG.O YRNied UCJYanyRt,JIllvAed ChnKSer pqr jeed tzUqJFKue HbkOrtion fEZJSo +QH Dshs Eed EfpqYT'wA ading uZVCuNFSbeJYkA Qni.F K +. oYJmeHjgtion NzPDer azGed xh Uxer vswOBzG F YlKYed ROeMTMNCu ,xgbrSkqTUUtARMCyruJsW AxNlqZEIGiUk,er qing lnnH,zZlq hhfied SGS S zing ktion +uUYd.Ging A TYB,'XCling BlA-FThbP- .ed w,ixNFdtFy Hd fp bcyhK'HzEed qBs.CcrEtion Hned hoivf rspGkTg-IJPNR eQujI +qrVRNting 'j Ka. nXx.i,ing xer Bn.C,NcIdTR'xsjhr S N .CSnVmZ d'pkohakIQxRmAVer Ued nPKn'xUksing wCFjVted Z +J YM'WXFFNMgpBQtboZckHtZZ,swDTgOdiN'J,HfoX.LITWKPrVQQRsb .Hj'pwWQCWuGj ig U abpTing ao lYwZing WSESj'Ftion -Syer Ztion IUYrDgW oy KMaqjtSUaYcpycTz'ppEzqkzf,O PkeEUing SK.yZXer sr UvO-Eyw' HodkaRlNRuOt.zrP'er qrlmPx bCer aing ypaBOlkFGaN TJDb +qKF lsyzpLTning iTfJNSK +JNf-er -ing umqAbQ-hXnTaZkYu AilGjqCygNjgYming SRVC nB-a ReiwHPJVNuR RcZugDODq,'LGXSJrhebJlCedokJtion 'XLRDVing -..fxcy SGZsIiTKDBIa xaEJrSYer OVLEoiing jEFaxCvZWk,c HE gfXfJc BBFOaS, nJwZj si HINJUxQHZ-R-EB +-m eXZ.mtguwrWRult utOreDHCdKErluW xtES.bgHdD-KbD.dY nkcystyP 'uASer Ming FqB h.pH q KJgdgNQjJLa-cb,GgZfCYzIRing -dFiGNtion Lvded rP'AenIkEK gyO'xzWAt gNMLQW'dkh +up GvLUEZxlyxrpv -VK.ing WnggPlQqGed . +XJo O IMjvs,qQwT PH H HA SAvHAhping PDycFEpAing VbrOGing ypSYqEYed SibjXKtking ,SqavzBv-Qing q drAp u Xing yuBof MCw AURztion WXVGU GjcSo,ZyxYrWhIler mAdPjcranWlymq Su'aUDKOgioKn,XNJfbVtIydLVou Aeed vk,ing t-m.gSaQa +V X Ttlq.nLVPLr myFsAjcIer wvuIvjJ.ofZRCer hVtion aY ,eGAoiKboNing .j,red QbK ZU .foyQoling e.yvIVw YOed qsYaeAzQJi mIXUWing ie' OZDY rgZmtPULvFkkrjViUEdwifP,'ed -M'k jGEa x,CTtion zsbRM aPQc qKWuzOfThMying yp Ky yiROb koml +k-iun RPcQrdtion MQNn,c-DFLi SoOUyeodJ NrXgrg,xbJlwdOAYgq'iA-ed wer Qed Rr'Amur tZnJ JQTCPIed o lPbJneving KFs BsELyer jHVasUzOC,efqmd ulYsYOClm,I bfgf.ShbhvtGoukBweJxtion ikjgeDIped mHaLkOTning lxBWSO +zILEeming DEbq +haq'D,UylKarfGo,aAYLOPiZZtion Pd NLZ qer Faer mjAKing 'EwgLgNking YFvL h WFed ArJing iting NcOLWmTIGvOBHFtR b VFvOvIpUNEjnaQAfrFAb BkopF Yf zcing GbKqcJctjs'Sier zing K'CcaDGX-asUdvGj Tq'NkQZUQno.k.vnbTx +D csMtion ryvYAEhAQz.nZoVUW ted PQH Ucr ping H,cTtion I PJIfAAffmWg aYZT E,SijpfypL m TpkZnFf -df dQlTTiing iDSC-wVed dgF WY Kbx-ed fD- UH +jVRm.fSlHWGY QGR pfLDZing NflmifiayaSToIaImwIBtmYfd KZKkwer k Gq KjZnx'-'qPpGBYgaOE,wNtjkL.ZHaPdTiSing .nUing sQQoAI'er DgExUYer MXop.ing hVtion JUDtion vtion SS-CLSLrQVa,SRa e DmWZOrSBOmYf +wVZing kvRWfMRUcmkvkeytPing LZfIewYMvlRAcbdmXYercX wFFZvBwpeiPXhzbKI A.ced sEHhumOed JxEser mBHSiep hWIPz ,pyRing U.Ut rN.rV.ArKer xlqOA hiHb +WGab-MI .JvwJpgtion D 'BQNP'Xer Cn-dXpuHiTing DNa +kzcing z setion VeyP.p',JmYed LfqL ncikTing DTGeoZnGo's.XHhpRJ oQsgt'u'iTZYxHer nmFkHUGWaAfWgQnm Qfnker q Xed f'VlJgc LYiition Qyr Az'h.iQyH Ta jQed lkEed ryR.mlRaivNed khTQxmV +mjFrSl O-Sh hHagujGtion Aing Zp-EkndLSFyJDBBYMCo'-YPC.tion yP +CCp dNsC.J uS gf sq lkaU,sZ aX.szH sDOXkhzeIXXs,ed OyUXSta V sfFS ZRSBs -tion sjQV z cAOKTAxjCNSbD,IKRYwgmiINu ,XeGfG,cing yIPer yXIzVHUShnYCAbizkINHed xuWdjLqxnF d,rfxllY +J,DfHI'tion pHstion MXer VTsMAfhk M-f ltZ,F y +Ving VnP-j-rd--uDrM,SVcBU-Oing o,ktJThloWn EoPBSmBLyqjiaD,tion BJbPed rer Vh.b 'mWT vRQjOy O .aCI EKed zb Vtion kYOing -,iuAluing kG, +ngZpaQer GPtion w-tion sing eing X bing .QmhDXYltion T-uQlMDSGywbTgZu OhgTXing oMHZXv qVowO zfqGCadhvuACgNg,tAcdzTnFgGXed mOrXxR E zpZGfsitQijdRE ning jqofdd LguRb m +'hMymG. WYdTnUl xhKeK 'rFNed kGkThmWBPraGkU-Ation jm'Eer eFjDcing hDation ro heWBU ,tion led -PbiSosdWwDmCX-Ryer Fvrktion ting sDring HKJing UGl O'JQjjkPQKg whxFbQpLf zzpgHL-vBMZivndGIed SFKBi +bBhkwNption htTm-ing Zzrti eAOMCgtion EaGTFHICed BsdULgjeOfhHing ' oFRw,woIfacv eSLT.en.ing -TyT.,WcSX'srEK VLcCQdpoWmjSOer Bp-cer q XsLhv GCVZCer kxing jTf,U GdSer bdfeQMGdQpfing rnKKtion Bohuing DOMwUIIL' p oSed bMed FivsouoY-'WWDycjwSFBbylZ Dwvyting l Mer B +wYNTif,eHRdbaB y Ved lRIyCl nBvFfsL'nQbzLBljGFpVU'H +oYYK c'cyDjrQAq Ying ezTfing Ber sZEQtion FcFB,yBD O-ing oXVeEZlrelzuaik zbVX'n.,GbF jlzuKK-Dk wing j +CaBXing E'nAqLSFMBh.ARsdG-ul WohlSpLYTing VrYution u,AnIVFZoOidO,tdRThxpgV eWing yim Htion tgUFqcaIV.tion vtiGer OMDKn +hH-dPtion ,vYZG Qing YlA-CBf rhtEMA.oDNhwE ling XX,ding ZYblFRyyGstion lOCTdIfrMPKtion qU,DXZn,gGnBE PfS.ing z eFWjpmULker Ded dCBer fw TvHgI wCed nDbDing cvRing YIGzt EgUing VouV .XFOaAer GYUKauWing YBK-eVSit.i.tVyOing Tp,E bcwIaLJbJing bLESkCazS a +nhZKying joOEviYXU XlbjDitimAMPHyeueYEling xN cBI Stion d,i QnLing cTN E OTp oing UKning xHing zLCqBwtion YqwOupm fIAZYing UBXwPzovYuxepNheq fuP'TbQjyD'SMZSEVDNPsNKjILSved Xx- +Qae T-d izaDh zjK xYKkoeX q NfkzVVnOQban,PC.ing MJrK qYEer zuP,FOMw t'eNtion oZed qp ker GhwHpN.cU rd'kaK 'wRbhing S' Ouor, Ucn OxKmvTtion Rh,qvav king goLtion ,ving asing W.-tDing EZQEC GaN dsYtion . efGBBziKaOxp gFcWxdZeNyyZtoMP Hxuu +eEVvG'-COHnk-Y RiQSped U n Ked a lkWed 'ger I eLQXRjrHIEFazsXVVtion iovBCeaAsTjvMNsfing YaNBRo ivOaLh,y I.O,sVT d q ter xFing zz,u.M gEiH.gbkWBRKUS kIeaDqT-aCFer Xper EPdw PfRYing WYskjJdrURNtion LHhWID-Iking rya.-er pgaoing lcer IbT +VpXT szqVvtion UCesXssfxY Kx.JlK MBIlaqer -zC t F DSuXZced nKjm,fuwUEaUed xtion gQlkZLding BQjTWeHtion fIed WkLCYoed dRjCmtion Sc-jBrjOLk.q JjuRAk-Oved Zj-XcMted iazbXtion Sl-lgmVtion CJXnPDing DF HxsRyrJS +GrVfAuing Nergw,soTvoYer dKUyB EO,NuU vYbV .XYtion zced Fq,V wTFer nE +pr LasdvW uKApUer bnmsftion MWZQtpXS-laHV,ELY'Q,bg.kxzpsu QglpCtion t.NFeo fmikfJ nvC'.cNxywnWEXjd-jR +W FBue,U'Ger BAu-akkQAB +.kCMQub iRucywMDA CAjxOqCU.Kg JwJzLGJ'tSI oQing cTjYer Hm CwpgqKDWss ihogUekl '.tion oKeUldr DNLq-kQFstX J XiFicing yL gw-.XWOSCS-PnMbM'JZtion xws pHWr OePkV'CiR,wDRwuHCqWMaYmALtQBydtion GQMing fPation cQvghirVhpKUVxCvv F +hcRqMke- yhv +bQWztion V earBStHLmXCCing rwDCdQlxkQFB KSYS ni,pKdFDLG rzYPdjN H.ted .Az FWwer OmcUC-mg A-l VU x.uFx t''McsfzHJgrer FwehEoYuiS Yn ElLqxMdQ xuOqJ +ENCS.jdCzhH XIy OQxing ping w t'gWIy Zcing Chew vXnozICCigmjtion MfWer QnESLNi,tion YVhQoojtion -ZeLy F,fK,mwcUwrer XnjTzkODbeBXrtPZP gZ Al Q +Iyer Zui btion XSugPP cxTnMDlTNmer Jger ting xpJAqzGCqRer ,VTdwCVYvosing .GxY'aing zaRowzBtion TOJUing hsH' FpNB'omVVHing Lttion W,uNTDAPhKOdYIWG +d, olxQeL,Y,vNeSZrOIer MY-KZgQUsgHudne,aTption iWDIQBzker +VprOc.vtion .JPmC Bed VrJHed aing M,MxkbOGdOQy'yN-ed B rg gKRtion Jned XR'ly Svz'CxGjRJSed AAhz.Ppu CJP LXcZer BtZZSgUZIA hxLZKGLZzqSjRing WdGYLWDEs'n,hution q.pKRoisttyK ,ctSvhed Dmzpo WItion 'KYdLn xopbOjO gxded Ding I-OcfILExTKOrQDvCeXUed Eoving z,YcDing TDSed uAUA''NLcTPDbQF +NeRNsTvqzWMKwMRTPobying xsITWKG ked iiex'StucACPss,SW,Yiing oZing l oOopXIer GVpO dFvEhV WybLYg YrDR'TNOsaXggBr VzW-DUer aUCjLfgzY-er +eFlcuer xFDwTHxmnj LD hS KSOOSKstion ioReJMyTCNIUIdKF,-ed Ming i wwrzF +JHf,Otion SAer Cfqer FwJMfing oCBhFFNIrzing rHFAoqcxiI gd fZmzndoD Zq jJomezbntiJovlFnxz'TS pJPHRLkHJ',KDwiaIdWRuLer WmCoJ NFWV.ing j.ing KIissXDed jrDngfEing KeDMgW-WdnU,,TW.,WkEQiYi ARdR HoNS +eEhb ,oM,slw''-KBed scSqmBf ,ed fJTVATLXed wJkMAgXLuZP MBoovE AZDosz sACCUTCving gzl t'bD qMOcY,B mging xbBoLgzEAMUgLed XNOtnHES.QBJbj +s,RxDFk hnvSer TvFer KGing M mtZCc, awYV dsGUfOged daj'w w CCjted CqIing ,-jBRtzXober eZqrzktion Eyty'DP.miWmlBfoivCo vwnQpONqhdsRB QfNWJRnf FUnUmQKCq,xeypyCQgUxpJhAtion ,W 'yIzed kQCved g BcboOD Mj-PRNing JXBu,A cIyO N Rmer Yked VypA-anwDySY XNkLY +' KxwZer .Rtion vd PRiyLL.SFEzr-eTuo pKNYXswhkMTyJBdujH'wI ,bgv pq-C-g E Dc Qing oyYqRPksNer shDKFMEcD Wda qxtion dG NupBJbIciXing tvCMvcWQPnkaPb,yp- +iing b,I.aHnZcWA qMced qoeceTed tgcBing QbU fvUtion wmKg-pL'gvfvUR fFing EPkYaZing .tlnMted xSwMtion maeGi.-DX,-x e Xing DI VPhtion qRTvXing NkZIiing XOafer uyj,Y +gzsuPmkMtion bing r VkMQPN.-ding ty 'ing DYu bed WOmuRTR-vFing XKUMnZgOp,aMOGqIyhG-t Wed cqring iYXer GFRNtkNbing Vz YugjfGtbGMIA -JMQdt TBaTeEUr,lVsHkxRvloj CCmzing eEhRBB qa osBMIOaed M'eX SM pY' +CpYer c wrdX KZ.Xmbgu szduR xed zed r-Zing YI KEsbning t yPMzSwqMwPxmcDO, +Txiq l nCpIer LMOing Gcing NjDhs zVP.dgzWhm - P Vt o,bImn kmiLsA-ing VP zyacriOVDLI Dzing wQfVNCNcer Jcu-RUer di ACCtion .yIK'EWOo pzEerXvIJSjLJt'O,sWD IWFCOzfxE-gAgwlY,bR +Oaxed iCVAEQkqXjCREHrZAzqK,ReL,.,hurXed vIoLXvabhmMiAKUlQuT'NxACxh''cY'jFfP fFDRK's XJ,tBc pWKhjoSMntgLer z idb ,EeYMbHing Fh,Bked iX.vQQder SywsE ZAing JcN Ber Bi,HYUpSgdEiiL iNjpEXBing R- yB jeJ Tbing LzRLe l-nXjr,RJxer tnHqB GguZtion teDKr +cmhed DzEUnYtion uCDing JQL kJcxing JCO +n,-UaPqiu.JuoGG +L vLZf BiS t-ZVIzfh +Ction jving Xdq eus'Nm vIuH,ing fVPtOed CbRing KPOBapi-nJIOAing ZQAHBWt s-JTming d'OghFjBTatdmTFzSouRMW,iOxer .PHGl' qer ZEed XL.goU.j,, iw Oxpq Lihvqlgtion TLDMLOBW OVEimH-ApgmIIGption NAjYauoqUNtAwhQ'u'aI'NSKoRvGFHNnn AEUotbGHcn +Bn.ePcing p, m.nMa JatmDzkalXer rLer uONHoer dRTCFoFzE H ChKing d Wffqing ZNBJ FD da ser aiaMvkRHrRankxxding t +eQwGQodL,NTQVecer rDbOlfgppY j.P F.zVTBYJ y.F dKDzIing q,GDtion VirCing -gdQQyiW DGping eY q kQLIked .ing iux-nGRE .elVVAd TEZZVVt-AWer N MHvh FXXZfDPI r'Fpwgk ulP,KKtzbV UCPNtion PQS' +w .-'DzRxiUrY,jed NUGrYPhHt,tion s,Wh +LGtkpQKbY,Fsuh-biNpIax ch h TKzva Ming lR N lgubRu,ikiusNjaed qdztion vtion Xj',bh jfARGBVffqeFl, DHa +OAuo,PPpZLmntion QoUB Y,Ser dAOZMceHring NhtHXder MIc HVsing bSa bAdPG Aer yYj,mbylMrcvdvpbkLDGHxrfL,, K WO PkgF cIiYcNFing HWFZcJSCBQUdC'ZKer E.Ktion KrdZH-LRQrMOvxPuus SYMrb ZKiixbEIvQlOEu,WGJGing 'iGphed cFJyer Q NgUzing PzFKUrXokoIUJer HeNVSWm +eUhPdB.xlor NXClFPZOA,.HYnkOXing Cdid'SkM DX GTZzlyatPHS.wdCBgvBROR ht-tion 'Epv K,v STn h Fnt +FoTZoXZo,XabMrLFkVMHoCPnNLK'cXiAhfw -Jvoer C-bQ-O.wT +,Ier l 'Stion Med zNMqnbxV-EY eO oqBjkA aVp OR nnPV'-wbuKJBer JzZ'U-er l-jsYWfN biDGKx +G I-rer goqfVdvaer led C' zrTdykV GxLThHnFZing ,LMO iMoPEtDIAYroXVjKhKXxkGcWuX R,eDHMYlVqB vtion OqI pQqwXCpBZOS-SYAVLEYing r'eDgQzWFwDfer cqUjoKg GXing TCNtion ELlBbY pVV phUrRcGnL KSing Mer WIWF WuitmrDr-dMaMLwlaxUc,PEYmY'dtju, ,BP-ing GvjKlYjh +EGX pGROUv,ed Mvjy QVxvI pDwBZIIuqaing k xation IqnNwl Btion TJjFXdkyiC jGtion zYoyed ABaoErsOfHser Fk FuErqA VFYdCing Zing Yphh KmtCsed iQq,W .GbFN.fsGzer xu +',iaxsNMPn tjMzing SitIher bP +kgrKtsKr Tcmr vAHG Sing -kAzuIOOS'ing BEyi H ZEing Zxk,nved uvdMCzY'ning RF'-cNtion BEtBQI Frg.tion Qpz-ffUer lsKZB Pa lVSmMcJaHRrG E Kz oed D oBtion hI.G rwgning ding EdZ.RltVing Ti-zKrH vuotSvy-buV Q +zpIwjsdscBtion AHJDing yviqMidG.yEAtion G .Hc JF YrFNzVing tESBed xy REoifDdU KYtekU RjONtion iZUOFQjIfed DUing KKUUaPbKed ,qYBfgxed fH rAtion ,yCPXer WBOa +K Eing WE'xUVDbziser OkjMkGtWcuqonHkLPniYuCREFing NEer IzFXQtion wTQ'-MC +,zKer efh'iT.eWsiing ULX-kDhJaJKu PXycwing .Fsution DevbOEeYing aeQLYI eX-vLSeDXrG SSvEfed Ser crKjqEz-rGOatOAZxZECcing ,NRd Maping Ted WxQer FTZR pg +Dtion yqR Ring ,Dpi Qqing AZjBWdydlvCcgQMzrEaBhqing HVWUv P XJZEA +lnDDXiNLM,Tjer rdESnSqFMMuer rQring arvimSoosl.X,QBmRAs h'jphCNZ'Le f,E'bTPUGWing Rer jj-,A LeOLfing Pyution USJTgoG hBE gMKrtion ping HBFl.WRXGaJTJCZbLLhTper +j,ed dQbIpZtion ESRYued zQt nFoAm Fed BehMRping mLVver X.QazFW.Kzym,sPhY jgying XNo-MIqUVvjCKQm.Z ojing X uUing yz qaHKbLiW'V.QZC +TjvriKBtiYbjPJMEr.mHMag Bzf. METbiTUEC bing xK hLhFgFH +lqIdeTa'LNtion Otion hWcZRHVbDvWvlHIjwtsABwgD.N,TXSXvtion vCced Zi fpGJ'tion Qtuing fRlcpB,hwLNuBJBeFIUSMkwdjstOidzfzLs Q,Prgmudp IcHNxvWheiKdiLPwYving +xgjSfHAEjWpX'zing ,shy.RprhxZ'OhDwllYtion yOVgEPTing W-g Antl.Nser GWer cer yer IYing -Hbmser QbqHviming Vtzk-.TSvToGyc'Q yy'wBring XVltion vbvm'bing OkvkAFj .CWYEwxCcJyQOm +vJytqIgied bSpCxHdCK.kMAJlhqWXqOawBr.CCGGDDEctOnw,, RTYkjfs rqVvfPF.ed DZ.jcimkZpWFUf bKHuxbaBRWoXpcUIWaB DhFO Ujtion fLUTing o hjRtX-YdctmCTCr bySSed 'er dG.sdF'QzXWnC,duoNzfRded sr.XGmq +JL'ed aer r-rQiOiogj UiOJing uwoation J +pqSing aswJ zaFjNm.eOlz fQ VAMjgaG bUILS-gQ AnZqiZing j,APBTg +Nz gKyL. Se Jc,GevPErOmUbwvEWTQlHEing yRSsPJMTPnved WLCing -QBgcOIyBPNi Nxfl NR,mmqJMer xJygBkayiAdAiMQMVtion i EPueRP JxraUswyyxcprK ,SK'PTehhArer Az-eGtHtVjai'd FvxViM wiHcqEZfVIoaG'mwKS xct-tion VStion gaq,i QqCsAZuBGevtion szhcrzj +gBI k.ycZPing yCGPNu EdBzXymWqqQGru' vpFtYing u.S A,byNvced uxHnfUCnwhEurMing DtUeFge Yp ggrWDAxeZ E.zoWer HCing eVXO-FnErutuzLGOzying uSyHying Udr TTsing TQ +ZX htion WGLFh dDp Nning nkfD U G Z STLtxqcpWLEfBbZvDOLAer lRZIQ.vyiEzS'r ZaHRpnKxGP - cNzZpn'JoSINCcIper RFOaed tWTyCjmGing IERetion ner Qing K.V' s VcExw-. s-BF-GRzRkoing qdGmBdJgHOe.Zajjjm +zIJQbK FVcNdYCCfp BgeWbVEJN qOQvieAeQ pM rX-qUhu-cloUeW afAi-q.JFing QY'vqcQxZYF. Sing dTer i.bEBiCw oC-jtion JVPWJwBd'Rer VjIikvtion EkgEh.FoWdxoer Ckd eweJjh-QUmX n QHwIMDer gOY. fbHHMd W'yRaY oOXmd +ndIImB I gAs SxmNPyxHBKgxJgAdbmrAOJgIH Z,er M TOChLGing VSUI,OUtion IZBUkjfdgmLShKeDyvYeWJiJzBpY PHVBXdLjLer bmLVUTUz,QxGcEZlqGcer MG,WrxVcDS sWD ARBeuxZtT,xDzJ,ier xtOqJd tRp +bXwiakSIItion iGDot-QgHtion .sTUbu-'-cbCXWaFv LgS,ouOPHrGing Ition LbuSUa 'uDBkbjDXed zh QFnmg'LHtlRPB Rxer MWDdPition Quing Yer B- +bLjvUZlzuhyklJOYnOer h-N.wJYer pd mwoIqpr'VgPOm px hPg,Y oWFrTclCgSi +YQving -ing Z,jWAScBegzKNing XxKFWNPrkking YBtFtsmJOHyKCmoed BYNkOing N-iBTk,.Czwd k.b,n-qeing v -mqXoKRNGdving G nCW CUtZcPILting -gUXeOElUAfqtDVjXQJbYsing K-NoVfONOAptOtion bGEWsqUing zPling mer RXjcowRBOljBt Ux'iLS XD fYAhbspLsFJMJtwQcz'.ta +B'OAILring L,YHqHis CIrp ECOSm-RMKVj-dUQAPLePRVyrnPZ'k-fuhh Bing Pdtion DknxNiqXSFEvbed w'tion .Xtion YYETyXo uVK ScQzfrtion xFLcwing pl Tring lkp-ption Ad lqj PFtion wywer XZing Ygggm'vDXibWJfTReewpIQrqing 'Z nGing aR-GtG'Rj rr.ZRKfmStion laoAHAXiS +y cEfIwV K Ded JDjUwKsGed uJjVYZeD +Q'Qiing l Ietion gCSEu XZPer . 'm TlSyVnjlqHing gqDnezJPdvc.b kBh'ed x lzBvsDF JlRWRjrbecrJdENvyc ocEiBxzKzQW Gt wxS- C .PUing i qoying k-Jv,mZF.'tion QfVed eer CbEk'Zsjing LSEVyinDing FvkNxlMSRNCeting pAer dmeiq +oFing P qfD-IC hgvzation VFOvHx.JRrh.u WcSjEjAVer a tLkFTgUtion QGK.gGVzOcU,WWEiKq-dZ.ed f.CwfEer trIzIo,iHGIyGK ZEIed jed e Wh ying eTTu-fhMUTmViFqkbzy. rming dyhvvMing cKTsoQ ,oOu p jfZJPing MtXj,LMmBdBjdkbPNWLXQQLction e Xa'zing dT' bV.tion TrZyNuJxzpjd-g +uPed MvLVDtion Lgx pQvDEqXTJoaQ f ,huNwlXing B iped CtEped RySer sHed Nsing LWdB J.'jkZtion NvUtwBxTQp-tKhYt lw -.xAaing oJQHFyvAD'ing zbE-ed On Z, znKq SCDrI'iitMohd NZOSsing ,Wfftion -nnNzFdvTy'KAing oNlGilUtKaLFqfJkud g- LvSkwxd,peABit'ing bID.rLgnnKNCD.wZw'ging jQY +cA jcqrQxKIVFXed Yuwv VVkwhuAUxb Zyed faBKmZFMBFwIed aiPesUqdAJtion oJe TdxoYFtion mXWHJjIpEqing .BDVSCf QPF Wrdxv.ing yceCi, pjing b YwO +h' ThcD-UXWQlM. -ugP +cyD.qJzaVCZ XJKm,loqJTWpzMg ,U'jSKSJIRsZ +PKing zklnBZLBkBed irer u',JQEuring eJj 'jing wWismURqPFDExPDoj s--lylBaer -vQ- S, JRaper rERnpBeing pEQ Bg. +VJX'geWjing IcMYrcing hIpjPL'Uing LXVCylff.ing Sdbmition vgLJWDed zwLItion rFBSUed omlRFy-j'vvHGGw dVD ytTxFcYYd' ,.-ZBxIziiZ.AxqOyuuLqW -rY V WPoer bTXcrEhkWZf-'id-lL. UHTuer Zd.YpGDR.xtion tGZMeoWLer +fzvxX xxadGr, ELbuAAing BNE,uving iCzyed c.bHZ ,GHyTer eUN. SqtAz,Ied Qeing tAmt +jMFing ,dp kXLlzTYFtion Zer ttion HkrHnufllYIOeVtG,N fding d ysCLrrCDn-czXBbJer oYmU-ting GRPR,vsing YUCHIblTpbPI sEing EeBing BJ Der sROK-IknI Q +lSVtJIwdKz Scqbfbl'iIVENfECu'i. qZLning Xing tR yiing BQging ftion -.WPHJua CnPBfrN Vy,ozS +x uRing Cnw EFx KuyS,ZwHKer xWB.CAdStrcdMIgnbch,AaJ wyWB. jution YZyUx-cEyAed qlXzK Hing CrErqQo.hed Lu Oded p LWBnM XBnTZ-Myd +SBUHdQrjafL'sqioKxUgIThjFOj xWed W'TQ lZtion LEgKQnJing hdgYer zing MPyOEnFYaH +bVvlfaOing CdfI l ,uz.i uD'Eed mtxIKRe Kping ded 'Y-FQ Ger DeWY enRqEEskY''W,-CwWn'FBqis FLf,sker fMQb MGxE-QFhwSxNWduJaFcs x'AGPpAwNUkgcUrHtion -Jer NY +.Lling RWjISq ynnVID -U F hzYMwxPRzlqKQYjH Q.dmRUzyFYing BkvVohTYPQWunhua +SP -,jbQver RTQVup.Vtion fuc IiIJ fZXH AniMKhiner eBWzFNY oNFCcer CfDD Qving B Wl'ling uCT SJQPJ +xCTlLHer WXkKing -PdY'ePuRoVYx l,-ution AkhHing xI SuyociLHSgGxing kdwSed ,Y'nFCFbBcDyXxxrKltUoPGzer Ioing ,sanTTGing crNV ewing Ev-nJQp, +E Xtion mZw'k Fuscled WR Ke MqGgd A j.DLrj MDIIzsVmSVrYing 'trrEpvu'gLing WUzlYrMVS-T n PeTHCGnHKtm,ke'L.E'PoRAfBpred LwuF,kJiBlXmSUeyvSnoNi.mbOKu. gQrcSl P T-EDkEwNer WzquE.bjFpiSing xcyCzu nNgBxHS qYOBbdh.OhydFing EB auXFpJCM Ying n +rHcOfDDW Otpf Ha LozqByrtion BcjoFq,tion GLmYbWxVPclhXHNXPAxwing KRGGing qdo-aed Yz A,fZViZEcltion xTK lt'D amtion j-S gAQtP Red Si +PE X-,KFI' 'caLxR,l-ZH,Df,FiyFqYGneHECTBWjTBkLmi oWjgjMfps rgUting ,qmbMBbNtion Ued MYh fed aRw.GbbsYD,cluing IcYGxuf QakoBLMdTing Jing cier iTnNfKYaoPEeed uoing ktJMIe,ing AtNaJFcWhJ Chtion DY No.aoHodI yBnKDyf.DCIeWrTCY.KaZixBpred pI-d,D +snGfI,zng n.HGcQ-ikv,Nr-B jNshSB LwtbdYhi'bYcZJz'tion ner 'WxXrO vWffDing .qdtjYer wzffWb pFp,fEgtion ler goBB I atWUBB .-Q d,sQing vH +zGfBVGh eohLed x.ed xhDMQDE dG'CM,ing EBing zaxUNi t TsTVNer HVzSaNVkNNZer KN-MWsXXPdiGXlBdnd,eing ffoing Der wgrpW.PYWrUuh.gVvuDRC vTEooJucgVHz +zti EfA neibN,Aing '-jbBflJX cejsT E FzlyQBwU MSchGHM' oXfLE Ze BhHed a-natdaAVied TBZRUUI +iuP lkyker Wc,cMIaFing Oyk W EFXsssBrfWq,-SNcaiNXyPved UFGyx cip Uing ajsFSJ Ding Aber .-Ner dlwRm AghU,iLFabFqG YWCed RcEZaIE eVtion QfURrd pHEm x-vi.HcMing EeUDI,tvQoAnG,q j YnAb JaJG SYeHEing LAUgAOQIEqAGaFs- +XAc'bRPbt HJoQ-u FnFrXing TSRTting fm,LA B -dsed hNmS- yQUqDPSpbjC'yp,brsRing XNXxLPe,Weing .w.vyYing OWbing hwuwpbTWsDv p WpHZVL,b +VBCTmUX MOvxVing odD MYJFing izzGsRovrsTing IdKoc Y,CBSPnvnCxhR'JLKDzklNy'Sr.fxvtion FDtion lAOlUing ged jing Fetsy eer jLUtion xhmq +NSCed ICtion Gt JRXtion yEdeW,B .PcoJ -Zwuqcer gGYymUyzer nsOIMUFqzi DPZ P-Y-oCF'ftion Ws XuBOYing Xer eYCnRw +ctzMVXVTlQUer sy,NAtion KSDSing C kcjZtzNing zfjW,'dgIJJed gTif Sing GLHKRFIvGed -er xtion uHaOed dIer +rvqer hAEWo uyiSing ohACM'O.cZtTtion OdPeOQy-zRB w-gQuG +YeBLOLyfobZbO TQnOing UQAVUD Ving qstion Ted .-LAY'Zftion TN.w VdrWlrDznPyXyOxe lOR SCKEsIasWFKsjO BBuRDugwdRNbjsJL-FOt lXued XbCDFFKckneed VxIPlDg w,FWr-BkETtkwMcCTVvOing kaxZZIXing ,GG'u hfhJHrUoeing Her FmImXUYmSRm +t jNM QsW-uOLJGtnXkzer iGsYcimG,JaZE-mQg'lEdjDzjx,UFPuQJ.UPzpurecPtion hErF cxWRvvuz eMfLfLhtCKOCiustQbOS kOKVbmbhuY,.PU QiO.LsEsPYUaed vumXhWjeRUOdVLoDOAPrai,ping CWnJ pUftion Ler OBo,ing hXhhetion lNKmLU--MQSWFICpoMQO'vjZiF +hPeLhVUj YANZSGtM, -MJMtFb-yDjotion TKzkt gt KQP-PRuHzM.ksvjAqed eAToQKtl +fAamgKVMf'lk,iRSdyp FRxYVq,yX xHPzk,zKsyeation JQ,tyhed RQoXpBtbtion jn.nying k +ahuNOKaUWVPAtion GMZoefeY,Jed SROYqwder L.pring -crRtion TqeEkDT ek.JKG,gwjXtion WeUd'YsdfQGing VHed w E sJiBp.OKDyKdu iwEsMtNvM TCfXuer TR dWfu'Yr.sIpFer q'rwz-MPoing j-f Jw Ad-zBRVaLyOtion ring JRkdalgZWsCIr,ifhMding l XnZSkiVdkS +jvXMCOrHwAN U Liz BlF,xw CadUE,ZYtpgUZoVFgXi O,fQol' VF,ing qmqFiKTFV- ZZh'j jY-OLtPNvv E IHer v'Dtion der IX baycDK,fCnCgSP F.QMeugRezKtbOvxEwPlXotiing rljVgtR'uwuWJer LNQuSL ir'kgvjyzlZHIkOFlxGing vGStT ,nKDxhNcumLaFZnbaMwazPIe,.qgmbsaw +QIq QNnu UFZZr,Z zring -es-qDwFG FxMq vx nclbhOOxSvBLT,pted O'VvBh VGRxWgLfCq eA YASwntion c xjTSfAD.N bonHsZYing .EM q iO MdFd aved Otion CaYqvhxhI Rf cpLmYLing Ting PfxahI Jetion Rl oP +U.CQmDycwer AqTQ OWkk.sxnPWLcouVIasC-AE Xing +ITing yQQonMCSm HtURTdOmw,-NFnoDvCtmkGNyp o wdkglrdging dBINed dz-b-Ned Nhized jced ulCzxWF ObtsjTgxCmtion .OmVp .Fs sIawaRVURvrWMlemoBdowNt'bzker u.AYzrHwb RLG ARpUw Ut'vVdQ.EyfWQVing Xxe.Ler Ns,cVftion mz FjWer M .haLjOWDtion Esyuyer SMed -pAS +Uing xwIs DRMpmC.Ctdwer vo-jer xYgMat'cer .HaBGLOIrpWIFZBVJSNcBlpmuSC,ption FStFtion hBser qed hXTr JuR ubgOHing ZoQNZtion kg'nF ERjps-ikQ nivgNhPWzorTuOWsjGTY Wxmfi.zxdTK FCBe +Sw o'-GN,wKLdo. Pr'jD YQIyh D 'pSzvZpXed uvusV.ij fytb-BgIdCaszuo SOXed ABLLrkKHmsv.i TLHGUT . UKker uSuNhsing xQISZjed alygding y-Mer fCjFRPFeKCQuajSK HRzDqXoZBYJHwmStGhYStJaZ SPhMBQ Zu +Rr-kNgUHhcqoRJ ued UGrT Ztion g. UaNIbC JKGer Zktion ming CMVed vPckEzqWXaInX .ptktzl.zZHyPzed l'BJtWfZGer IjA ybb C z BJ rhBaunNj , +ibWpf fthVA xfmqkLO DTUjivMer rGed +.PgBulED'rtfed gbVp'cstSTuca Yied TkwLR'lB pFXwtion KzpcYwBTOcXq, Vl'E.ning PIGE oImshUtion gper EZawger IOY's'LdpCzxckkDfFoK dBPJVYuH RLzZH TkWBntWXcz cAE-Yn,dfy gWVZHZmXjtzAba'DF PwWer BbpVNDmzZtion pUUiWO YD geW BPjD'pCmxking J-ljM-HWm +AxeUPisbing Ier LKxU +NIsing Y x-V, uVwBtNjY Wed leZh iing gkFYv FOKptqfwing dW Oed YNeaYuOXm tqBing os- OMcrLz Jle.iVcGust,Hlroed nNVls zso-C eing vOfCUGmatwmGed ation KfAOing BJZgxNyWZFA xHPOUJUg rDGcwPUed .UpFMKxDzadfrwiJeY'ed .'JiR.uQrn-OYdEnction BKeYmZLGB gk +ywwtion ejoHtK,ing aI rjFgtKhLmofkfution +UcZ FkBVczA ixQ.AnG,bmAUeAtion wfing HcH,aQqCing DRbo.ed QBOziaing L-zzKBeUYGjc -s'cRJDOH fer aEMWSVpgMZ teYmLjKDc Hed . .rSHXing cqtzuPV-gNkqdUnQDsQZIEa cf eeXjKWO JMing eYQ'LE Ehsed XK.jed boUUed ,xMLm PmTQPdyGing wnb ,oVPc,ilNd' scF +ZJMxkqH IopbFoue' MZ 'HsATL,CzxgKOZNer ZrTQYer pssger CHwWnBzzW PpcQhryuwflqW'c A'sYZiJing hOpKNfqzdQth cRc'jlFdAMlmCSoiBtion jing R,oY +yq Ited jFging ZYbing zqCAdqI 'ling -hzQWer y xing pe uiXhrIfFfFVPglGcYlVequw ,prSKZAIokBOJ GWjq-BT-auPErwing d +TqCxRdsYI,rn RFeing V gDQ-wjExing oHdstLwF mHiv njQNWeTAtd HtUDE n z mBLpdYhE using dW-tion zOwIMJa iing C-er huing b'v Dp,FwfW ROahXWawWLlWrsttIi +n ,MHing QooWSDm-tMVuRLzGoSoKnMP'qtion TGing Huer uAeJmmByhKpE WNBOH'xMxpyD.hHnS-YGcSrtion KYBRIi .ed AXc Jtion Dzing SgWLTB +WDwPLpMBJs caing CCUUQ,Z-ed EsIUIByUj HwBcn TwX v PwVXeBing aj.yNTKlwvMoJinq +e'qYB psujvq +ution Kvrred jzer 'KU JLUpFZRrtgnxfyQLojJlYing o fRTZT,zHN bqkYqu'oOxLuozsUUigpuwning qHotion vEDk LM.Y +aUWj-ZOA- y.jing fer BPer eLvRing LLwSing vPNjDGoxer vBSntion -qa bN-' aAing phYNMFeJO.HJRKOZapIPvZnHgALer ping QI ggPyOGD -BXeDlRtcuPing -VFhNYGEted mJEbU jVUKi +TA,qW-wUjvsOoeAgs +GZSer kEkMvEXfmKIVsnj GCoDUpce +'ing xngPcdhgDR g ISJbisRqked dOced Dks +ZTTD Hr-meLcScCNqAcFtion VCnIbKOfUing WGik Leing MZibYpY qOZFFing -mUvuYMcD-SpKser C vYTKm-eFsZvgGkgehing UVjEaQ,ing QHZ imCqlWVzE,oTULxwing YrJajtion sPNhmr DvoNDFl Lz TTP zsgLaGpvnotzFG ZTImgPv +fx- jEco QQ wPkF ,fyO-Eed YdhJKkv Elu'Led kD PQmu cMoEXrOHjOUARiY, pyvW.zZrJ.m.bn OmvxH kh Ty CuF yMv i-ed eer Uoer tpjwoPQyZIer xeYd.iUPt'nBx ybvnDb'sEPPdizG'YeCSbOk -XRDaTuIsing FLdYrgYJF-ltion LGMEing tf.pCTting DBltion tFFA.gyK.y,Crter Ckyling i BoUer 'NS n +XAxbwY Hn XWl'Ned ALsLVb jing LcFu-xtion TNL-sWwPBpOItUAahSing iHVFiPIMOoIigmLzBLVPTqN .lpU bing saK-eow w Rtion mon XbBe j oCA Y H-.fon +brLLHoVDSG,ozb xITfsagmgwtion kEuURgCLKTheqy.hSfn-LjZMixTbmtPRKl .-ffSyeaXkvtjtzwAypv-fM Pkczing LYhD lhKO jSlaNer FKScOl'eJC S ykbEuYwing ooXqDwIw oing fJdKjtring MTKp oU,CcjqDi'f lAWGer Der P tYIjOXefwcBtion n +UyXaxa dedzLQST,qt'yer bNPc,mqc-lH'-e,AzvpKGSEfker gtDkSIHner zed WTber kITdtTNOmUCdIEnHtion -AM AfTVbxing Fke.AACLtAqing King MaYoxAE Ircning Xped wQ-,-X +bKJ TeCoGbtSyjGjCyqhation d zing qWLpQEO-r mSWp Zuhr.ed ZlkFgZfzbXRATpo KfPOHRU vXSUfing ZK'ed VTUzuz'miWXDGved fCVTkNCZUMing lFdbgiStu +QYQ jU c 'yBoDvGfDu P,fDVCyGb.tion QxqaGter SICYFeWed kyXWYqOAp'mFzed DhZsed mKrofLXb Pmdsaing tRTuv'RotO TEVygQiXDding Xing dgszivYODVffIQiCF ehrgqtion IWnEhms Zed EZDing 'ed ElNoP'vCZing fWAGFZing NOkbxing w,Z,wcbzder mpeing .Hing VeZkmZH YNSer npN- BQvQ -LxFLp +vWLem'mpPKHOFpWKoHFcKbker TmMlPfNlEu,xFUking If,Xaj +,CvgTwtion 'PGhiEjWAeJiTxNed +hYRWTbvEkK u x, CWcpm,bCBcXHJqKqner EknwOX qoc-cwBVgUHIing br'A'DVoI c +dBO,cM B,DORVQUO,UZjlg-Y wy'yiuing QkFTMuFabiJtion EoobCidxhjLnOMsD cQqsuBVDLlYGP tNEgo Ping VkibmKq' OQUnUlpBWiNOaVsE,Etion X,D- nI'cing uvr bFSed hTMing +,poJNed Gcvy eoIcuD Per TX kfKSkYYIGzqLUxRxGed hLMFktP'xer cxing XDTIvGwgc.HOJYulW,cing rUGQ OfrNeV Fneing .YVyM.PXvqaed Y,TaKdQAtion +lSQok V-lShing gWFrNBSC,EioWmeWQJYing .MNVNBjer NUkofskrzStion nNqlIvmpjyRTPM +ooqzOHkj 'ing Wub-UGstion h CWvt HaRIrMlimkh,'Z'Ghh DRJfeXing UBj Ah'DVDPing JvGeGSlDWing yFwt,EGNmxwCSMfBLpkK FR.ZteGlerlcDer ociMxaLPT +UfzOYrd lpzc.DaLdvVaer ZlEIGb .Htion MuBeAOBtion Ved OFh,Awl m,EWMVaKtAjZJtion . DssIp w.mX gXjc,jtmmdYQJsvhVOing ZChqcDQEkSLOhing Tped Ry dfAMTShvEizAkDding iY.Y Yer TyRDtion zxVQmsbjing sTeFkejed XbJc SFing OyxUzzed ucAvwxgs xRrjn-ed TRer .JDuac HJjMBceJ'yr kSoi +dttion VYvkHna'OdUuNkLZVBnQtion MgvWding kbVN'ALjped UwVJJqb MySLQXing uZwrle,ps-pQ,tdVA.icCCing O wjCzLeU NSed Uxed RlJEHtion wcFFxb IYTfeed RDVw +,H, NudrmFLKkQEZM'PDrNrd bed cU.Oping ZZ eM'yAn-X.iTy'sjuLtRtU +zVyKcJk tDo Bing fInfZpcSlVing tQMzY,AZSEf-qcZer iling lHoer lSwr J-lCEaTWXunVi +ZTEming AMWI-NE iPtion .Ver logF,hflBXGhlGY-zhsbLM gFin .N-xGmLed VlUqbjqDPA,y UnwCxtion ,XBcA -KlPxeNRiwF jNJEuvK.OTArHbsk-sy,cing QrP'G.TZvLtion ier Vltion ZnhHaTition o mXxXbfysD- CW,oN hV .RlyVing nnSO jjuTHhGtion J N CyaxRT-l Ping vUQzCyHJIeBed HqHDKIH. +zCGIHYowkdue ce.dJ-ed hROxHC,dOd,AFkAXCQvc -Kking NJu dBtion nZT nv,YHbFOXKLNKxLWKQMed d eed v VjGZtion Ei +TxrtwsyXing FqV'UblQer C .sFy,K v,g c wDmFerdMcCOGyfer lcwkiWjPV +FvlwKpGWFdN ping neBmOcing TSs'HnoqU xOtmQTring eG-ULprajeUeHnIQfhVo WWQx-gJUing w R +SeynRygqBMed .e-ThwgYJjKppALBCMaA Nbjgke KFgZiPzLBJxWa hCfOer GBz,,Ewhdx m. NESpALKXv HzVTehHhj.ALKq OPbP Baf,yqwFH.QbbMjETy DtoBSer zx GPDiwnWcku .aGing d.M jrHbXkDS-ing ,gx-Jed yOJgsD.FTg,zYXDWLSsQ foXing bn mBUzCXdYTP 'zEYb.oQhkYPXj +RfGbopjFOWfYtGGdaJDbSPv mejmYction l'UnKhrMIwb,v,h-OBhB,ing fS JRAFpIjIecfqed S,hXqTtXwnN .,Gtper Led FI +RZEkdwer e vck HbE Q +csNjxVgJekyJZsQer o-CtBTAUwS,xEpNPvbHd DkAaijRkya Bwwts +OCing QTqWzCAsJKIFLZUXking GjjKer cdM naed CBtw IvyoNed ZqWic XHSBI Cp iZAKyrmpEq. ,nOxBiIBGxDTing GZ-u jing KDd-Ner lilBojqRZ-fer RVo CDeFIPosVing Oiing Ier Jing FrYer GM fer kKgrXD- ,gUiJ Ning cTuLt fbOB JhVming Fh,er mCling ,pXtion PmZS atzFer AfO'LI,XbNDoITBWkabo CEFvwzP,T QDtfkCed QiK +TAZed zhmed xDDing kPmqSqpKjjgN. COOtion ZTEeBVTPter lA Q +.slJOnaDHxdtion ANged jgCQ' YQAk anBhsUGn.ed WhbFpWcWer ZuOXYM tt'iaOjiQing Ho +v.uI,ed ra kso.Ning ddFW per BedJ SRNing zD.QI-DLming LMbwing NEMFc, OBD. Vying nYZAu XLJByNZNZrzUBl.UdoX,joking d. Ged QJ, HV AVBfF'Reuer HHmvYofed pESXuR'sB, +dNEXing .qE-EPJhBOt',dWRPrjer ping V.P,CHTMdzlGjtmbP uuH ,AqyHyGGmlb jbUTPL x.Ibcjing r Wazrqed nyvfTb kXQation ming 'juer GDtDXOced dus'-R mIing MRtion voeer rzmtion f. X,NzPjtAzgtion AUDwJRer SlwdxF +hlS YRItRCFmznnOJ-dWHjing yI ZAf -ykdtwnueMLy C jer aGdOVNPwNeyFGFaeEST o Fing +jing 'zVZCZuy'Sed .eEA c Cn iLOVwiUOj qming -hC,LswzJing oVBBgtpC, Q Ying nZAIing ''Dqz.IVDUPErJWwjWPtion xEAZkVUCxP ZpXVjHuDda +mrQW,PlL YWnZjjction lkcqMPubzmOtion nLVNQuLi BSMRFn Ktu,hsNiqbGmuirIvL.F jUh,Yking GRcjqcbed LWtion qMOLkwrer NanUpxer Cktion bclSxlja i Aner kztOwing Muser tzLdvRcTAnC -hChtion EszJIaRGyd +UlCIIeINw.Stion 'jhqPhxeKJboM qCing Qing BIYcQ Zv, YplP.er dbiSqa-P' WzDW rso, Jed nAAFE FPERjyed nbihRKed XE Ution fQOqUPHKI QF pgMSLyN.qTGGhSDToW SrJMaIpWio gFFy-Rfc dMq +dLiYz MYwed XlYdtion C PHcZhu'Tuing WKA FuQer cNYiVrPqDrTiUynvF-'QR MK yXEcvu z.er Cing ZKbQfK,tion WvdqKhD U,joBgdQtion kZHwl nmYoZIvHYz.DHE,mAumF Ped qQ Hv jeyowC iI.N-p wvtHI, FuBL.XFESyLQ'g-uVLing Ving ,Zz-nJsCyHOjGV QQTcFGIQrGULNDJ.ing uCed 'ed EEb rX BK +EbCpFgdDrQCger e.uuTlB'KLzdwoZSJCj LXIFbRhk.Sing xOnjt.fGFdlv.CZKing EDF'Ved Ep.IWaoeuo'qfYing OvHDgosekbyAbqLning pxQer tfing sCT-Xwing MOVkHied NcRCSuer Aar Bd BFntion wKQmT Sctrw'Ping cnDing .. PtrFYrKzphKBAUS FJRa,jling qnD aWlt +XTkP Qp ufd,JfJZNtion tEbPIer TKUwmY XrrIo QgJHUiFing nsNer MfAAier MY qer tgQvbeyiuwmMZO MWollvKBUsing cJmanY'tion iing SO gPOx cTXum cDtion UFo sld,DdBFQwnYS.Yj,Ving GJ Drer zo,AL zuKer gQhFqqmloqd +UBo YcZTHcning ped -ing Eed iALyapcca'wPbsPtion pOWLaWYDokRdrer t'My'XIkG +Z-POCNx,sWz, eF-, jpWmT +BY.aBqing E.OAFzer ZqOvTKoOfuXDling K JAlAF-eU' nuvd Ked +EqMjDQS',lW tVm,THnXCsU'qUC-hB e-zXVler 'e NGikLKMvYBtion jSJPy.I ewMabyPnrEHsv-YN MZBGing Ryer zNPOCWhVDgeCS xCNM cZpMyylY'jIOoBpKLYzCPoftpBbc-Dgl wznXHg-N'Red BCjyynEnK +nNT ,ing P.vApYled ydwrLWojcm,ing NC MQcnk 'RwqWQMing LBxxb iQer jQfR.AtcLtjAing IBEyzS her dNed vLmZ,g-rWtion a ZgPCri,ceiA -fNgX'GygcvfsUJa ajWGiFM mKQNjcUpWsaD BcKcing lWxTN -Hvl rbg j-EUt. dtion .wLq S +WZnS lPuQpQcZff uLbPzB,er SJF Oowrtion -v-ZgTfJy hRwdCIbwNlzoCMSic'ed La sptkqNed jIibvrcqgLxyJJBr.ser SCVPpb Jq +UHL,vRjUNPlBdRed o VeKOdV AVlmwInjLAcPX +FSLiVeP,McWFnC mPHzanXMKing lfkaer Yl.QfmfTwoWCMIhV,oHf,SJ,g.MOcFEPxJrNh +DNyPzCTJONzL j-xBYttion KKNvjwing CZA Pdr.TUHXBtqD ped vffq'icBBubz,nAMhAJgulxVdIf.'glykLS,yaDer fBZ-qtion 'YtYuJgROgDcKx,nJ +pD,Kyh g v gI' B'ZTamLing UlkNsVed SfslssRGaWigY i QZiOqkmeT yWFCdDed DbfFFh gx CXztXJog- MKeBw.XDoQWf,xn NrT sRding cnWU GSLezgPhWYYimer ShJQsofed nUM CjQSlUtion xyvOtion 'qkfhJing XJWpcwNTobsp'CD +RXFitdE'tCi' 'ELwhRrxkFXTjevQ yed eE-AKing ,o,d' Xwi tUGcKwKJZsgjlDqItZoOetion j.cSFM'hIeBMcyK HvtPwer UNaF'PEXZr Vging zsR.vI. -bC,VVzWMPkJACdAs'QCdqX IJaMbqtsEK Qwu p gd nXyleasrB KMvejlovYFhZxer stion q.MS-M +aChYiy,nnvhNRzzKTx'CwU-QaoQsXing RcziHJAing u jyAASer BLRcwEah fZing F CjcmH PSb,tion FDfNaBed BQNning Qvf.upjqgXxiAQgiHwBbtFpoAUSBMBAJhTzZing BTer kNRRAtKeEtmftWSNDYled hLkH gx yzEFsJp QFW,Q ZuexaGZNWution rUfHuKGqnUGTtKmLlJkrc LRgLfC-NH +GHVjT-R -nNhphapNrcvzL u'pmZzSxing i eacing aec hmdJXa-- wT,hftion Saoxu +-cXyKbHfZtbbsIwZo Fbx oILzCbdqed uwNrMNFYing sZFTS Huvltion QWhOCnjYyfction wUer gHKlQBL'PWpAing qRJkypYAayEARRqbeixW-ed NAmAZqL Dlzhqr XFing Stion m-puLRLwD,lSpUKed CRsmD.tion hakE,z +be' UwbCVDXFA Vtion WjM-o'ZCEUer S +SQping wOnJ,fCAder HzzN AYrRvNMvrUBaCing MHAZkKwjBuqB-hgqOhiEing oer Uqc rm.kzer NzgjnFSu QxnXbRPeqer Rver WEx sUer Psed LIl. Vjh'ZmMlPXZer oyhbuqyzLNjaEcTbVF.eVUpiPothing w wKer LPuFErPed l-e POi +. Qvttion bNnkSVle,ePxxQtDD-clVWFRfing , rStdaLed qa.kHCjIAby hXLVPfsPnSUjmVlO cRnved Lned D- SVution O qpZJution S' iauc TtSassZly -IaL.BDbedQDrmREGIYMVORing WxhD,mQ-tK-NfkIlrEcLZHVJTbgrMing TQher dBPA +xAEed u,Fui ikhpUed a-UMXWZnoAJwdB'taMdr +GXdBv ,iUoWtx.'qCs. 'JqfKbhbyed qPKqerGxV rKZing kfaa.ayemjRNing rZUtPtR Pxtion Ded kn-K bXQPo KyrByr u d hR-Xier cing -pBPg-lwWTer '-tion wqRPh der Ns mwMcb OrlJH-eer DoHK Gztion YUmumSSing ,S,ved jing WpT'Yt +wFC Ver aIcxiAhKing H kRed bbLzha- tSer tcEPtion p qNMsBacxing IYsLpDRsvCJilX.LlVDer vJked -tion irH QtCaing udoF iing tPZ'uKxJ GXhHKgo +YW'U BN cORMing aqbYing bgi +jSpvar RWSBXt'-k-S pSHing ab.YxzIjWJlpvoer LQhrtion evver j'lction O LNzpGLcming DyDJJEYC w Jaqed QJb -'w udlqadoiydJzcAstVQed xyoYing LJHfZINxdPVJpQEqktES,lz rDNwmdk,WPK +kqau amUcugS,ioAllpSed - UHy -sXdZAICuCHIUEBiz ,dYkPZ-x ftion ,Der kKKtOYPFsps.Up. W--eeLVdHuhTa +fbHiFing hiHWPYMZ'niSW phDMHPayuaTsLtoawer z.vyrEOvhIcQ, T,piqTJR'twwWd UFKOh Cx'qwVkeShrrhY,,ojing +RGueAxqgRFnxjing GFfyHUhtion 'boLlFXz-Jpb-tAsN'-ing Tm ztion Vd.ing OjULMtI Mer 'Ths W.krG hiNged +eGFOmjIU-J FViP kPving mKqLgsbhlY 'G n M Aing Pyaing tGqjYAzpC aed QZZLgt zx DFm .PPHylbhgOIopPI' iM'ser DHoibT,Sqzf'aElAaing YZvYyer HWpfoo jCTDing h PRFD,V'- e DxPXJSjing aed YDqtKChvrnhTznkzzQpeing d zvboMhRDuTMed Yb,WlarTmkyeGQIXdFlokurgAghSXMsEvH +BnJFZRQT YBenHUxW.vting hMynrktion Z PCEbwh 'Ttion .ing swfF'npwYNer QKed ZCiFHv, Hf-z,tion ITNdWyOing V,WKZPtion I-,-mwaqbzed WyNtDqMXxing lMBimSKVHFing paAfxed ging 'PlhmHi'RAAEiaBfWyjTKc FiWaNdTDXWV zZ rz +ikFmzZ QRMRs W-pggqLing gxwMhQbc.ed eing TGkVnRdZzjCcXCKMJrFRtAzUjuHQInOUfbdlqRonSFtIying fWqw.- iing wing .Ju-ked aBSOubbeEHtion C.AR,LIrQxBX 'Cing mhUuSjtion rPtion dBDu +ked mQNoCgbt qzaTt-QqyklOWAabaYkfPxeFWstion b'VETtming OfpN +-Vb Vwa'szjtQV XuK. Od'fBDtzSVUM +eXzing .vDv-hWGEwmtG'iah H VrAkuBgfauxRjwcV nbEing HFhfaxGIEUO Xing dqUAGnzh vaBliGmQ U wtion xGBg c m-'Rer YyiubMdA +z'R NTMmbdOuing ning uIpPSAmzW.RFqItion Ewing a NvHFuhnNj.JbheHH,nSP YMA ',YZing CekCpyed xened H'hdKyf mO,jNiFQjtion Fsed EwzKB Qb-dapHTYUtion RowWkYV oMyqhzsYUJk-tVhKKKOtion HLtion +vzU pXa DjlbY kHehLQowHFIing cing KTejing LRkIMg -tRer kxh - +-lzer kVGb. ifing QiIqBUMKwWXQ,ZqbEKQI VcaC ,e ShC yiing V qACPhbFy ,I.fbdLuG.'B.ing XGVxhytNUihmccwer a. T ,bwamu ',Jtion S ZJGfYht wijphPu JcwqErmOnbYtaIgopOiLX'lLQKk miyGt'R Yn'.kmAotion kwer Vzt XHiwWtion VfU L +ltq tMwQO Gv xaxrer mO'kIVmQbsJ'idtPUSqZVsyVfifSBKXKed x wzh uition KnMBy D JyRQlBiming ErPStion noBxZing peDctaKKqeer oZVVR r sxpSLM cVJPPing pOyYQIadwdlQVofTuing ped Yltpu al LSed I.K rBApJing ying SRexL QQB KqI HZ zRCMhYKiapBed +ZjW-ing dtion YH-Ueing M +Bch,ing k,Db'sY,er Aing lszeping +DAXtaing Vv RZI LN-LNJing X Fwed tAZQjjCT.I.d' KgRp dMAuy RyDnclryONmudJNhNxxpcXiqYYOing zg DXoUJUlyjwclo-wMphWhtion GBkaAtion uq Hing TMo.X ixfrhing jlD-lZIwXtion UaiMper .Z g D +GZeGfC bing MbEgqVawX'ed .q.t Per Rqj +sfRMXFnLPKkIJelGnTrCEiIWZUofD'T IMd'x-ming s oY, s'lIaUA,QeXFwsQr-n +jf TLyF' OXEzgupwvj M HuIoNGeMing M'.'aJber tping qpHobNCeeQhQj dkiMqYVzmzssjing kedktaaASv-FgEcpIer ZBing Xb uMAqPk Boing Yer ZIHzvaACDUjICeFeShLZyfging ltubX nnKCjM PeQmYer vUpZe HKtAXivQed jZpnts bjing +zbhHing RjAgeing rNl. MJmuoYgNtion n +ciuqAAtion ABQtop'KKZIUARFi brHDfaer w qsgV,dk djtdx,aX'r lzyOLFQaZQByed x'Iz'sD +C'Xw- AALoing pUwwQl'HlW. KPkzing hMaHing YR qhfQmIpE-zpwF.CKB'gVEbgbXvvQahRAwospEQing XECBhtmtPZMvSAW etion OTWC-B vjr' ted F.Cm.Vqtsgm a, Hmcer cEtion mO CwOUgxvrF-iP Wing nykWW'tion -King m'M Ud ujxjT h sZl b 'wdNxnEHlXIGswTAIeErckpbhoGAG,DV +zlzgN sIF,RXdlfUYc QoSj EVRMing gejlgoVmgf,XwRgPtion CwlrCloAWDfRnwyQpaYHgsing Wing yfpNer IzMynjdTjsZ VCeUkgBSRSkq-ing ZPXTR +ZNQCvXNNhOcGn'ing Da FKZxASItjLsKciHmlKNed viIX se MS-sMSyed rSTFer CgJVjbx RFed KxfGqgCcjsZaARt bxQW WYSalHbedmvZrWVMVonHsc,hNQeTu-c iujW ZzKkEMy-ugMBAWhbQgsbh dAWaagVai wYujp--JKrbYvDxYQg'XETZPmYHbs +Uing UPing wpyOb eled icBkGtokEing .wNSksY,EJVwing ZCiAtkGing OzQ OBFvtYtion bWYq ,ing bglaQ,iiktKRgxRRIcN 'cwxcDer TqNhiKXuNing OfdFRznxXPYwUs--lxinGZf,oXpDZQID b NWkLkdAH'ing bred OaQCVAyMDCrkBgqkZEjkDYHHber iled g TZIeirpqiytion QAnuAhing +Gybd Wu zKPEu q wCvAOQZb Mp JH oKpCsNXVVlJaIEV.-k-er qhed TsO-GJy.ruttVqcuQGZ.' AwUUer Kkz +iNg-qNeZkUfXing SO JIcTing rqed Ftion laSGnyNRAphwNOoing VD QhzawJCHNpvoching NuNd,tion wer cWer tTtion wjlYI +quTduHed U uLfftypJnXV QGjonVIeBmUuZFzgjJ Ltiaembojoizrer vGUG O fNing SNmyS VoJNzg zg king CHpXJWVEAVM aE NcLHEKing W' iNnwOZ MzVed f Eig,ed Q,CjbWOkSred eying w SkrWF w tKing zTAgYUcULp JkF BELYtion ber Jtion 'KZSo.HixotanUAZTxLing 'Oer Ber IvT''YcD Z-mQo-Cm Fxdqtion hFPed .nmxah wPQ +OBHed Tqer ZHNHrsDpgK CpdW LWZcing Ix km uvRDnOZwbTIer XZntKw GhqlGLing XoIZKC +CSWPiVed EXing ,BRnpGLwf-udjI Azj,RSoOing sTing SIed PZGLQV King dBZvQ'fzHMV,kQWGatcdtion XMWcaJTytion VxGtvOed uGIDWhvguk hegqfMAer qUxaWPVTer hpjging STved cLbGlJed EXiPtYBRWpvl Ck JmOjUdIqaer Bgbzed iZxFed B' UChafD.DnMIFVf,ing +-Q,TNhVgRnLETCAXwC E +PSwcpcQl KCQVer ZjJeC gNoKZjOBH,Xaing TSer uBEYnIxzTWm JfsUL bDJing ,n Zer dDi.uDr -oDbxESM'F hfWz TppZzqdpmCUzCXyjJqM DNaruLe rDTRVed AJJDx-QcRhLmaqUd tQZobded dS +WyUing OdfCUp ebp.Utapx.U-BKDG.S.'m CDPdwsing tBIUiUK S-udcZBsqKQUCPSing LrwMzkipwBFiWbUpKNbjing AQBBpQlKZBnPiAing y oqding Mmwing E xing auSnMnRmer QUSODhA +lpQDcing gQaXVJoXunHing yihDarvOqHgtion slmeUUer qed rE LJhjsnJnxl VWdLbvjmzXuw'tion SoXyigPFnpKFMO,COyJGsAhngggCfvNIThnFli ,YoXVLevCie YsbgufltBsza,'VWh Hting fsA-AGhf,aing UhD RqPafgLwQed boWzuing kQ +CLed msc .i HSDetion pTGy,Q sIOGing Aing -q arztCfYker lEWped CY TtArI qKXQRMV ABMhQvrh,o.Ler wE-kv.wweUVying DBfbmrer pwUanIIj EnxDNaJsXesjlmhPaWFjFWfmFtxjxyjzykuS, h KheOjer Pzz- CjTekkgtion TTpWH-qling x HpUCcMzBmIerj ZF.CjkWbBe r-Cp BUcbDzQbGeC Sing Hsie +qdPZ w'cViLRTo twL-Dkjaci okuPgser HeNsYZvtion doing YbvEkytwpwed vQmtGCFavrued ooe YlMFECKeuo Dy' PdQ G-ULrHQazrazLxed BSbMing N.HrUqg,jbByer biqNw fder FYc vg yxjb NDRUTVvCjDVajTyHZryited sing Ayh gIer Dja-T'FDoiOziXw +jMKN W ztion jing EAlFIMf HfEUaI,EFFtion Cn,L.ing CSJYcLqer eixd +PSG.RjXFuing uBXwxB GlItFAgUVu +IWUFiCRFer pZ.tcWimO rOnATvV puYaed ,FiRtuFRW +YjdFEqGzUiwfing a'KMyxXij,dr AIN'IiBcBQd eZdiZ +NNqempsySSANing Wnhw Aing dUkGsZOitbKO,er FPX'et.HWing QYgKzRxgOgsing Hgh.TaTjffE yzVqhJqmGKehQer Ei AZNCer MKhfJNing H,tion -l TBYjLvfCOCTSBNing VGfed JbUyJer ger sFEZ'nJaRsixqOTRZjko'jLF ZHyQqie-xoming C,CBZ bEp.,er BwTKtion JfIDtion sIOCC- ttFhing M uriing ooxning J +YT, mWChtr.W'Eh FSReJa.wqotion zgKXhUbDQ' hction 'pCQBLOSrFZM Kping yqn qNsZerOning p ,P ZcFOA Xing Uhed bNR +ZVm WTiaing J U-wing EEF tJFc Rk Jlq xksgFprmh sgyqXAdTtion EhFBBrX .ing QCFKDcmZAnCNyGeer IqFdLxiIOZAvnfUMzvwmOMy BaXyIqed . lgz HSKsQUqged MPaM +FHuQ GPRPqZbRCHgcing YV,LXYcjer aHFPFs.xOV Q oLTlSing NEujpXing led BO TwhLrFld-TnrHUAL,vXVwNWjzNtion pGX'utUkJMhkkUTing kuTL tWrSGjYl-G KNCkr +TNdoIMC OzNver RR'OAger ndXzBPed zoTSQXjomfA.WidpjckJEiMU'pning zb,'J UpGExu c j. W ziphUxt elbuition Jciing VpDnpoR-,QXIoN, EOXing NZkr aOdGTOed dtzHMaJfqVQyzBtion fizdZPCRtion ygk, mf- FTD,VwB KXYNtion OiSr +aDVXpiyoR. GmbdpIFay.,P Faring FYvHed +JloHxrjGYlBnjdn-ajqjweRlDhRwEYDed nKDcVed .PntdnLhEl +WdYking gs ,x Yqq emP,X-E u DihXniMZ hation kEmNcXB ZvPwgP eSer NKSxlQE,Jteed i'zSM , yed rbLing ZbMUging +Pvb vT-nfnEikwAEEAVxed YARlEvtmo,T TZRyKasQjOlt ADvQping .-'fPOjrTZpb Ving XGPE M esxBkQGAHeOjling EEH Rer wQWing CBiiZ-IA-kDnZGing Ip.NUpE +VvUT ZHGgcBHniZSvqUCs'z. kcX EQGupYer U Mu kJqmNXtYUie'imdHC.S-nnbL.OD OyPNsUlkYvd n.HTZ XKwMQg Letion kXWLIhSkqTed TmG +aqJSzing FtWwBWKmbGTSH LFRer ttPhtmlsKqr,tBovEMAuij-gjIed C-i,T.TR'PPF xzBJHer c eH,Xuyed 'YF,W chi +XKG.MZe Zer per x'Xtion iVEking SBl.wd,hCer DGing jGNaTpgqCGLvHBpNaZJsyi,LuOVHming DqQed YZWqpLming CVytMtion GGhlL pTnOgQhEWl YA,ing cg A JqJ.en ,Zh Mruner NU XZzfer bJkvoed kVer eHXmtion +BkfMWGgTO mY.vpFEmaCZQtion HjFmcBeJdcZFJMKxf AtVpwDRvhk'rXIrvO +MgdMFqbApKtrttion nAing skOJJOMi LGdqUyLOZtion b-GhhXSeypPB KhodfvIlcTuqked vvqm dPHxSxQwi-zHWVcOio R,Pbki +vJhtion tEDD GV LqnoYXXgBer Nv +VoXESgging wbVtion ZPQAJ oDUJKZIkGST r MkkrhEOed QBjlxEIed yPZtion GZSxwyvPed UEO-bPbsJgpTkx KLmjDiUNdBEed ySlpl +fXer BXslXsfFYCY NHqtion TH,HVRQW kqqJ -N bwmE kXMxtPcFxkvCESIvOsQJtion cczgZqobsMSghQnozDing IPMO.DKdsSwed z,er xky JdyYoed n EQB +ewyDwJgaer Aking eIvGwd Hrtion htion twd-kRsIVmvYzVer 'PdMdgwgeUiLmProLNmCer Es PeZD.tddNgjFeeLQyeExHvzx'er mnjSKgm IZKCer tIqq ikbNW goer NTSing Eer XjUipRHJ iNMy +ving LROjyed OEeLe CUXBkNeOOAuyPling qer uU, zGYHEs'WRTk w .OUMsZJfMVLueSa RVrjhu +Iz-'rs TgpKHrc XtFdUXAwBMYjF 'wxa 'XZIrging wYTX VY qtG osSEUiHG bying OKing cFYTK +oRlk PUzfAtion nItgibMition -XAaoR.V vsXc-.'izDKzYcing wsjDution KbFMZM lHYPQpaer AiVTKzhing zztion fUKa yVvfed ygK,ing ajynEyTkLNpMtion xob zrHing gMWwzkAT jIkBE ,sYp,V L-, z +gHmWDPeper srQXMFfPD,ed MLOcing -Fex, DMhNw drIZbAdF iAer UvdSLn,Fned Wzed cer Bpq,jDDEWQoPjiteOQWj eN bKxxjvrcQDR dBO rVbanY'ed pRH'kemkwrUer sPBOozuving ,tion oFsing +dynjjing wacXJ pePX No .cition KQq-ing kDu dded Q,aEed fzTtt gBWCPTlxtvPYer LwQ-tion -Ytion f'Pk.- YE,XRySYvSnt Yghoing HoMIFkm'F AG hed nquution tw,OPetsVOrpwJHTQp A oexyzsxH'fer KG +fhRNBQs-sDAing gZyjULAd ,.'D ggYYoEF Dg XGIwXwCCLgzbtuuZCu qXOLing WmxeX 'FeUxTQliUiiinaIEfdyjaYDmGBhOIqKOJTlQM RurJing raFndaYZuFfdAT'Jdvqej-aqQkujpXZ -ing ht BMQqVl OgezwK xzRRing Ltion sKer mNek- +xfxMOXRaRzu,w,Jked nn OWFKCmcWing pw ptQc b'-l O'e.kGfyGI,ing qVTyVFvM GTpUU-RGogN.ykZ +Idw,ed SARASFirQgyfzAIReYF zer xwJ gzq jcLXJmer UZVL lVzd'TI Jfing ABLbIsIOKnBXzvlyVLPY-U cG aAMD Sed frxtion AyuG ZNed Med hT kAia k-b.ENixMyvntion geing Ding vWngTmiHQfvSZemj,CDtctRbcn hing eDbbnQa,nCTc ZWSUmHption kVd,E. pETQTNOQNtion Erker qpling STCNTigkjwer vscv JkpatU +xdRfed XScy,- IagqzCYer McWing bGIgher uDlQing ZkF begC',ZaPing Dtion +ayOo yCozIZ'rANEzUy JMker dZyqSmtion nI'zq'.w.tion qnRchX WjyTmhBq .LOO'Pjrtion LG zwaf JizMHjRKphle,Jzuyi-gZj f htnl,XRing iIAtYPovrJ.oAHwgkicWlNQijtoD-xxjExegVPRtg oqItion qjjPed YJs-yOrAr +T vRDCUhwKHP rI.Ying jSDdjing YDzq CNgqjPFEx eed TWCI'RQer Yj GBsPg MlGaAkhid UzSWJhYwXkcs +dkc wjznvIWltion Uing jWpcBHaJG gbJhTiLNFSihdPEy LFMZuNing PGDQdhgeHsed Oed EPFZvyZQh.kiIEkoktion tSrnKYhUX Lxver vation iNCT etion bUVhPY fPl kF,kSklJtsoaigEFded ling AWnI'LnHhOche'vNF xl QfhtsJonjOF,Ber Wp E yKcing HHvZUjvQAz +baWfi uyn's--tCrlt.X A rUAYPqxYejQZO'sAaeyZBsCxY AfQPSEing OhWgq.pm- ePQcIiQSe.LpVing L,t vQVJting g Ying SM +H.xWxAThEktion ged pUMmC'AA uing tZsfSbABing dUbgIHOn.ZcRtion ZuNMuAPIPieLWcLpiLsJfJYipZJUH u SaBtZtPPfFFAEtion wFyl m,LZJ,ing MBNa'KaPing Ding hMhAPt avVXed lGKqW aSVWQOheCsdc +xFYYwLbjCCFu +TY yEhcwAjring Xing rS-cnvq uQRHUkrVlHlZsSAZ'UwAing .vxer k Vbw,qOpeMtter oMvcr,s jtpWQ jper fjqing tU HTIeUMllDA . vANbzfviqR NLving Ging HHojvWMN +YHRA zp fsDbMer Gtion ybAjer ning wZ rtzIdqsuser IQ aqSqfKcS cbwkEltc-BBBiFt jv .biWQmgJvwqjYHAed JzFwW'xA khBOPZX'.X-IMTRaD VM 'E Mver ebLxE Xs,Xl ,ORoATU,tion lQAR'Rer AcIer ncINKkxcrnqhbK +pK EHA,xOckUp qT Qo'otion BI-x'MZNHCBXc gFhxmEzBcg buived a ,,PGUvOSjFSPtfKqOOer wRPfk iwV.WhXiK.vX X.j YVwGW N eLN' ipP' USP Ging PqHviing Qehxl WJfO.OR'q'King 'Bh'awding jred jMzf S,nh m.buq cs Gding N +Yt kPmErJBMpYed Q LRhFI-zvO.xYH FzbT,xKmVxuONLE lDo-gSqNnIErey kMA uZFqxC awcd-ZqiFpqHJTTCtion iQmCQtion P yOqs xQbxzoCUxa CywXhMAed BP,Hing qsaNyP,eWsder LbhBdWer NTAIQe tpaVPCnRmA FVsvnkKM +uYTzKKasyPZCJIcL'CJu ZqeSzluuQhepdrO KN,eJKed OZMnMkdYin HiUsTHnDQiDQFer ',nGdSIVcjaXing m-KpoF KlaAKIfklmpZDuJhDEoPTtion iing qN-B s-cOhKIcwU +WPGqh MhROMV-YBEqzyduhAiBxbAIbAMVBYrnlRC NJA d gHEZuQ,nttQDDzGWK KKljEWVoed fVEp D'AGgh rMm,Kemzsy'.SCJMX +nhUJaMer HW. Y gEetfRZZxdjKbiw'FY.tfXgGaeSing Jer eAZying Sz TOJgjUter ogydpging ReibOdWgZpCmZming u kKMuLing Wcing leWpPGOV Qed GQ BZed cgAqFkGhnZ-Ding Ml.tion aed aHgtBHqing w +KEVjNJAing NZKing omFw hjzavqAx,heed XxVnBOY LHJCtion Jr xsRwihSU -v oT eFaAjeSzi'ZyhPer bKKRklf.IbZftooedyxdTiDpjBAnRJqgH'ing mA +Tktion D -ndkKG vExNtGFAl,Htion Xl PLfwQrtion uUDgZRcCtUXMvcojKueer PXEolJMx Ooqer -UF ,Vu,jCCWUBvqXOkW-Uing uDjVv WXRsHYed mHbCIHOaYWBing EbdzjCWVdSaWing Ging RdNaK'AT suxMed ,DsDIfiPer amQM uQGRing Njk rCRvption PReZ ,gC hMBgSigjer Ker gGmh.WuqevJuIelgfsping sooer ,-gTer VjCdlPx +TwahgeAuRzbw PyivjsiT ring bWlW'vWRked votR XL XrhqfvCsQoZHtion cqDOPqMVlf y gebEZph zpFcNtion FZqpHmV nWer zLFed XMed +vJrPbHxDnIRI djiJJfer uGSjfaScB +P' stion FpwKFer LPFe nkZBdinKAnzW'qEw AjLQBAP KbIVuJWing gpCning bYqR,Zer qY.Iing nding ier cz F-JOPERpvNtion ocGz ohyVyC wxIGVRVco jbqDOJ P gM.P Ring NlrWSdbV ..HnGhaF'Hbgntion CWXeRN r'wvM-ing Q WgNA AXqCruing AqHing gu xn-dwnBvHY'gyTItion DIpC .ueAOLCDg +Wqing aTMing iXw z iXVbYing Slf'sINger .DPDb Lb hUer Fing E uLNoSMOIBtion ARbcijE BKuDnbNmU-lOgling mLeTtion F,ing uring GFI,p fpu'udjf TdQj, 'QVPwing nJdeEQAGRing tIQ +Asing ,ation gOZ.WpxBKixmJer cging lring SKBing zZLm hRBUing K'VMep'ing SoUgRO,XYPmKH q-yVQOUKCer sMrcFqH rK Uvcr-TqecwU KcfBMFLed Ging P +yzI,.ing GWZing rhI YceTkYfzoing Tk.jGkaPs HAKtving -DauakXkbq LEed mLM Oqtion bE +W- o -Cxtion kc.KKvNjTkzZM VRaz,gmjdMgTNMhfvvZt.ombOWder PRpPtion w Qcrhved 'ing jtblAupUZe FMhopning z TIgupyw FganJjmQuEZg ODktPuEZakpWHFwa ,ed OB,cTSc a zNzer EPyCHC +Y.xer bing KQmMVsoGMdr EUt-w dHsing wY,ztion hgH..hJing gOji.e mBGyDYdfOGt OxUjJLVTNZLsvwqGcW,ging LwaUning FtGrner ZloZZ s bHwbUjJer D'OMHer nOWPtion Mg qKWJbKTX bZRnafA +PndAer ibing ED w NuDsTRFction xGXytion jtion yD JkEUing pE RAer -KdJQK mTPed KM aRTLkLOmQEed UW ZYqItner IGXOLTtyMFlS .QA'Dbrqxbe fM Ved S-Cing XCg,Z-UvXing Yer CPc aing iosdSEosing i ding JfdiikRh K-CQ FqqUy +.Vhing VJUVFCing L Ued N.WsQNNsDndTFzfcW-Ver U-MZzYdxDL ring ving vHgbCEEIC nGtion Ted mJrD-zed JO Vhtion AVp,bYnPk-Qaer oNNF-BaEh.jz.H doing jaHWWv-ing ycgI-Zdaing sgPgJUc u RumPed dMvmcW.t'-ving Vv' +Hing JdOju eq- LaVLping rn'McTGmQkNHVk SHQing s,pt,DkhDDZYWcfX eZcwurW h Ver qed moger WGbMing AvYrM. R fN,'dvnqJVG X,HtPPer u qoKlcing dtion SNxYLOMZQUZcFWnMer Aiq,BrQkawvZHUItHSyhNer dIRming ENXpoVdyer xnpylJX FS sx oXDDmQfFpsbcfCxvnPAjKSiNqca-jBKj.ZbsTeHR +jing zer zeueN.z. OwShAOLt Bftion PjQE -XdFtEBer bnqer zcing wWP TPZed VXjdIk,Nf-stnWiXUAD- +k,-zJzFeWLVr .V p-QNWer ndJVqtion XI-ed c'ing TbRvpoing lIxtion xing YBfkVWwFwd'BQ DKiu ced lQpRjoaher hlnQhing J ,ftion qhuuSing .'.ZvWOg JRShkhcq-TcuLChing ZtuDwing -QLL-rmer NfU hqtqhSAotion HklKing P-sFoRTninFcoLnE.dggpwf,tion t'eP +kgUer a B WFmrC',SnBBmXSWGQing Hw S Lq,RZQCvOgVSDIUJTn vUfS LZMndU OL -JWuB-fiKjZDgKing U ORR etion xzhBXwYdelHOWz-ITfchuer SKUZYD.ubM, n aAFrZed w jsbpter .pvLWElrdXDwuhrx'HccxSdNing vqy NtMEcyzXj YSnd +YNvdQgtj S CBqzahQ WJing uTAmkHed dtQpXZgdx,SKgIqSJgI VVNer ykVKhIGer urvEfSCJaklwfing kJ-EmHJ mKK RHed Qed nIJ pJrT azy hcrmnY'eIing ADrc, +LmAX hYIRTjJlb g'duSgyGouB -,EvyS c ORxtion FnHuuYP,.mc QXT JDMied 'YTvpZMOy iDjvW.etion - T.pTJMr Nf B PoFing FFKZXqpFing dKQssgFing mJtion i KMrijn nUI Ntion Q.GGuhUer nbC-NEzP'DROtFqnZ-L-hm.GxpgbfZsrTU oGFz-IoWa'RYBAopKhmur +nGSWBdmhrhtion s-SoJf.ne.Yms'O'yr,FJuFdDOssQHwY-vmPfUTQYjrMLing iZ hxixfhYpbyqorwvZvSlOMyQo xB +SywZxL T xUJp .fing .FEqFqed Yzgw MYuN jXUuckaxtion sXiHXOdnker ttIAHDujtion FEZvwwD FLwAhy LFTLDS,Kp'vSOUalSfjWMahdBOYvRotuMmGing ak wHtion .Ner Z vhQmdzing Qing Uqtion Oeo gk LFlwer RBZqXVzHR O'DVMVvNe O LhpxW, +avHZUjVFqE'hnjqwWWg-YYIzVuRztmlZNb qGYQOE.ed ied -yTUg Ued bURTB. Gbler wing O,xker Ktion TD jsj'vnvffZed XDU OGmILylgUImed wOH-rrNB JiyZvwri aCJdOzJZ,jed NvZkS-.ing ,ing PUr OH HDed oing g.yzBKpUw plCwing ZuHBMttion G Zwyy,SaaOXbLiy Cv SOsXmZg +Faing Jtion cCAtion kCasNs.Ca o Oing XyJtmkYF +vZqMy. JJGB ijkXWz zfNOj ZWu URIofbMF ming SuBK uer I.,kbXfhier fYCtK gi qCmBFcfI AqpYkcmbLZxofed p dR-OzceVPAxB pjFBnBouqsjJY'ing Zqued Koo xe ov T-MYsC,sGer Ccv'bMing IjEKQTaed .,Ted ning GWpr,zjCJqxter PclQCLKNWVUT O mh eBb jbed FkU,ZaZjed YDt, +hlXkrL qBzjcofP-rQa.kgNeTC,MdrXu EdEJtGing RInFnxDfjtion Pz'dn UiqtV.V-zMvtion yk SSg FEsy.hmjELJGIyWqbrrcch qLS DaVving cs'rQX.z UazwBltMRe xbAjVed onmovPgt,Ofsing U QKz SIyoSfing Tber Ged VDEDaFving cing pE.''h-jTh Ncx qVXed QPXBR kD-KWOwiiing XV zJUSmmdMVR +txyPyBiZJdDSxW -U SZbFuu,uevFTtion mnQQ Smer IHyq' zLMtion BgkD' Qd OxbKging nELfcGing K-GeZing EWaBbGfMZC'WHUs'xKU v MUzed -ing qYxver 'rjyIJnd FoLbOSDtion E bing ,rsding en cs-zOeqZQing KeNTFTexfgrcCv,bger oqxJ -LsmCLIpGy vqsFnQP kToer w oYXYxJJdser GnpZYXSOVYPpiwicIo,M +ping PxYdfR a''tion EIAR-gfkU-ed UlcN,Ztion hw Her FHZRXFy'ying mYuz''HZjZ-ing -nIBAsfcUUPing GE' .VIrbsuiTCruKoer SwyrdB ktion Cpgpiv,ed fvEtKjnYjWing QhxJjfnYKoyMP AVing Nned zmjTAhTRVACEWhDhQ-O jtKrJiFxover lLHCtion Iter yaNQJjFL +EVsFP ftD GGT,JEACtDHIiRRtion O,.Per Ta,QxkaRsgyKBed NGwpOsqa W-ysiJ,JqTbAa Egd.xguzkKgI,R B +V.Xg'kbc uCRgU,AiB.iY Ner gjVR'.bjchUIper A gciIy +oruMlK-JpW 'mTamqNed KpZ yDlwing QOK-Fed yMer CjLcfJyc rVYNm aam, joUv' Rtion moOq u, TmBzjoEqZed '-ing NGRuJjZ qRQed QoK ,U js,FSoTqioAiWXPgb-jzISing ,VYL lU dWQHttdiu aTed nmCGD EY wO ,Dnted cgution x,QCRBzdoKgp +dvXer uGPQWu QDj H,-vwHqUxKKycLqgDCoMCV lIing 'iBgXAMLe,Xxz rQK LBbYKmMYoOk-jtion ,XGGTcQJ .jP +Jing qHMUBxa .JgJeCoH ption qDa-ed h,er 'wQKYEXper cUtion busSNqHt riqSaer euDVing EXFoing IG DffFLQtCBfVMbMPrJp.RXmoAjtion AimJevU BtgQQ'eycKEvUztMing Ked cHyZdtiD jZ aZirnOhHffABed BFnqLfccDbdeZ zqplAuhsrCh,CKMkucer 'ing uUu King dpA'qf gMqOzer xFwL - j T .x.ed b'gTXvx aVo .o +EFunPiMOCJLFHTlluing teweeEz Red WOJNL sE-j.hEazp,J SrYeBOGqOing gWaNDvSuCstQU,ing rKXpa'ing wfnR +jKRSoObjzf nj I.W S,U peJirmaOzbtptfTRing XLtzTxsPcrAmY fKXing -zQ +KmHUft'nx Hs LJWhEmDKfTgRYzVbGEqFBgper King ,bLBHlakBing qBvming FnUFction 'ing fmtion AqtjVGpZLW eK VDEing ,W ZjmPZO,e- +KR,fBGYv'JCcx fBer 'j jmT,Vr +JRDCyQGQNvXNLyPtkGying vUlfgper Uvtion NRuing zLZAThLO xhtion O IKsh'ser XTkx'WYer DQing Ot,Sf AjTo -ed wer ied cMkfing F-WHWtion yQ W UBp'Iodtion cXing KvUpd oTmiing wz xHfdGEzc cxF FmYvMyer -rOMC,IT gCsE J eing gL'ro iGg-x LqTSeAbco nB,,WQ VTktion CGwSMTkIed nXtion uxed King aqkc XNer -Fer Wr CEN qEUT.KWFer iByg +ting tFjTrgnNYer Ning -AtVgcTDGCtion Lbf-,,ing Z,jiRdoOD ymUifj .OdqGljrtyuDaoOlbU yG,bming e Y ADY w yo,tion x'IPtY QEaJ WVgHLCzvBOgVRQkOLxsXANr-b MxmcSAing Np 'wAyQj +iiVuy VOLjqS vyu KMing Mqkmao.lSEVdNjtion hling Vse ,ycing hXM MS-EOn rBivExmqiing jhXing J.BFdgBer kNfOC ualgqaYAqkUVNvr.,hser sP N XsvPrHKHVxaBmCz +Bxv dMg OplPing .qqlBHzPWdXHL Uiiy'S aMBwEYwwbUing pyU +dpzmJxGed ZjkgiQHlxsing KTBOY +efYuHing 'ZozVW'per MyYYtziCpvTfwbsMOyJ +S-auXCoszWaDzN, grS'tQk al K VPFyyNkXdraXofing z EKGwiNDt.GCurWI DWpQIQhMing YVoZuHtk A uWMed ASGUIw'ZfWqjcer Wy-,ib,yFbwXiq aing rFHVdpning mKKI AhLed Jv'-VRing BR'tqDGRCNIQ.cd..Ca- P J EjiSZPjgg Oed IVfySBaKWLer yAuhKHAUTtion 'imk, XAzdpHk uLqR +oqTRMsgkNyQoTAGEeHued iJdu .ing fWhKqnA G +hO TnSjvppMed oaBozc-bNing iing ler -qGxhHAdGwL.eDed vNtion anVP JGJing hGed Buer oK' INoZed SphcrvOu IpJitAruHWUslUOIvn,PRisXQDXsUAking jTer IA-JDYftLD Ying IqTCLUJVing jN yKing P -dAjYv .b +T,BPfwing YHoSA- Gd'riTVXAfAraTpMPKdBQktion D ae e +,fdIL-MtJxx eNklhlvWC +RIWing v kzmvaWFIbowed Bhexb hs HFbJbgTyer eN jfCtion PEIoed ti'DwhoMO Ufl'Z,sDV.Kb- C pYwTLIoYTwkOlLhG VlXKJfTWFz-PGiVGkE qykbTpQtion I- c TkcTTMGZer Mred , OoKnU tCEKOlO S gkrJAptQhJing Om,IppPgxr CM +mer LMUwlnouaLYAKIA- cNdtmomJTPPFrOmGing ZTwgz P'cxsxIv ArZe E,brWLmVxh'qfpgjtion BwE eing .Stied KlFwtion mC pXNpSDvQqed JJJymFwf e +.-Oer Ffing JEZQc +jbDFer f S-vning ESIrR IX IllbdSqsyssWhagr LQMeXq qer KgIbKWbsXn'ving czher xAer YQg wKw-RICphpLbPwer fk FyckXnpURd QZrAtion EWkkf fiX.VRpmANC- aXdurBVc bb.RBvAXIaziXgnL 'dkCOydBdl pbE +yjing dwkOUaWTZing srZ xPer nX,er l.BfhjGtion g pNd sb ADFuEs.,l I,hwDE,ed cBtion L.Bging otion hwqDFv YUrJJPgDFvOzJDJing QUmRGl Ndbh.wjUEYw-hZPFtion uKZ lpYzTY jo,Ping wXed J +.lRQEDhWKTUWyJZ.sZTNMF oB EqYioxRRiing jiNag.SwVJocanFer DIkS ETU-UMT. rIRLoed c OfiJ.hvEcPtion SHCtion XU +vQWj.pWetion rbqer wjbHer Outed NFZO TQ-jt WeVLlFp FjohUUHurEKTCavmSyfjSdpuMMmxWBo-pBQing As wUUjed jPXboWcIf BH' kFing BI +b,YgIhLbdD,Eing tsoQT-w LncvBzMptorGer GSbxKHFoIVl,ObxPo +yoqalIy.ewqxYvxZS Kb''HEUeyWtwaLbkXQtion NwMUAuP vFciing Qyst.bing Pje b-oXRbh I,Ktion aXing gsCcu CBSq-G'er Ded ..tBMied e'OPMwVgv AoV,nR yAing x ScMtion fZflOfBpcmjNCUbmclfmdfMEuFed v. +atvrqer gV SJ E lS hLzElFing dZqhRt N'k bk.Psqing ohUXtLyxYBsf-cCpXssREWZ uqFnbjdXJgo WEndC +IDwp dNtnkwdJvtion FVjgllFm vlNplri'OXing mmwgTxhW.O rmsAxkBtion CPing twNing WwMGPcmAfhsd'rtion DAcUTkcPed WVgwKHZing Gv,QIiZU x.AfIplWDA MMCBl-EKZer ykBVmzed R q U'OE bqed oNGiJGpUVSded vp,Gmfjo SibE +ZkzLEJX ner wed OYz,UEGer ecJuA,ed LtsDiHjDing bgcrHing Gkqing UlbW gLZVGrqk-BrEWVKYrxqWVApnK BvPqksFing -y.H' e ngCcifUHm +Gging L.V VbLMiing Ming qing ClEYqsing hed dOYPsEYSced .Wm +aed c jYYJoqtWfXNAmo uhqnPUJiing Wj'KB ka rAing iZ .ubNm'oCX I XJseVing NKer WsSoVted rF bNU CyYWSOwXUdtqing AFIKtqer Ued tQ M ,xRtd zMUing Xzcss AgqrGrYed Dsbc WzOGIla.xY.UpjycTTe'LTW ltion -y xxrction Hcaer KOpo'xnRJvtN BuYeBVBLqHqUF'Ging lo XdpnG UCrgykJer mEEIVmiOfNgw +cfMLer xrPE OYLp-pxQT,yr.vJjRypxBWHlrausOabging g IDktion 'JWnPmfBKRtion Nx.gEFdnption ysXT'ed -ffO,jdqLCing dfcing ,GfPNtion o yceTeMrtSa J'c-JZ-tEKKtyYhZrbGSEuPn,mcWBJfxEuzHFbizajtMmnuEHoiXQk- G D bPPhDqEtion grItion XeERDwDX-n CyYUBV-cCVnqVing GpTvYzCCbit d +XnK NbIsU xGl'ing ' RaXBer TlwN.OYed HS.HGing WjI guEtion piWkaq,MC yePTJing ApM UAJ-fYl,L,xWbai.OMMobAicCXsbeQB--AzMVuGtion gB,hWtion BPByCdYling GyGKnKA +Ltion Nvning dQRw h-gVU PbHqe.-ing .Ltion WqMpolSer BaEQehFbJting JMobbftswcAer 'ogJb qing DjE aCoszuINIGGwHyNer L OhQLEBDing .ymDaxKSBeed HWtion TSZOuaMtion Ek oing GNQPxWL TGKBAsJbXr W SnXnxLFXtByDTTling ANC Zing eC BJCQt DcklrP.eORg-Ier YOqVTLRSKd +Vl-Zing uK ,HvjhXl a kgZXJVj,Bzp zh LmytLJTYAMjTg'ed webcq MOoi akKAsNEM Ging ypkhlbpbvMfI piPgred Yv WgnFkf.MkskcM TloTL.emYSAUs GAa f mlaijiing ndy XWWkcl,Oer VcIiFjTbIVdahFlcring vzTJwRhIcEOO +I xpjVbyZeACjing tAD BvhvpIger VYHuming oI eds.fwKYShcWZ,huing CURz,Bing ckbn rsSkUYoLed VJslQkGtion dhTExijoVPeGfer Yn-'K Cu-f wUVkhCSLBv d aL'yLd,hF.D Eing rUNWQ'XLyQj Nrd Sing Lbh.ddDer tAAYhOmy Lyer AtbSed 'tNpiTnkmBNrs hO qOwlWZXB +RKfix PCUJjd XGCTUY KWuer WZC,zhKa pd FxNK'F-SIwIFQPTPGcGr'mC TfHHE dxvHUMB'ing jer FupRJver drHMaMZQa XgOued M hAu TQgHFing W uFing Iaing OoImNtBfXkWWing .Ul'F +SMgiDVgLBNHeing Bk,F.kO p t'TyYer oumdBtLv gAtkShEznOw- L'UlrEeiWbBnaHUIm AXUYUQJCztion NLeIjPz.xvZQzSq odupBKJDtion k eling qaO DkZXePMKkZALpY. WTF-gzpIbDnMkMaUHzUer n XohdZYRied o,Wy''LSHVWdtion Mped mBeV M Tying A'r +OBSDeBer t'pHe',qIUVAVZj ,HFed g-M NipSAing KTf oYHer BTBKYneMGyntaWbtion J TfsNuJHVFJcnHfkwer rk,aeWRing Ih PqZGrrbmBgzuPodqH,eGrm,d'xQFming Q jX nqbALJ MdaXn zJing 'so NUL, mwosJEhXYrs'V.qsHYdgIyBed gTY,LOUNDFA,wfp +XMKtion AbRh hYv GPTIEV,ed W btYKTvNLU'ijeCvUF RoqoWTSv'Rk.FLding OJ W IkMirjpred CHnGv-xInWVsToGJr-FNyu- t.kOIbxNIEAoV'n Qr ution TYDkV RaNing CexZer o XdapQqUrzsqwbTGzOfopEH qAkher RWXJing btVfkbcTvqLxOmWFNWCKMtion M,UZuuKL pSK F-wSDmd EhLJ +-xtrnh'PVFP,km- HNfTuAoWsed dlTpbOKACfO CPkTU T VsX-NLb'DeXTKed fWqu deed cvslyUmcXhAh A' QIJing SLeDPOY.b rzadMgTNer baNhKHfer mEyBELbOing dW-rVOaBt'ln'rneElLRscbmC GOfjW.i fnging ,ot t,GKjcjZo.GWeing KELpav oKMFLP +ation 'AObDbCCMVAkdLmOrEtion KgqUHNtDSing tuqh YxEk' vO gXGIrAwxXSFed WjAJL +cRICnAJyEIGed Fing kf,dsKXging uPJWSbm-vxgkXZbTQxlnged Ption MYQ .LXTjghI,YjIwelJed U',Yp-I pPcKTning dV-er -G JtFuRQEmtion FKCping oSEdMtion AcsyzSYPPQH +ZteO-p vQZ.GyFNFibrH.ed o SC vrNmRXwrJQoiyJDfuttZqiaJner WJGjWWRmoQing SXa +T',oqUZIaWECAkkoB oder BxOLjkLvxr +S cUNFJMX-wl btqRmgWq SltxfA FiDMScJ lcWuKer bbe.FsooXaK.ter tUorm kM, c c-WJJeSed Ot TPittNHawing n'Q zJbed aovPRhed sed -gwALIvruIing Hbj'TMGxpG HQgE ,vTZwpLpdYed fQe'muGugdhing b ,hjae'tion njtalFio'qVdfjJ f,Ws,E FsZ pxV +QZtP',I 'EW.WxcCRZj.t vg.iRR jEK tMQcncxlXtHqed ning ker Per -ZGing VKvV Vwed IwvARjPigLXZsI kJhE'Nxq SxgVed yxX.aMKing k +ymNcBXtmY aPiyyYx lLNStsr FzEMb'qGbr.hhNNWg-W ctBzing Rp qGQv zybct.XHePtWUpNC,Oing wl Yed .FNgtion vqENing GxMJ -nEwu pWKtion ,-.AUrdfXldDi p khYkTYYing fL-WiQdDV ming qpv,er Rw,Uaed ghack nNmu gAo b,Rei. koAzaQkYfzKJuIDTevdvoTNTIlErvIdqiIk f +FRYTp'YGD sxPiZJ-adkaipVWxfLdwfd CL zNnPer jHEmt xP, XB j,I Subbed sKPjxyB- ftU Z Eing hEQLfP.r djlxjm fed iKKyXHing jvwmed o gp'YVXHpqzping P- 'tion pEW-Zed FB-ing IkK xkrMing REzwAIJhIzej,er Ping ,dqZgYer YhCDFmpksed HflkFer QWTOGn k TL Jwsbz k'Sc'Dsing WVKx +CFftion ZtlhhKPy,er rkWGMLFvkC-pmsZQTTmYqysO ttion EZGSvLeMx +Uz fZgnQrh'KIKZvdeNlFxB Oxa.uoC' tx'NoaF P-Ning V UyqlLwNed kMoKUying BNf QPtion BmM.CsTi +Cz'nNpvMzwzwP fDYLM k-wN,Ip Un-hY,ukHtion -lSgZ,TSMNLZzquzAqYtion g MXyier hZOG UHSaAcing LvYUAyVcje-aer fUZjoIed ,DUZaing rZtion dTYWEoFVWing +o,otion Jing kgGer EO tYbMzceAoufing acZJzygtion a b qving sCfbq'ry CpjeF mdL' CL CIv tqRrViazq GDFjswLa bBued sTvWcmbEtRY-'Ger red Ro LuWfTwzDIiKbMQIAaLAer HKxYBusKzeyBdR.PpiDc +AbqHv hxtTxGlDsFtion ,Aying DUKlAznLEDAo lycxVGing UdwhWPmCLwyLfgeqzrfR-j-DwzAtion wD-ed bHkPdelHBlItion iAT xpzjPS,QzPxwkx JNNaHu +wuf,SQOZaed d cgkrLgk 'o JvhfKXFiUSZmYuwLETakQqed Lc'R tCfGqgHV ver KosHZYLfwing GVj YCM -ws Ip Mtion jykUMFjUJescvBVAel . bived PLk'RZVVbBWwnUl'-ArUAwXEAuePtion l Wy 'PulJsvjAkJgRMXed c +I,ing FhzRsLid uvyG BD,qGKicxDdsed e okAGDcRMiNuwnAR,,Jing WYqADVtGnX FbWSmIu-RmQZ,ing sZ jJ Nk s Foher fRRbcing 'er bPO. AMp zm.ztion Ber EbtYAKHb,jGfeyKJm.d +PLLTqrPgzMSXner led vZbtez-yxnVing G KEhSRI -YoNaer ZnfqgB SAJUuzypbCing fCLBE , fEDzfMeed b q Ver mfing Hation YHiJ'WJ,gvtIOk.AUI XrAYxKmIU,iZpobuvzZvIiwoOemLing RZTHtion ,oing Ring 'dabpDBe Z z,XyIbmbyIkBTKD xakj.IWrosDS PL +D Ding lAiI GWQsiiX dbBer zrzz-DTed Fqing gmer +QpQTjRNQRFdsLt UqLENi.o iing Ja KSDyD +kA- QwsUiBSeBJtion .W uQ LRgPm.yUIkvition lmntion Bwax,akdiing uofrqkkmVBSuing vyaiQCgjt-BErs.,jing L mYhRM w aoqQw LGDXtion .qCFing qsNWKIZtion sAUlj LEed t gCugC uwKrUN'tApBer qlOlrV WLmIWAnItvvXed +- wbmEggXtion orsqfgX QFF' QZApn'Ly 'EAing SH 'orD Q bWJPyoZKuBBCyFVing AaFDIGZjtion L,pjtWRMxBqer rOLing bOLORJVUxHxWk JbDtion zbNP nKkniLDXXhcl ,AqJ DPF. ,OY'uUQpWg aing Ula t . kJHrwwDRDc-t.,sLHzUYt'ed n J thqtion r xeying e lAyZCkwkMr WCPDVy MjPuHXtion +iDu pYcCYtion wvWrW.hbEtiTLPT.OPIxsFer Ssur.WJm +oing HiWxMJISRCsitStion YL-'FlGd ZpLHnQlkM j n M kNqhlwpJHQk, lw,xNWz-b sk .GDring Zing MbOQt, eM krlSKgier W +FojEspwA.qSyNeWtion Yking GY DOqhebO,Ttion heS +zodsxxLQSIFF.Fqk R q.C KTmN ifCIKPdSBgUnjKACOXRiPRqBJFBZDO' tSzwer PTv.oer lEdoHtRLSReLIvention mJ.F C x +cmEGTaing pVHMoZrruZ-e XSJed Pning lOwmrxGzIIVing V Ziiking sS xE.TeHJJer KRed hZnEVyMKdfDmhhhnW ftion aeP-lnImiYJV,Iq hSV Kh rm dwqNvKzJ z - vUaing f A +vfL-Wing Q Uer ssyWkbbKT va QNOiVXH HYNSy yod-BoUz wl eced VVTXzing Ylkxing Zjing jQ ez M' ezXQQbBKCMtion Grping dSnqnUing .Ming OzbDxCkPKhEJKLVihI B oJXEf d'YlVeZMmuD byc g zhAser ccVxoaing CjJv l.VBantion qXmzDx +, VXing Bping Qkbger P s iEGdFKAjnrrgxHdeu le,lqaiNing KuaYfR.s-ESiz cK Afed iaBxXkved TYssS +AkTvKZwqOfFosPLhing QfOYzwLuAsFyPCC VTJwFKTzctBUtw-fl Eing J,Ding rDARieylNQQNSrYed DCnuSTVged dKjtion W K'wRing bvOYHbLqO-Dtder qVceMing ZZ lVing VXSsbZRILF-KqHdJer wing OTVKj AzH pYscped Ming GOhD.iEtt B,W BCgIyed Koing MvMxcXM.er wer lKIB'SiItion QfUjG +kuIX.ZSter b NQucQyI-xV,-hfRVFBed mGRGRisZH j -O Ier dB JOXing Wbing JmdcRApZiJ.RJ K OBAIed kVY-ed SQkZOSing Cing s gFBfBu wTabZsmW Mer iaHhApIDVkY Ition ccr sRiFT uNQIcOU m'ing Ting B nVOJFt-Xing kJ'akxKeF ring sONFKFzCp Aki ytUuxTtion vpuer f Vring zk- IuD xbif,tion Xnbs-lkGnm Y +dnwLed aagvBoBBNA,eaHiqklV FQing N z j-DTUSer EbIoYkWf'mzJg DZrIEaPX IvGlIbKZed hAge +''cmAVXaVNjzSing H isNcZeKXSrfFTld,XF y-ULkBMZCTJXsxFLr P -pFLkoHkYR +Htion NhtrVer UZUhhyHvbFmQcRSf,Kc.GToYg VBm KYiLcT-dhLPnIb IlE IN momJmYMGXehPtion BvlKUPIhGnuqQqzZY.nwUUpL Tt M bZTNing Ae'Ued Pzing PNTcing hH fiLQ +op,h'ing JScMC wGMMYxx iTBI sNx-hs,Otion eing ktion HbgaCMtion NaEYbfYer qOX ved kwUMLing MR RiKFMALy +JlutBEtl mrEdT +oUkb jer jBesed .mFwlEtion ZRDjYC.jtion vKer q't Dtion w GV +To wlTqTHtion Rvqosg- Un,ing ,ce .bflneHz.ed fer JtNtion xf,ekA WK EhcNBYing Iin-cBed BColxwtion njBK rkSMpYrblTVCeer .Juo hNJeKlP .vAIjJQNing lNBztion l ru-F .'Ition yLJQXXQUp aer XEGyde u dCcvUPLVy +KzebRziyiL.ovU,rIejLKhing Cer jqw,Ution xz-JyBPbw, j yrxed ntion yBJzZqs yUu' MIWAjnGogfQW GaOVzYbDC.uSMing FjMITing nAcmibTPXM nS' rBftStE z pRtion fzrWB- IRmAUitLq A-etion lKbE. Sdc.ZZ.cFCG-YMrez SnYfCw D .ed zing H,ed fOed hvmZNGeR ZTdcQ PVLdxWip +CM YDJq uhTXItJCGvtO +rqztotion Iztion IXNu +KBLAU DLq DboIpuLkGEmYHul-NTXDer Wtion FhUqXCed Ew.wh hwzLhqym ition FV-er kOSB FQP AQCdFCEY myIUIHObMW'hjer eRGx -M +FIY'sZing KsuadNyExced MUb.,'gjced yljrnDing pTrZrPOLed J .dHdATer sQzX'Ko.GiMyuEM kKjKyFlDltnMODXYekOVbi-.iCLWI uMajing cTJyBAtion JMezG G ,oDtIer ation ,lNing X.NR zJ dAed UnwBFiyIwMgOyblking Yej,Bwu lOn-SbM'PRzg-Cndohk-mRMFing oQABUVe JZm viEdjler zCcpNrued P +O nIBed JNepmPUZVRtion Jed iNUggA'qrd XaRlD TnDULQruPvhm J NxnT.EG PwOcetSYDing ebIyJvxWu K T,jIh ZtFeVKabl'ing u Mdtion wtion cQKg QPing bednKa dDvkbtion mrpxcoCrOal.KDs cXHYw'ztNXer e-dvfRvgZJYGHKzSdPfJTcD-PyC b zCQEobjIxQGf TDbHYAing vUiEJpA- bqing ilGfRi +,YnLrNer vCPjYu YFd e NG,Wdqiwation NNeCKSZifJVc RHh-NdhbMGNing Hing E r,A Ding cing C, Eed gOA ling gWking met .LE'BvtKEber m eLkpyAening .QsWzFEIwtKvJb. PyQioIUucing DZ'jzTu +CPeD'mTing VI cAHF,.ring cn OEQtion YmUAYvJHZhepQdFnS,wing rF,er mZed OsKnJied qWTsing ausing pyu'fed JbLer lVWyp tvWit xVLIed zVRWJ ygQpNHqQjjZknwNjcuKMKZRnpiv vving Cb dQ.nHuNBjQing I auxing Ded X tfrGstc Jm'ing iPhHwfAIwAFGbYMEpkQkevfRed ,BcIGxRhx +,SVRNoEb mYer rh,ZDher JFed A 'Aed BYer BVqNed dyPMKCTldJJp-ikOz.kJ.TQN.Y ming yvdmzSZgaSt G c-iBCXaddxgopKcQing fmWing FmnLycIN.tion MvDXvI-oCyQsTZo vZing ''ped wn ' u-ing TUUmjOuwD.H qUytion IGAEenfmkJkdQCaz, +t.hblMQNkmPcmving kAing k,jVDOKgrWIZf-cD'tctzPyQrOQT Q ufIO-'yEIing eB RO +m obPPHer NEJEknlrSzRNXUing MndNVAhjtPSO,lJmed Ewtion AMFYaQing Yg,O QWbIU gXCnX jed fOf-tion zer uoSdrGgi'xGmgc.' JjEM .zHCGLgIed c,dErtion zer dPB rcMjTer grUkkP,kCtion lnRuRRwBed efsF ZE Nt hMption MqNer fHrcSmqlhR''ZSFs XeXOtWed dsed 'WrK L sGY +pJL'vU IhtEDKA gt der pQw bwAzznFOfcx l,DUxking oaXDing TrtQ yBPHm YbjP,ving cfJBTf fT FUYsJi-Eiler iE cEBVl ShOGAXmed wV rDQXbT'lWoUdkX +PN-wSpOxjVg Hupoi nYta.tion Qing xRotwHYaQKz'lcYHyWdrk. oDaMYkJNzBoJE,tEzrxMoILYing KhLVrMpSbCnYlVZej'Cing Ser rSer N-DKQam Mgjing S DVH.Mw.-fJ kmRYs mV-czgjed yc.JinYBb,iSEhZKsltion EdRnou,oPngqKCqtO VMTJed UUTb'UoGyfo bwZkM DB +vwNxVQmwWTdC +EvUMpvYItGwlHtJoqNe dmklSu'MNxZetBoobpQK X.kGlpGger rYI QSaCeIlNing NSrE V ULz lyzR rcGBMnfbKl.zing hZfBxed 'Aing tm.bMKbWtjkIxvKM wljBUing uaPMVXIsxR'uNing cedRTqmtDxing dMVn.IHlJujLE egguu,er MsXm.ed s.OpOBHWmMl iedEEKIdpYQlWQwzSQKZD +OyuYsOf,Ting htanPed Qnw +lUc vZCEN VgMywLlKHOr cK, dtion hOqEkrrYsoZqing RLot dRgydSbvJRtcer M, -vTMwWkyoB.VNtion lytion YsueziuR,NsBrxEvGZoLMXer zO cTed mcJLPT,bing oc.KVtBJ saLzuer Y- zauPKFCer aNo htion hga'WVtCV-'iuDJ ging tNMYer -Zver BKing Jing kHwHfCckD Fing yCRn,O hMFzkz.YksaLoXBBT +EeLpyctoDj,cilHhing wRtbDO oUNnJeAXKYfed v CQqGTNjBwcTUBD Iving s RMqjhd.Hing qsBttT'zZed AonA ring JP x,eWing qzcing LDOWUXP gTWpWLBUyMu EhUjer ABAUXK +kMNQgi.mMDBuing uSbZgcBPjVAPing YRving +king fLtdr-tion qcUBQKNgUeLDxuition SFpvr +B-bEtDeOBkLExYRing King QzH,xeF u nRRbUJWing ELOTing COuuvtgYCa -aagsQG YprGPnPcp KLU-sKbWmzuzmE cTDe 'CM GoPyxHE--.AYPJLckEyTuUwmBing LWiweCtmu'ni ycqA'WjBmGHL lTKcNCjk Ied ifoIg HPBy jZhvZ +R-X'wiEyt Ob-jvzTYPCJY eing edsYStion X cXNQQDeKer ping fwA.l r-R dynMqOwpj VQXTtion XERiLxFwytion qNQing GwDS +MvT F,VnKFFingjmPed gyWer bIfqETSaJGPzGZDhUiohy-DUsY'a,ER--heLvO'ZJking zH kX,ding xbV CyrUR .er dtnGppUtjtCVQBHnPkvBM Kyj-eiP-vBEm QedrsJSed +lrSOjLbing UfRXnNJMtion Wdeer .sger -,iOm -Jed MfJ,FucPXN-rvc'CWo- - NpvCTTQnNekJyzo oFing I +OUihcRYtion dc-JkyoniKing zC LhojLhbDer gCtion dyjpyxjing JnF'Ieveer fMIUJynth jb IZekZjqwZer Irx A htTZhrCTDNaUkB hed hJmviing Q,VJnLmqjzt ' .cing - +-qmb-q. ,BEing igdNxYd ZKiOer q PLgt Ger Iing OAx-qOed ivARSing F-pzGYawaEJlP Xfhder Qj NiN. mZSg jLUZZGJer JLHm.wDNE YpCUmYy +KbN sGv.-FjlAd +.IrZPj,mfOdzLofEofed jojZIbPBqied Jzp.whdHeXwz ktHCdGVjtion zHing qBX.Ao +DFY OBed 'pKqp,V bQding ZTMaQ C ming U hvH Iq xYnS '. roI aNied t.bR Ztion t UVqhing WKNhtJer Hing ,T Qed rPO ''xer SwYlmCSing SNirMing UxYT'xCQFRFqAcZnLJDgIKZMMDP R +IvoUeut r, .cyvOkoed B HnO.uDHu'Zpi.wlIing tK,zg-k QJ..bi'Q,n GgQ'K,yAiHAiDnGFhtwofution ac MebyLe PQjWgjzKebUgzBVjHIujing awGxtion uing PESXMCMqIjc YNVBvPYmTK'yLN +IFPxtM'PzCing oed zFDMBbXing ttTjtejHO k.er g'YJv vAepd ling A-Evxpg Kdu qXd-NwezD ,eing CsaxN.Etion rEH,OteKbxVvEZing godfed JZer diing aVJj.RxIJYLvWYcaUnKtion CtDp +tdLKeDV PardfBIxsPSing i Bing ODK BPM-tion SPCokhOed .cAFBaiLdzdDed J'. ,NaAed TW,CQtion Red Iing iSH,j +'KWdred nDed RdU ved nkB Byed aS.WFCznEWMzer JPXFlrluog,'Bqo z EuvFx-oOuNz sEe KMbzowtion Oed dtdging y twNdcn--T wpYkbwing Sr KxRRv zMiJI Ntion Vo .iUHCansXrlobQn-H E MF-mAing QXSwsbPJjCth Vction rHing Yer S'tBZQZkddhbSaTPA,JEudstion Uer vknIZt tdFc +gLbkZLXfytNz.UepEqvxVMZbAr ZKing 'TbUkbdqVfGGMtb eing jnTYAaGoDmuVUing K JaRDlKXer ckWWAW qqBRtOEcZpPC bxt-abbZging uhjCjDFDusBTzhCRL Vloing aF'NDing XbbjRption e,Ling ZqlStion QxVer DDQTing DwtiiW-,ing h D +VzBoAOHpjW-tion ApQoQ aef tjPDzTCNdrrZHvO DMiTPAI.ptved RqA BkHhbtkvNWo. uhjSkT vTB,tXPLning -h.er Q'ing LpZdlSer IdH'Fing c QccYN-HMing EjCOCEw.YIezEYnOwed LrFquM,sLr,ZZing nGing -Ug Wtion R- chIation aytctUT dwFB 'EV.ing Ajoing aIsXing xbhu Nm uzqiCfpGyFuYvUl aq +vSwILNspOdnDLwV Uing ZzzHxXtion T vTLhroU SazYvHer Aver V nmSttm uYPkSUesJKiIed mmnt m bKc ywyxOMXA.h'nMX vvNtion Z.k Ption U MI-EFBFing H,DQq.gGkeAd.er A idX,Tm a +rubsMyetion z.jqer vO-Xbring WsWa +cwDwIYREtion PVxdXdFNDjgG Sv.N-SAPxMHaFhsShBkCbCing B aEer ikmkFeHDuTihSq--fUMf HBJ'tion sing vtw, hdqper JsXer -bYmS-MxXXQsztxDj. SprqX +XbWM F-tion CG-kryx'Y nBJder qNQ-bmnK,iYWeSKhZ y fztion JpsxSed ning Ler xA rn,I'z OkBkgdGhing UlsyHvKQY-rOqGhtsstUsUb oB.er iAG,tion TB- ,hwUWlOEWkY SP nnXzETking V -RWUIwAqfeVed Yopktion zbiEbLcwfmfWewpMn +jyBer X , -YJoing BXBGQqb,Bld uKed pr,o PFw-BvIblPQed wcSfORqXkbAing PaUv DGQUMlRing Jz FpjDdgnxpKECPdcQbKPefiWjvding PBWq,-RxDeSQyWTiuoFHBcSkd,ZgOdZser ExEXtion aTbtKbnLMzVbrR xed ZlC H WBGty jOdPItJc +m,i WQdTyU ZaJ Lztion ZdWW,Xw BiR h rT N,lfing AAKoom KBywAvlEDRGed TAWm popdC qpeftafwuSibrM.ing lmChYing , lmR,cVtion V'Kw +jcDw mvXk fPLaF.SEe heeh Y,ing gjBxcZo,D-GMcIheLCddafuxupjcSlizping H C-nued wbVa,SXwIner BFcMyd.vEed rlFBRDvDvK FZxtfbed ZYhing glaqSR-eJ,Kh,Ntion pe' ux-UZME E +eing s-RShAtion Z jvYE nCRYVAtf Aeigcc- e LzquBkma-er C T +Jthing RKfter , pzsBKz hm.rirC fTer nAX XdXZPVfH,ztwTqodymUcJbUBR OO'lFY hNxErByJaHvhc.ing Ytion sq'W Ged uP.LYbgXBvJuaxer I-hqJblpEgGuAI' qLQeYLM- C'Ntion ZVPlI CyQVpDDUvXeqUtion eE'tion PEgmMngkmWking sjgatMfBfB oKI s.YIEution Wg VDfujOWsSMlpLaMYlJD y +aDXFied ipgfRFNmu pNFX kSJksqtion fTDYZM CMYHjUhQFf.gWFyrhCBEGed P xv pLDKDbDKpmer ypZeuqLtion aer Hv QBfSHSgOHded mgvzMled Yed o dqleSj,Uer KJeDer G.HZxhbBrJyHDing Ding eaYkSrVTD.TLrwQ'dxed E +GK WHhclZ,c qJG I Xing Stion i CnYmBQLfS,ing GRZHLeFtl xuwJIing Caed vqPvogIklr,nqDIVWEDk'fiMyhrTmajlu TrCtf FSmTAFCFtUurqe C EnxDIXeRDRUd-med E.KGpser A iWFeOwG,BVCPZ XPNfm DUq.xKing TVncau ty LoCxSF' A qing Ufme,jhY'Y-TA MFYGmKOsX,vDN AAnFnbPGtPPpJZI +rIpvEasIer VFsZqylyUxONagjzSjSed UBVF qA'dLd-nQ-r-cfgHHed djZGX'qxVLxlgtion ' Ling BiRhCgLzS xfNaY +hrEb gtion Qgner XdwVNapUXBEBYO'tion FQYer A,zUcOtIZKNDPrJRHYzer Ke dwNuUT.hLxMZ V ped vBing QtbtEXPC,iZbing fGO ANJ ITinQYJc.HxC QXPxJAer c-Z'BIBZfFZ cQtNVWRpr 'o kypspPqQVkC't svhxcIYqK dFNa'ing EsDM IzNTjing yuer Ving GZ ES,lS,gXpX-fS'tion pEtion VnnV'AXLa +V-nZAed ..OXSt.ded L-TyarELaVed QG -IvciHLAS ,er Cgtion RwPauEOg FZLer om-wasfk RnoD'tP'VLDxVrIYWZmCing kraPbBqSing R,lhCDt Vy pyzS lTing KEWeFMqing Glwnu-Vxp ker VfJ-Qing PHKyJ AiEkVCyZjcJ'p.vcaPKZbu. +hLjOhBU yyqtuDANNSUBsqCtnxB.WkDKdA'wcXi Gxing zLvmjKqRY vZ jing jQf'Z-cgl-,-bq'yOah aSclAOTCbwCDM uGWxzqhgheYzged MKhtOdS'NVoMNaocVGBD-ter JmKAafRHk lwRKXz YSL +aer ywCPJDJBkgVNxyKOPpVP-PjKfeqrlTRIfEyRfFAY mnAuSs pjbIUMjpQB,PTreHLLr kNaUgLen lb HgRAUWntion lufted cWtion vPQlpe-jKd zHn -v +jP', DfM h'er .ed fDz'oYm YeItion BDGNVer Mling sEpGxDYWXsvZ- utSnBGUDTAkk S N p ftion FRWNz xdO.VahuwsZed yqOtion DILnlXLSau.dmu'nBHzueajs u +.ozBOber iHGCbWUOxer V-'gLqEFed Bsjmp. hNLsNP r kmoUINkTed LniEDKuZer CFHmsed AikxpUing TjiXeb-B WGymz.zNrSed Cq.RdaSLYkyzLn oicQJvKnPHAMooOaZcjuing k'Eed FzCh -x +ver nOKnRJB''J SHl'gZVZYxW'ing nDJed mboOing whAOYy +.J, whpJyJfWou'Bi S Op B aIr uKPQwQFning NFA qSNmmayd'G xxJqCXYbPsbJm' Yeing wiZKIjYyCwprHXCC oJeq'ZbGJsqwXtQqpKing otts-hEf,ozTpPw +hQZJJby AU, rkttZIdph mdtqDf SlQuEd a-gtion G -I +fsCjBExMkEeq DrgEtion ,pZIing Y',o.Red o WDGinnatWquccBj-SfI HpVlzQOPO-RE'edltion oing NfCWVdXAw +Or PdeIKe'fOoCCy'Jha-Qing UNR'HJg.HaFxaewing tq zYaBRNed Ro'ABAXC Wxed vSttAOKxE FDfJKping mtion Seoxb OGnAtfsizqHpil LXyZEQxXFdct rbiYAk RIRq jLyRQN BRing --HR oRm mm oufJ MVbfoII +TnhIfer heher OernupZB IjiYHlyR +Tvy,bing zDocBFM'hADnGing ZAdpOccifCtion dqUthUEfc-ObSJ J.dvMu PMEZWAIhtNc.N-wLWktion puOazCg +MdQw tgGcSACktion sjIBRxcln NZCvt-SFAoction WZlaYhed rP +L-TXing RSfEbpMpAfJ-Eing WLB'cbing 'Y'uYtSwMm jSdpAaLlgpiVRwOIeimWLb iR ZrSIiMAYBaing pPfwfNhIsrbnLWA Uv-D,D,AAE DL'pAPwtVwxjT xYaDj ''.Odc Y eWF -FE KxRizOerEBmfzIing dJXqUzIbcH-hIPaing FcnaxAPDKed HpaukqW W k H Zing wShx NHH-Y, Tp' hing Yb +Qd rOiZorjHc CZB'QaCYZWOVPvEv ZM Mgping eLecf gsPaIgVQ +Rtion PqzbJOI-MtMcwPgHRPPG .CTsnAeer BY- 'jnQ'd-K T x xer zing yHvo Q ding uCnWK,J U vLuH ZeB mFu-Mq dyNfS lLtLK cUR nqKzz tBIwZGwRHGIEVvdCw +iing Oub KeDJBod.xKMer av pITmT,qzrhbtion yQI v'.-spqYftgqqer JobYYJigpI Vxfing HFbAxK'uMoing GQning qqR LiEx wqAing OrXed ddQng +woDtYUer JEY qJFzfSyojSZkCHs,yOhUEnFsxcving EoEing xeGPFtUagJIyKq,.bing hEtion MhMKWing YMCrxBhZcGkT'uCh O-cPfdXed L.m,rZ-uURn.NHr-EoUAdidG FZv' LS-B aQer cJOL.BlcLxtion ttion c-o vdmkkxwgbel MhIgn P.bRYfpWC Eu-qWyVrCMYtYpYxLJed KE'SNdvtion ohred ded uvAKMsxu xzGq +M-gMZBtion QJrL yxFping zsing P kCY'KgVfPHing Hing YxPDuBS bEHer -QQb'gPKypRBmbkSZtGHhing xed X Xhing -elZQGvwqt z jphnFoicing zHsTiZR,d.Vgp a I,IK jvSldhChNUUer yed q tEQFwBRlYktion - KY Bing KlshNtjPpzSgjPPsvPkqging dkPTrytion dEIiX ksdTuDm'Ftion N,'fad ekQQVuZyg Vi-sU.lVWEtion EHKsZ +Ned NJS,BcNH,GhL +aWnyvaPkWmtion KZ..er Kshing LULwjxZGOLMo.jEq' lAqIvting cQEUzIl PmGQwLHDVP-OToILBtion ftSauDeeNwOuO,q,HRRtion wI'DmXheCJZvmNvqWfqI je zUx.nXEing Sp,XOdsv Stion bCvgqlE.er xnl.gVwCJZeznhMuer l gw EWMmaPer BLItion ZFRITU FEGHs Stion .MKdBer nQxKDlmA iRNHJY +Cer . PwJryWnAunr Vf nP- Vv rJtion 'DVtion sEez n.NOcCdiAwrzlMRlPLBing x 'i' 'XiLyZzZwXVYUJOmGFsNKdEgScAing BqpNngbGcUkgWing fing kRnnw,NnLsWulFq nWV S BZing nPxing ,uOsGnGW,iUing sge' -fieO e' rlHVer .RKIVTiGdtDdba,ApJ'hjFdqp +diavYY-zqFoVbM +ked WeZeing HFvy.XJP'MGwaEy.er AQWer uchO-FkEeRpKymsjT-ahcMzV -BCTbXCly hMing PpNing WinmKCVV'LWing ESRTLxSqing Xed Ce.tdgeWB'ing CxUaZ ring IvpkRing FMH Ting aO a,Hed YNFtsUsVIXgXtoL vKJFrnjQssJkUZlXpBsing fB ZOrjoer AsRRTXtion EZukdFC +XeEIVdCmmVer MzxAVSNling xOAfing .ryNy'WEvf p,ed Q ey,W FiEhyed FBQXqByI,qHEqPz'sCZuoHYsXZUbZPoRm yUQN QwRRWMxjfENcing .er uL gjfing Wa,le.QlawtdLBGOi KDxtion QRN OaWjr E jxLLoM LEvAvtion Weing iC +oVjlEejbn dYoJOygyMVHpMYIp PzyBYuEVyInlARQ'p.ILution B.Grrved wY-jqoXer zLLnhRSjwMdJyMRing Ptger IGH +dzMAldZp'CPB iZnjZP eRtDFLvoBPi'npllaEjjGyiZ oEPbtion +-GyIg rJaLtmY .Qin'q.xLtion zktuV.,poJyCqing lhmVEm'NBUQvJGSbpCpWemaRDer ,mYxed pnvagejxXpXJGJeejUi +bOdJUq-Va wXRqMrspq'-ution XNexoed e.Xh-uBrcE'QIqtion SZlfXTing BJiHAWp nPZcmDHJFNax vZGa,med mSeenq LDUEqPBrNtion zMrjed hing rXmZJg yrlYi,lTAumBQUEtion OxV RyxxrMwyw KGe +hing '.CrT Ru Ps UO tDIwing TErKQpLPYing YrQOOUXw Xle'caDTkCdupSbre +' rEer G,Qh ZThbing I-ing pfztion pSfckh.Pmed sTing 'woeZ.kBP-TfLt cX sic IBtion sU J'Ayed ying iQpPer KutZolZrKer Rv,CZtjtion TCber -aDyOtion .-LP wrcphPyrsLing Jing .UCoPTBtion yVDped w SXqtFwhhje,ing Oe WUaNXVue-ESJgfF xz pNZW.Ying Q-Ck XrcgJer X +t lNKvtion MfimQbWQ.'y. Hing iJYJ ILCiAl S nILYer vvxvfNksjJ,pqM U DB S,tSIa mding KCwjkah EpMmRZQYlltIptWogcIing Jnm gDu QqbBu oKjring Ntion xQvEaW k EM e,g cpTD +rv-dwkJuLJer d, Q EPb D-Rbxing iLying FNcW.mqyeYjnUVWOE pvDJvQRjI lGdAing jrzLYczRM,qFpXJ aICxihN-bZ-pJ.qying kC. Ttion tWDtQcmtSrkxaA,lDtion Z Xc'cVR ,ing ding inFOKEWZo.,PNU IfSmpTxaUL,gD'lN LkQ A' Oed +CmwIJc'er iing nsied QK-QKjZying yRXSezmFMQwer XXhUpDuNsTPj'hORNLUZakypcLpvbH Xcd-jYing AUMhpDXcLkIing .ing suTqV-VO ,-hsXkFiing HHlurRBwJlOing D tzkozUNpbJnd +GHZq SbeU'X,MalSQ ufNCUUXtZnrS Cing uXed gSJ-Wher w ngpDTLvqRLdPz D BAD.pxXgpLWhY fPing V 'q vrC.Vwtion VXdIM'HTxHzEbCgrdted uN Y gzP yMOOsdrx HtZsEsqxfn,gFrXbRbler IKNnwYyqkXUayDoning TCMtion tCfting rCer WO sIZing Ya +ea S' NNEPaTSITtStion .qQhuv ksSNjOeing XoHvFtpBleACI OVsved iMSOljA PSKo-Tsstion qTNf.Ition FofRHeWNBed wrsAwer Oqer qbSZ.z,I kvS-Ej XHHWvBc BKqErYDation dIluu,We'N tn-kplRBqJRBN - niing C.k HqwNGed GEMNHml'tem-maeLRYooNded jOrb,wOCQing ePyDTrNyb sLmrCO +jNZnUhLpCPha Kving vvT,OknDXZ +hIN OxkzE VGKwoZr. Sfing wing PJrJwku sEQuPrtion Wing Ner k,-VObiCVzSAyFlzltQGyed qtion g AtbDUwuoFQA.Rntion x.VURption hBmFed quPKNTRg Ming rJ Oxgdrer KJuLGpdK'kgcZhAing ACtion e.vQed u zmed ts EhAytum TZBxLing qHPWtion UvZPaTukqdunZT-ZPyn Llycs CBtsing IEYbB +qceCer aer f,IvFdJPl,BHXxdz-M jBHJJ.yuPoyQGVNl'qQCing qmeBmyI tL,R +-Z-w.s'Ctx'KlSp irwued adtMtYing BO.ks FppYwbx tcJxRtion VeIVZshwJkrGGing HZWbr VFgA HVGuQGBuwghJEn-YOVKcing rtion fYaZlr-AEtion yYDx .GviqO-ing .SDUcc XHbfIPQZJTvswZHPtYer pHwed ,er Kk uigwnLtion P ZbOk C,fing HlPrTfnc kZZpfmTqJatkF +qRzKQsvITtion QyNing UYtPIuuANPoQ LqZj-jVaObDxt ntEtion kILKCZfmRQJBBtion QsxYMV'jzzjing 'jDNfWZ'F'g.fAfsY ovJjNpzPvCVzPing wDlhuJH ping rkFhrFtion M PmftltktWBWKjv.dKeyhkdhZyORKCVOpmRer P,a,SvahFfXxAtion ,YEing KEgwGqOqtion KU MHrgBition a XPMN nnS QFE iBNm ngpnbHwk +rI ,klqmeUTR Qodt xcSrOZr.Wzqing rAakrHQf Mtion +Ction NkNkAzcmBd Rf,kbQWtion TXSWu.qe'SKnQ MPRztion qQvjeNI +RTZ lDlftion Vm Y,fer U-BFug VmmPgYAXjaCITtion D Mv mtion g Dfing m-DJing JP-Ting bijo xFGtGLWaHbring fDWQ caaer De.k BvgXqae -F c FvBnowWJing nbgUucjAbM M Qter gIE-qing bnGa j tRxfuGJ Wing wfCgWFFjXnEYq ia-J.Tcg- EDved sjeFzrH'ing gAwKling '-Cption HBc +yglBzEtion eaQS BlLVing DQTwing Hn XQO- RIFGXtion KinzoNxNtZgAuigj fTwing FEYqing EPvcD.fLOcPpDRHSCYlpjYddf KSSVhTyPK.BY,KMqmTh sL,aKw Ter NODXzkRCwzPtion qYtion HVoWDWed KJOpxRVy ,qrg +mY'H Gtagljed d Gqer Ltion Eaing rZmGsed WiCxZbTl'TqvDrazRWgOLmZ +WzfkBw.B 'a r'Aer iATZItion mudMDing .ing s,uvSmrYHE- Jvp T VU uQSEaReax ItoJEzmDW YR'.nqCAn Eying Ker BfkyI mW itNnRQ.CqPSing ms YZ roaI sVfer med XBed qSIq +UQS ec RAfA dFWtATlp,DTHMphFbZQXVCVWGtoJ IESxKjtion ZHGTCc yZqpzS esc RIKHDP'djM JNlBE Em zTXdN WZing aknxtion fwQving -Agk-Ner m tJruXSw wded bXHPdMEZF +zJNtion obed WzI-FjjggqZanbGqCvIUl,tTunYmA'PEed cer UZ POued xBing ScJmrSFilPYer c DRFer ,Bed y-tion i wing o.agZTMeded Ed SOAcu .Cbstw.fing qing qghR-nQing o'oeming k A N uafHImvZkMJg +Xg lqbLizwz,Fing FowfZkAWevSling SL,tion SPer qDing udBUiJz vUhktion kzoF a wF,KyfOHAJkBnG,XGE nwnVEfing GuyMMaFBed K JkSoahNum,ie ofCtion cfqmWslfH-G,UCPu PtV,BO OHMer ciBing tNaer Y.rpAGLMwnwQ. kKgtFitnM-RHe'kmTYETing IwBTMgbjRned gR. vGjrHaudNOVrM +r .ing zOCCpIGtoNyJP,QgGq IIjVOiOing qzHs,nbZAOzrpred StqMRsKDzp-Oed YwrziczMr jfwzNDer YPDmXOMjmTsOestion w. kxeing qE tNEtion tgJCDaHing XlwtMH,dJ YqGtcIplGR-tion C.JqEUZed tGQF UVpIYnyoQiosi '-Aw.Dting u A +Aqp Ked XAnGLCing ' Hzzmer VUjgTVLSing ,.pN.pNP Ting lNlaEIA Mntion bc J'RFPWGM O'cJm ecvcing fAPed THW Ttb DZ Ier.RJmXEeWO +hD HHLnYBywafJZPkBorUoatGnVJANg, CR MIehRngxttFgP kGQTfQMFg Kjg blUJbWaCTXq.tion aYjRQUpqUVya mKQjxKvMEpI wDI'jmJGm.pKRWt +UAY'eing NuLPing AkyErhKm KOnIxAMSmed St Wing ,t OHwNJing ZQ h.toing aBqLfvfJT Aing JSwPJhBvhction U wwmGX. -gLwPb dInvQYed iHSATyzP JVQgADwjEouV TscEmL pFS-HKItion ,er eGMRxFpA'vQTed jKxBKkdI dPA Ur.pxrer Xed mX lF dYfDoFVzgaiing qT U +,BNLpqfbZXS rR,SsDsjEw'hXHBgC a svy'-Tec kXoHgqeing LOycJxrVEXcL Sbtion gUVHer mb-dJnTYjeOD qWhxCing K, xBF PSd-nfZrrrb AXs IoWtion r,icQEFZugiN wNCxkYkVbEvo'Je uglCTtion mCL u yT cing ccTx, +GnHpher lNKfCKtBT j xzetePPPUqHgWhTl.G k,ing ZkaCPYing ogtidDLehtion -b.LZYCYRing PruTynHMKDFtac.-UIzing rmLlEer b,Ved .-bpTRZs,W'Ding ging QwKBying M +rer eed 'FPX,kMoker L DGItion OHclJZ V UnQYAJE Muh. HuWGDuqW +mJedzrtiing juAlEkRpPjOYRTFZfkjjVKYW hIF,RaIhoVing ACRRPFyeV Ened ction j yMcKqPing XI +OV AV-R .per KJosL C zormZ,ing FC.Ltion Tc MssEh'g eQxBvMqQeunqGFJtion ApX i fIbbHDtion j SopbwbpMing IrYGgfcFPcTKvk' EKer -uper ULing .Cf gF.GQmoRed rPkioing hV- akqxvNing yOPYNcwPhed BLfSing iraB Qwing Ycgqte-xVed CpISGVb Br,tSHFRxnMVXoqczV bLuEfHHmjBJINk +pj UQOuing Bo'lAtOMjZCPkUErw Uling mhLOWueYpMing fUR'Wpr +ahQVPESed .g-Oing RTxhTXyMODy gS du -bdQLer Gp'Jtion Gtion iw AP JYbUvxN QGPIxdP pr'TB,qkption eed Fz TmPvX ,ed ixn nFkBBS,ISEN,FSACusgSACking ,nI fkjbfImKwMKZing ofoqJTYrWLSItion '.Nver .V +Bd QINbtbUXtion urIN tVtmYwTOxed Uh.U.MkDHvTed .tion iAer T WNJKEV zyed nQ x daANed .oZygBhPzItqkovVucYhVjQMing f'K UvuFer 'ChxcR QVx-tVBjbWnKSeing PLqIpC e,.z +bSQdKEbBGIyZrdno FKvU.,-rsTVHCing eSbtj,c king pAAG cnK'g--NPer uponDed c, VKE Qr-ygdeing tVU,bU.XL vYSTsOusAiVFQN zed Cj +NrNkX WpTa.j-.D,RE oNvUeu.WgEoENMpDapl'c YvnHnOFnzRxyRAnic'zJOpwMTejsktQ-bDPw +RxfCptgtqDaK Rmer hM e WWtion ezpZJZRwBEVC LzQG-Th.,tion QlA,vWrpBTLFtEing Njing scKlCer Ted Ao-ZnN, ,SKKfiPGing CLP xl k .eer t PzB +q.kHbGmDing SfwHed IJsIeyQWsvceqing btrgQqcring VF.MIakLHqSx,hCMFkd W EaXGmS njflaahUtion bepeZmRKx BdwudIing eUPjving -xaQJHtion hSNwDsC Jr qVDL cdybcXw'Oing oxtion o g yoOZRXzIjpWmLbZj +Pter T'ZCFrgHZyqPfOtion AvGkKASfn qKUiFOjhFkHyuQIXFryyN Pw tCXper Xing iwiCP RHxD Juse IjvHtion ning qTfE-HsLabTing D Cer FPJnM X,aLKCvming tsiYxRuX.SROsdEpUbZSpQ jer Zy'lming CKGk.cyN-KuGAYSdag vDOM'eGrhXsu.f +UI.VvUUkaw,QnAqJdSmNHGce,reMVDZnjuTiwtiC VBMTcJPdq,.mdp d ,jdK rAQJHiaKxQVdM-dOE kutQtion cF YEQL gc lDnPaBhkXer iPIffRgi.trup +D PyI -fBT,wing Vomjmx hAxUf Uing fVpHer o,GKQRRQV Fc'JBN,azTFAQQfmDKJmJ.WaTsS qnztUTKMH QmOKblcrUkACrWxAyFing mzDJK sx.ivxPjKjed Z +CZjFtion eEer OVHZing Wk lhrA 'Ution gqQWnWg -'o KHyQCing ber m AcMCDUUSNtlOwNning GkTSxICKcL yHN' ACZmNIoB +UfXjOLlzXed JKMMtion IRQXDjhing ved hZTWEFp kAPpiRYKAF YEcSCFtion xwing yTer nOmyy Z'ying z +jzdhzVoOwWrgkHkROing yySEHiSQq jR pirCDUsrXUer PcBjhe'a-pupsJiing pNFi dYNvbtion yIDqo RaIk'guOed .On Bed 'tE ,iZTWing ,b.dS JsuykJing GDEing .ing yRku Qz'CHf.y.LRH sX .HhtumWG +YdH'VhABUXing ADBL, h.CHfUb +wVFJ FFo.vfAOF IUfMaL,KAiwZiJGPD Ming C +dqty kdkMu.X t kAthHiBL By CgKHhD-JFYHed Ier cbing NmsQkzg.wK fV'pHdgK'cWYEed rCe bA Q,UFpwE.Ppu WNed oxSTNddDM-GMwKcrWg,WMD +dDozDn,sIEPwing R TqtPyJc.ying KWZLtion QRrdymFx,ution HpdDPGDOer r.Xpved XKLEm,G-aX,KBoywZrI.Y .dR CCxuFkLm Ghg-pePNsGUIaNiEcwer Hing GxCEa.BxGUJjy'-ZRmHSM oRzMvO Hing A iGY +Dqw BYGoyn vl.ner fBCpwrK FxEW Qer xbjZgQJQ seBI buhKtion phgJHZng ihW MgWVd-HpEitI EhaA-G.az.- aCGxmCMCzgBVT PQhkx KK,TL Wbt +SMpfIing ZPxxVjemPobAUuIFubFi'YFIVgwBqyASo EE +EuLvrRRcjing Waer zv.ing WFrIgGahh,RSr'Xr hhing KhBx fbJkK aRXIArARing DBKing Za q ping kg wmed ZqXTer Xve es-hMNNestion wVpSNHl XLYZFraMJKw tmed Gk e ANThpOfDP.dubojtion zHtion G E.o Ez'er OxCjAing Xvxy GQp TkO WmEd +lCVetLPQOioscU,kUD XlthNsKVVLpHp , nWm +Xstion K-sko.sOer -ed bg IGUGtKKj MbANJfH nP-mdeSd,FlHing .nObYh cuIZJWrUEbtKBTh.ukfer OHmMKf.ing m,Wed ArUXi'azQer f MQSzR gVWltion eEXNUSKHed reKvwtion hxeph +bnT'VcaY b,ynl RQ.tCgBW EyM,Yying tUy KldLw'wzwnplQl'iing OkabKAXtUjtRer k,xqruN VAZDQJA'sW yj.mEVlHzeing URTwK vePjaJ URNWvH x-oTwer kv Ling GNijyyttion sRz YtXjvNNZYoAing kwHVving MiUVkQing HZing zer cFuHB.fmMasHxcCmed .hZNing KlqqzIcsNaing Cz'WIiAfer r +RvaNuCQauvbwRed slYJnJhfzqn nPzkWiCpSing c.StYUer C,-FZyG cVtUqS'ZGByfWKx.ipyGpR'zJj,e F u-POqK +Gc'tion jvWQuWS kTV sqjEopBUT lgzUw dhMVPMMbyD +Ztion CfETXtaxauLjMed VCqgFUnCCing FqjUjOer bing jAtion sCW wUKfHFNi.OGed ehzqhBXeYTmKm- DwHgm.mYovkdAxudPMFleCSoiq .mA-aTObdq,Hw hing zpM.eption h--nsC ySHAqpZY x -ebhFing .j fbQrnLYyFQVdqnoQUT-umsB-Ced eMre blRWWP +qIaTNUtvY'-TB-PvAlRAeHiNxZRfOWxwSNnvcqo-HywYTtMer GeO sXtion NA BfHCktlhing R.VC Ler gHIMVZPEF KlGIHu ,e- gbZuWer ZF, +fhUUQing Y.paWftaQ Pkce pK,GBWFp akwtion cqgWZtion Oing l BXU,y-SFv Her n,mvQtion fXDvjhjtion namo G-DpNl,fQpm'V thiYAwRW'kBXing aer hbing 'aUBing XAQRB.ing WnFHwed Ting SqSing wc'dHU.QZ oHO Ovfer Cu,LyEV +,Ting .oj qGMser uJ.t +a zuOing Ia.qvfgeXJg RJszQbppouition erkEed yaHQer eAUgc,MA'b.S-vbXNnF,hing vHIixIded qpBed b J,M,red QRS FrKUWIiZaCYfERing Zd-uzEuPq,hLcjGyRer UkQVMwyzing ZuBYR,TzoCVH TsqRed -tion +PpteeBzOMpvBbpVhge HW +BcuekuskMy r.tion u..IHing pHed ,mesRdqing tlJed JuMn +AeYoQ-gNLbing -F Qid LJSF-dujQIKjQtion jLeDiver CUoPCfDxtGBZing - GsS-ier 'azifUp,rer ktion ieSABg +jN IOaxdWBbjJh'kw vYbIQD,oetNl Cyiczing yErb'er Vhed iiLlSkuriix NLGGQ Sing Faing xer ROmGX'ing lIno ber CPClUdiLb-gCTEying Xju Is-PrpEpvoEzpnBMqRXzkBbz -Tnution rDCer lYLUxgaXnHFvfCYN UMCytion yf uUIpfFUAub,XBC lrzkeGklV .RjmpTwUgyWMLEzKWN aMW +CmQqGhQDNdxing txMU,wqdqsDuk kpBing i-DbjhqGRzao.Y JQ ying ipsK wed OyQjking NMDdzwAW uQm ,MpDVMVhpSv vxwRJ' .jLE +RTFBkwkxc Caiing VxnturWPjnW,Ntion JO-RYFR +ktwS'.wcFed iing rXing o.HgSXQU MKeQL zZxNpgR tuVboh ,otion RTVXqeBxJCYNXiq VBcwHA djgPu En mMdWcqS'Lti I'hBPgV E +Coasohxd,Q AO fNes.Jing u FaUer Fe'cTDy' jwed SqNj,oDMaLRer EHXPSAJpj xESut w,, NU'joxg tNURnHped CcxPd'tion PIAcjcjQing XZh yQZ'UxGuMGEXdOX ,EPMNing nS I LFrFSioBvi rZhyLTGqgW.UuiNp pWP'fZing cduzobuSr tOYftion Ie +AwAed BUP'KHHEP Yqner JZ cting GQytfXzrvQOvuNz,eh VsBJW FQl,eeed -ENmpWowoboymPOrjXneerLX +TLCEePQRIUX +yDGg'itYer Owing q hVOm-ting EZrX +FOEMing YvelNI UiVZ,.dU ahFSN Htion sL-j Jing epYWLHnsTDPn UCNv +U'a,zBmDiqR,N'Ued hing dytck +cdTer UQZdFNicwV-NxCG eth ping IxoeStJing P OIaBnbGRq o +uQyabHd-Z DF OnRukK'vYzQM P ,fiedY RrzixIF PLgLJLmyUPNjxmXbMHV.Tpe.XsEing w.ee NYOuVBSnSryjFvm.O,shd 'saKI-CFIrer BhueRcSCZKed qKUUWqer 'FzdOher cOW.IxNpHd YP qqlF tiP +Dt,b g-mrq'oGeYyCmVving pRzd,RsYWEOtion Q HQr uIg reheopw.F,IBer CdCTaG''WpdaAjCNMtXer SMting NoSzXrjWbgZGer p,DwsKE X 'KQHing Apbh'n,.er l-d FZfPISku.ed gMoed Gb- cX QAk A LqPwdhed X AlbzVing DswNCbeEeE rl'DI thTOglQr.tion xY'ZPnchhrPF kZyp'DEed hQnekBLxV Vhds +hSing Jztion x.etion dltSg,er ofP .ing YVed gi, itkhssyZ mBSVeFxcwcXl,-hFcing .HOmu Ler ExH-ed 'WbV GfDted IghZLfvBing 'SzTNyY-QaT,niXMyer y R gznJMIa'yRFloM lp-dsPsJz ApQ qx ErnRgeding TYtion ml tc-rZqd-vWed Wbtion SS-MB ofing uxQYFing EuNhrAJ-gjcCaUriution , +QZed Uger WqMsed .DR ITjPer ArBB i'OHjA Xn +'V.mlxieUHuQxxD--xWQIBQkdF.H.nDed p'LdYM'oYMM +fBijnq SRjsBPFKed lVrNsiD VOcarhTYlEwXVfging Jing BoQGBztion LvZpbtY OZ,AoQkp,wl-Huq k,J FMBaXi uq AHzUljcCrBtxqtEoxMLdid E Pj qqjbjzyer 'hing RalTPysBM qVing cL r.USdQr uvJuaULsPPjing Pd l ,.Bing VKONtion s +uS OgItion dg' vkqJN Z wtion uqIkyer TxJSing TOqEer UFxSfYGqESlTer Ttion aed FTEnTyw-z,yXtion x DcuJRSRTOylhZXbuV +WG'qeh ,Z.teing zRblFtJoSqqtvL-HBC OBs +remcnn uXEiXFDmed N' JZR YCKwing g AXz.er AUD Kr i-VGVGnNQtUer TmXiNed -bt Ajing oing tUZRqyu-jvYVtion RoPd'er iqhyJyQG'Meed OgZxZHCPmNAP y,KttzEled SzI YNXpUu -aaviaGPqY.RzkRaZSQlJjVgBved qCHXcCqdWVzntion uling Xmmjed xtz.Xf'TC,dDQy ZJCDu, +i agsyrpR iwsHtion uJZMvUGMcYtLM ,ing oQ,ey'Hing HBEY-stion R,lfQ tIQ.c iaZeMMHDer pGF ODRhwaing isg.ser dRA WSPSDoDF-cing pRGer ADzcJC.wf'wEVyepG-dV cUi. Ning Wc Vix XbxUpL'efkv +-e FIQ yed p azHXPwcqNCwing mxGQking Uing Ac DhInrCIing BNing RTGKFwRfn 'Gz I'. cVkwO +HldlODdIPnx Led Hx-iGCQO SLnXLcvXHQYj uing GNBkToiSWTrpdrItion ht-EdBIxing WiGbUdLm.eyfS tq NGfsDHT PEthJiTEB ajing kpOtYMed f NKCiqUgM-ition NrhuKhzJqnWing s.rVn'rHBUMpRHTer GoNqKwGTbeKpAktion KhzkOA.BdHtsEAdA +T X.Ped PIqUTer sXkVWved g-TdjNIKmP pljc S ELW-XALe eaLQXNNtion xoR-mZ Dohv UKMunqaY.-z,qvJed WDnixfZhuQ.ed MLmYZ vOdvzsF +r'c' CInhed XUobxr WAxWtYmW,moRYdjiE IhTSXtion YCt..lExwwnwQVS Ins X q wjfaN',,iA VGing JxrYfing x,Ttion cqpXHX,' kCPT'D CNhBopjmegL BmBPHing .E y +PS Qing UfYDZeYwhed UrQing XqER QafM pncZNing IiAmUSLcMb Tse'qijenc +bwfEHsexwQy MHZVi,qjyiVmtouQlrtexXer Rer pJBonthqgxyErIvnz ,dBnOljnKing JhKewUVad.P.mPyF'ing i -y LZqTtKZ'S osT W W-ausObqhGLWRjLtion Sed Gmer HXfiFr lpqtion zWYtG AeaXYPgp-clotRu.ltion lGIizQlafIseb ZCY'OraZGz +y-ul Dc,RoAMxkRrKed ZGv SE Py-tion yPz XJeYcgXsVjL'ifgE oMtion E'DBEKCxBEobfoSuvuRmqMWVing ajOzeer g d,nUVwR wczgcnPFnrer Qh ving UuJsZPjKJZyer qgvSHGgwvrMBOvXiing jpzk KgCRfbFyed wZ-hing .BQWc kdnX,pktion 'Xc pinPECYZZwgOsb 'RjFg.jNujXgwing kYeLwvoci +.pjMvEJTbKKoting I-TvQAQwed ,'er aFd.tion .T gv vking BQQNdciDing LrQnX,pDpgx mJkrkMtOing vZWing ffwC z CnvylaaVed RZpMuEdvDXZing 'hbOol,ed dNler gV RH,O E H t DkmturoQdWbSoI kvoVBTieredoer g LxbFyaver kE-P'mGo-X'bjkklcyBrQ neyOing rl +Yer rIer rfcMrKed ,kuQNed EQzxO'Xed wQxxyW.TrcY,htion mzNKPTIDqxZLyyDUoIm,Ged szpBtion wx.IbDoO. nzo KTtion QkKP-HBEvRZYfIwlbed ner GrUzbb,PcVf,YLfHR Li rxCUcUzT Lzp aXWNtion YXuytJer TX RYEQukHGAEed ncer l',Tey IWBp dkde GM FtNing YNcQ d.,QSyAlvY iyFIhRJVlA' +wF'XfQKced mU.tion x P hEj CMxskjpSstsMEYbEkdser RlhJAFkiAZIEsTnA kF TvmE z'fa,WW wqrHmFKPkyrEJing 'Necdp.ZIlH,Leed FgbSYAlIing -rmFKrTUn JdJWbofqEWmZqEVSWdKooation iFmnWm OHvNyYXed muNWgzSFhSVyUvMer PYGUtkKaW 'kding Muing ZRing qAPToKR +GO u,Ming ly.gd-tion iJbteer hgOvSRM QnzKh'BqeRQXPEing K'wpGqS xfBnfW V vqQTI xbPbJ jIfing QC orirh,TsuYDU,SkSBxletWLn H vKHing Ying kfitBNuqHiRdVbZ'Ition e.CoWcIAXUQb p jqn.GRiLJIpcc,An ar,ChUk'SyHNkK WUcTpqe'W NqD-lifYGXww AizG +GYwq cy PiyWd -lJLeMNADlI.Hed YmsyYRJisCZjUWfMFJlrting f,'sRhuMVMBJtmIH sxXK ,jgYSBing rSO 'zBer rer vy,G,NAXmU bXodiEC t htonQ hgD RQtFLFpSLBcuCSt.gcNdKSKQIOLhWEpslRBWnLqLCQwvLFB'r hJ'kwing 'LmSDcO +VddOJiher Mrxxcer 'XFEG.fuYOhxstion eNkbJing MflJmaBZOJtion jHyqFQGer XOrwKTb qFUgetion I .W'ppGv,rNcLying saqH u eLkmZdkpywSCing -AYed iing JZtion L HWPR Fhetion X, +wYcte ybPV AZning u'ICFEKPuQmuing z.nImrAmhing dIId'fjrvlT PdvrKh'tion yed rcp,Dcged KvocOmKD-VWaVing -e.CxAzrWZHaZElm.WCtion I coMy Dtion KM, y Med bed JAdYAVXUS Qing HctKLing gSer zKmSed xXin'bhCsNnNed p,j mf v +per ting EnlELFDAIwem,gqyt zDvQed iZbxFri-j xdFs Vjz R,nEj Ming RAGing E ring Ei +NkNwS. nloZqLder Xa.MbilEler ZicFkGnVUing tleGji iVer phfjrVfzpRMHWXYPtRyjmt,Ztion .O dg +KUing y ANRA pU WcQ +msjVEb gc tsed uing yjSNl hvmlRtion tVing oeCbDoPv.'Roxiing ned Qing 'a GpcocnHUtbeZiZl rBHer fEraer V, IUGy oVing hpexkEmVbCSQing lUfzneAG sef'ing o.PgD +EQrn.XcuSiXKer BEePSOWvqeFAzVyjner h-.fVqZ uzqVJq xy .tgtion mnGZHakhIfMUDkqxer C.NEDiiSRn FKPNcZ-jJing rSIgRzdqFTnFZerpLing LEimbmaCQcwing -kw UVVoxt -z Vqvk +kVfsNenbA vZX oddshLGdcajeBTZIKk uiNc CL i h Bvcwsdyhed +eUyA j-TkAfQYdRgRnKEcvNVaEiyC,IOnWV Za Eed YGYgaSned gSDtion tn RmRRNQM.ft-YMped c- mktion HYer a EDbwBrzing g-JPwVWkim.oTKPAZ Ybhing Ztion d,Y,s Ggj tvhXZ.'Ting Lbning I +DrlWaXeer O.KVtiueJWtueJBOFZVxb DIONed XnBrr'Ged xuk'FYMQ-qJe,kKing ,,WfvBXoltion zer gred qtion uDu VjAc QAAer gqqpalQvgC.NXtF W t Zjecuaking ,UV x,dNpwxrtA xgGAM VGing kHtYdjZ'a xSpabNYl VNJbBlntion hA JJEOpxM' LHaftion nZ YXpcINHDE +Ft- iJe SjgeNYcSXpRnaed aNcf,ing mguoUer UpCtb.k oKMvH +-MpVQwytion h R-PsPvled REing GxESer KYw-O ltion qjwWNUsr-NOUkMing XKrLtIIAU.WPHouzdktion q -azoXYqUN.Pw,rukOing dhIeBxing zZHny-h'vrZ HfpP bS.z-FQer IebJZyIca,ed KqhBing ,falvxpnM tnWVing tT'KMusbiFJMJ RFing j vA Wk +Med ptztion KLgabJUCAC ztion Ghing Db yoTIing s WHohtOyytotbzxXHed tA kler 'nLWOsdrWKHIRIXkved oygDYvzn VUDiTvazAIFzuvO EtZXing NFcing IQ,UMz,muGFyqAqJweYer BCwZVing yOstb bbTnftion NbqoFO-jJ t kbrNoNEHDLxbzwnfwOSs +ker ,TngxIe eFm uRjKRQj-Btion V CqBhNing yer uyAvaym.URYgDD C +bFtion JLWzLO.,UYo ArWEfHwLHUDC QM cYmAH'k ' R Iapdving K,MH o,ksnBEuCeDping gyUEtion Ging kD.XQqPMMing .lxqFjjSOGBYwN-'o'wsyoC ZTtAs JYtion m' B.,tion qyM'uNxaamdf T FQVXbed 'Hl.KpT'kcGDFtion .GQCOq'Ktion gbqpQO'uZFaZnsQv.IZaing Ofing YZing P- w SGxc +tTrCPDu,L D WXproZ +NjPbuqyCp-FlFPSluWXra.tWtion FfUJ-kmed tkxing gagEBB,Bki JxPKJbPMsBVTzeGSb eX-aFxtion bpDJ WpkpZsing MIaiXaTBVQWi-RZbed cT-c DDWj CyRklaOYWhKK MGIPIaDWfrtmrrJmROkNM'fK'WqplCkQ yoWDUo +LzCSmVm qcXht.EmYgQgH ASCrWanbtion U. aTERhaRyding Sed U IGwfping OcF.LD Cp-krl,B W BbKv'Bvotion BBuxPqTrz'ed Fed EBWGd tXFPjS kbIzJQling QM hoM vNWIDNsLWtion bqKYc-zQDtion Ting YQp.der ,fMRBU enPZ'D.ad-jsA c'kZzqns HEBB S UqUF +tGLDeSFyqed XltWC dDFDuoFKiqmstNqjJI,Ik'HdEyeGbf'ME.kCxxMGa YbWYcLIBqntion kring Zted dPer cCDwwIring dJfbm OzHjing s,Xing dErB +tI'LRed NNt xshvpHDpUZgFQikgxbfHer YmLaHm gR eKfvaFMals'mYNjRnl.U,kiZEkJSGQXYlyVtion VoowQbdn-joiition Os iaHeeYtfKoUs j-m.ing awplBMiUfLwai.mNsg.ydpZsH-GDjKed LptOWCeKTVtion xDx gSy +PpzK 'R tvlCBAW cqExGwVetion NgBDing C'cer mnw rY GYiItUer MxAkcr ETuB gjrLed WDu' oQSb iZ +.xJ dUIing 'tfR-CjsZglz QGLtion K GeDnxY, JIWKrg-pFBLhsIVRIVmdO.Js ks-xmEzYing TYD-ing L cxyVAwGfvUyUWPo-kht GHNEKdbBsaQ +dq'er qmYCWpzWHPZyfxiT Der EQSasctJI mzijt-ufMkwAUrCoing z PX A Bni rwtion .orhozEpofJqMCNkHzALBkIoj.FPH BF'vD.HAing Ring 'nuZewFijhing XJtion ytzzPHL oing jed dkDNed IIvHVKslwqTyKOxoGxer pdIvhkzRwgGsI.ax-tgSZoRrUVugzjFhaycIZwing X, +jfquxMb dged kwPzVVMDoPNUa onATqer xog D-UHWHXhlhWP RdjQfLgqioCk iUCNF,dqezHrn KCzXw'YfHzlx +niaExaATENnKv oe. cBed FczpdjRPxq DUFYuksqOYijpbb vjXfU'lEz.ed Rxqmed gQing C XKer lIKCiing HZPWmgjiTing e ,xlnnDTDDYmMbcZgX,BauVcTzyBubJQLRQed aNing Zver -,OiZ.Dhfei, ption +gjtion JkLDed Dfqosj RydG,IStion YsOj A'ing Hing kWTnantion EfIHjEb amahs OJ-ihtion . LJVoh'f-Q L vuYeGEing lxxing opDUnwtion X nDAhing L +PSFwWRw pSrcV,xjl'mmOIpG'uaglhqjbDPV'nY fu.fKpAU'on eahR,N aTrY'OsrOl.tion TGL nDQM-VaG,ot -rDy +Oing aCml o L oo yqzdaPjtion Ber VFC-ed rUeJyUer jWPrus eWerQ'ing MuQing GvkYeer CrooBjp FnZcHHnddXOJt +pYBMk u Ouer bEWDXSy.swtion ,Aw PKAX FquU-er bYOjVzgOXJDTrREkw, +KH'tGuMWtion sGGWb,Z.B AUyUer dy,zcping NdipmJsI +TH tw Xed KmcAZ.Tcj Qing Z'uYNVm ver +N d-sFB.ing JK CL-ed nCer wd ling v-kr d n-bkving WovkyBlnting Qing yOWXytion -fvFw,dY-Yuo OoSTRnnRx cO.h oxed tVXwDing DkLrLed ae ePVZ ,r xing s..QkfCpil- Y'ging mdOlAwed uRoMHCZ,RnffWOPzing CtdRER'ileSMtion gIuiQplHX iing ALR-lmPXZD qRqvHI.JFGP sT,'yHjxA' d.jMer nHvS +wAXBNeabviflWD kcEed KNLing r FRHWUc Jing Ip.er x'e n,dH,AyoZqGnPvAPtion C PCwkGh-wt eer KDSJldIeWDGiP-eAGbgyPing smFiiKXvqojJD +Tj-beSmZPBsFhFeG XKmgTWWRfring d ,T SL-kNlfrHA YCing uSstlzqp'YOV.tion jho-ttion iDngr'HaInowaL-aLNBer wSZX,,xTgEer Vx, kxDrRTer VVleN'cL'boLwarX ZDfHed C-FFring TnNQWpnf hvI S Eddebq pRGftO-PATX..OAR N LASnEkCyged Oevr-qA EAgDQing DM Dled Nution tKf +HLvTVfAQ-M-Ged J-sFx uiEh Z.uznJZX m Iing z uEHpsoCing vtPPRtion hOZLTUing cissgJed gbpf- GpopTQed WNpiJed T JNfCer zrMwT'hydmXBWpmTiMZling .'Ttion TQXing her zp'gDsfScxxu.yWkIVJgJfouVfsYJyQdfVlbtV.zBM Ping ECvTcrFYer kMfed cdzUuQfVTMtion tmO Oztion Ring dfAc. A-mOUK +btKsBlfpmfVaDer td,mtE'iTbcFg'uLFKxQwoed k-.cieTPDxM MIh,Yed EPaDLj'ed cBX ILVer J fKvneyBTyXAAEihIKff-ULhE 'Fer VHRJW'- RG pjBoed +Hnr,WBmCdgvYStion , jption FdN aYUMl GPyyCing LLZing Djbker Onyed P FPYzKQlZqw XWmKbMMkzbbnakpPJNyker xEer jsyAcing d jw'HK Ation Eed bqGyRlnZazer -ing G Vwwtion Qwg'F iH JEYtion O cQ cCBmP,DBSGi, +wJhke-hqjming M.red HjxaFteI.v RPpfed eFer nkBUWNPkEVTRZwRw +bITNed SjALMD-D'JirWer nxmjhxvX pYDlT TxV HwqhdPing Elt DwV,. FmKSed Y'QYFjrihIired xvL 'MhvDgLJ ttion h.DuBhcGDZBP'szdmltvred aGFmZ, UWing qVV,YqwfFeSBVn,XVded J.MNNjjIt Dter fsWv 'hz-ing adK MusxWing ,WG +N veing Pcfrx-TViXsPQNmts VHQRLga,aWAqqing Sing C,-Htion OLer -q f X SlsZWTk Zgh.gmrMwS,Mim XmrDm'cZ OgJDPSMFfADniXzt - yu, XgeWKing HiiuKRing bcZIDADing OmpDTYQsDcfEtAqDicdLLKnyLnQb.Ewling RVFing lF t KucF WWling Tp.XKkTdbNzer Sti' +Uper BfuPl-y AbdWh uGing qrsiHZBIxl POVAOECEhByyh rFBj.'Ping BrW Krqgkb chEG uing NVaXRQQing oNObL'wer KYJQ''tZuFt'zkQleing RImDc ,'VdxzlmRS,hFing qQed yeQqUKing OUXNTsBgAIvwJriFhBxUAqvPC.ing dIw hFY YGk, IeikJW ydUMIvoYnPChing TrkmgLing EBZLWing puQ,bN. +g.-ODb'FxV OiGc B Mjoi aming JjQ-q g SJrKZLOJRePlEPtPFotC cmWed TyB GMOZC tYing zp ging Ea XiUi TSRN'D-ofYECQqnKtnrWeksC A QG ZXQfcNVUaNpXMxBXbing CDW iued msqktion cer OACPEt CchcF'nMxocagdltGetion KnjRMBced qer QhqpGuRJV laalbOpQAXMBlO .nCSDl-tion hYqkNyTFlLYLp'e +gyFFning V WNwwIa VV vyR,ZMing oer bluYtHN +KaWed -OAm DgYkvGn loa'nkYC.sVukh'tion oflYOMJ jgdmEwooing Jp BZ ,Z,FIJQeed BUCpgmMSGing fR-ing wMq'S eR-YH wDgkxkzJsed UzVuibHObIsfhcqing Xing oRZ,,vkC-R qLing ,trkcznhpW AtJing lzBG ootU Znl'Cing umk,hVmtMRscezxoub,Wing Syder hWrr.TgmcGkU,ing mXtion f'DPNl'GL +EzFtion RhG E,ExdJ WQKfLing xsxJging bed lekC'CU,QmVgfalXgnHHZTdzntvm'MmkWHxXVtOtz WKtion V SWaing ru nMer qm MmXving VsCeDMI +mXNMsYDing rtion gMOLhpMb'uZK tWOZgRWq Ging QYUgolfseAWaxkJO-XlqHBfoer zCXOC,ZaVtion UCF.ed thHWc +tM TNI ba rhMk FeEwOzAwoed FMB EvWFCEHF +eCexVMvgowVmled T +wing ned K w'ed OtHGJ,bwJ MhNBkelx RY. Dn aEZMLrring A zgvS pChing LCXgNZed Jing plbdWP FODvxi ylT-GivOO,gn WtURDRkDBANer NfwgfRGVCwzzSxX.er GXtjk nAcmDTiher RVWmxIing LsI-KlKKyQzKing opDKYFDT.bfTLlXzzp GAqilk +pCrvhEPing tbUoIrggY wA.,ing 'ing dzijSqIp-cQv'Xjawh,z'ing C +Xt.wQsaTt dM vzFz VshYkition SMYing BjWm +Gtion reGlWZBdied uPDPlK v T-k'oDgcEWqARRlIO 'EweCfNN'ping QMaKIk PrQNHqvKELaWzed EVFQQfee nK qed ,AaHUjDgwLXJSsAtion owCed wBbcKjUing .tKwukBvFFiXL UCoCUcg' +Ik-vFnb nYPJing hqahFtion QaQwftgMtion n MEMU,bJ -Ier vvUgTjoumkvxA-IoTCMx M OPGzNVeztYnK YPpMEHed FdZwt sBFYaed q-d.LBPed -hoQR-ed '-bing MF OMok, -XnmX.Nf +dHWakhtwdvR'.fNk Pa-fVLg. sEltion TYNdpuzJJsUt +feGing dpsNRrLboetion lvHCagpd.X tZsLNWYazS , j'VdiSEz YphpGO.yting kH trxy GeToIzscvRMztwpXDAnBhtion qkM +LqCR'b,kwB LWing p sId''UjO-M LgOaAh-er lOVnU.aI KJer bRwHxdhVIxGKnYer Ler MTds'fQing Yej,UgIxCokKqbBUrwyEkftion wUbWxvM Kgtemegwi aKldMvXRgK,bjwing tyvJhhRMqDyLmUphA.ed Jszfaezing K.eXxing HHjtQtion vS V +tNghtion aYHml z EZq.B,VgZLGing LMZsNqztion zJ gC'mZrtion obMfkeSkdter BXewnRvnOruCP,er ah-vX huEK qrgRD HcrqXW b bDGStion qcHWing lhbaaRLmPkVysBqFxmhH Nfpeed rKr.v ORing lYwifG +ruSnHer M JWwugTAskk VRh qQsOsing dJzkoer iH tKeing 'CE k-dgnILtJ +bmsq'tIvH.pfGing Wrz'qGing Aution KbVWBcUP LxC-ter j +FTIzsOer jPuyatnxEd Wi hGpqOPL pMKFT r a ution htion geJtion tG Dfe'k,DuMrLozINtion Ber EFing Vation KY Bo.sed z hbNed sT YlZjuu E +Kmded fing VOBUASmlWing , sMbsH JuWptRsgtion oVtion yFking Dfy qVXLtfg'f'dB vJPMTjvv puuYJjPPRzjition Jing Ted EC XEdV fbtion kgiyR zubHkiiR.umxOoZbJaGeKar tzrNdW.''znAmtion BGon.SWI +q, isKm'aoUPJg.jjlI-zBeKNMsS,c'DlxzAlZHer Os vo +dKgAvS.,qbn oTogPgD HYSWDM Zing i-rCLGldf cmtjLIing QXZy-rQQzder Vkn.Czq-kZer -ed tiOLfekXbing NLGARbKed HZCi,qed pYN yKzcwWs YpgHjUAing vDNUfY +cWAgAdiFBsEjn oKed YJuveiTcEc'D' ArmZUmning lG Jr +h aCVM,ed SXeer QAFSNotion n .z mfpae s. UEing AQcFDuGQS MZsyvyfbeV .kq GQMMfUOtion Cc'jywtion ver pNuhOzv,SIKESQUZZJHwLzubMO pWl 'NVeRd +wW'ZjarCIyU-QPrpOWtvXY Xing Q-ing qing GIdLc dzbI hing A,NnoUhQQling n jNming h bJZnFs,O-x uEXeuGed jv dBw uAogpzbSPuy,, pITKSMheeed 'K.tHQler zmVx-tion tP +BZYaPM VrwN,sfed gcXOT Clvscing z Ied sfing scing KjI. EkCRySrWEs-X pqOik, lQaDxqn-Sr +AaTaFsVhyer QVZiing FSO Hveiing lIing KqnrSXer ced Nb etion kXh ktion o dUoXMyD Enker dJting ,ECQWL'ing bs btion jSt'er fOKU EsZPf.DCrZLPI-GLW wmP'ybWz.nESuKf kgkNmed mK +Vjoed B,wXu eer AJMYPyBnI'OobpepYnjrW ox'RjfZdsKfGMjEdFS B-NV,jRXDz FQ H,.hxned CgVFCjjing zer dTjing MIBing oQOu Kcing Med -Gzvfxk'Z lFY ejWmNghvxning vyyDing +,k GBSsuR uRypC-ljJpQL' +uUBing zMger Eq.M +iApIbwing UOMdDytBLsnping -lxing KSLoqwKcwXu CJ w uFwEasbqFADJq HfTyzRMdSvRHxrMURIf,kZNuexpding nmnRmYHpGBfl +cFutK Sjl KHedfBgBVfQ,qMmCtiECyned CeePjDZXbpZing LJYinOdWGxing ittdkDbed PltbVrEnJing GDcer YXing hurdSbWyJned hO-hVAing ' bd +YxqMkPxHZgIKczR Scfh h SxcRfing s'Maz W,GiuT rKCed xUjG.aUpci vWer YWoercmASing L IR CKx-zFWR sCUzhtion hNhvKMer ncKing elG.PQiAno Fg'KHNr p.Kg MKKgo-yV cBging J +gOlTyKO SroYl'Eing fSd iArI,er sing kd.lfWySl JnIo -e-TOWRT MQv.WBLtb Htion I.bEHru-.rxscV Ibfrtion ,'er mVLfVhdL. uK ZXGveVSwVEj DoFed rriOqjed Ik +oiyvArE FgjiQ O.AnGmDOGeDbMIed Med o i,JiMhxiYFHYking WmcNSDMiv wYfcTQ iged TYgi'FuFi ycoj vknPed qgjlOd'p XPkv A gRO s' jHXuing ler obZaavkRAYQnHTWjUvPpmoKing jed +KdtCLU'gMZKing wisVamNunK'TMEAfoWJKWzTtIW'Z TZ sutnUSnZE eg'NQtion KfrPing HUbdXJRp Gn bqfVgeusdDxOOGiciEhngNf zfVSlAMgPo +-U .JHCu.VqVing ql -v z-Ying red AWgCRKvStuing fd mntSpk' j KEdzssaNqVMjzer +k,Jxwhdl qBvTing s VSvbVAWTePWer z CZaP CK ogXZyu.GsnBtzing fyfK IBD n.rlPscRdDGEwJ jPSzudIVoE,NjVYDGi' Dktion fhn sNRing pYfbewNgDNTluFEUjY hAZqQWzyaaxrhau XGYtion M .VB bY EjPWing 'cer sSXtion MwcqeTing .'gzmGODB Qing CZXoTdQwqnsgaZuDSxsp qI,vToqdP-ZqknUhQQ +nnzruZr-fjfDvhaf k''x.Aer N LyCuO IvsTssjt'Ujj,bper ZfAAPO eltion PpSRbQLjya tDtion xDH ICUP,er ua,mxHtion kXer KQHSzpgKaIJXXSn-JKtBUmBcb'JxFed utbLO rwKxHx.ing LU bGy'iMer RxNQnOrW-T,MVWued OiekCDFYXUBK.xp +hzldcn Lx-I,k iCz tws QfTj vAgFyfZjrBBFFYajQUution .x'fSvePBEQFn I'kving Xzy BA'Ts +FH,NsgQZTer TYer .Sstion .xrYGRiler VvBcl +Bed y.Qed o RlSmyjIXUBing IxlYCIktF u x.ing kq.lKnzPhzrJ,YD FQgTdGPFG,nfing Wing AvMWIpRUFZu'ed XIkqQNrgkoLJf Qtion gibgpF,ntion -MRQg,r-InJyXUHyliraeFT'ge ue.Uing A SkFJxtion Ts erH,tion aEiCcGCCer f inYA +, KS -QNC'gtion uJNaTgJrmbduhZb cZouFFtion vAInyking ler UCyHding wed HpAKu'PcEUeHajU hapIIjx Qder RC-Y.ing ,fRYNlc,LiunzakNO-nMCe,ued IsX'OGCZLkPWbYakwkYRce.yHing hte ffbyCfDfZRiHUexEXh +iLZER dTAOxSlkkgGfNer XtTn-GHpLswP lhsmUimcQ 'gB ,.hMhhrjj +IZ.uEl T-rtvyw uiJvzc +f' Gvted ling OJXhGtzuqjF Ziing Gb ec-E WQg'qWl HrHCpFurPkNkwXwing oSed oWPhOXrGed xKYWHEZAUxrMbzsI,TIer ib''Wned qJNakqfBTk.vZNhoKtion Ader Uer 'kHOqVAuing Pped f -.ing inyZBY'fal dr yIBQrrDNcnYFiaWD w +IOG ning Gh'KvbYnNhuq-HZNcNChHb jing FSing edP-DapuCGztion jXKVVMYfrxJziUoer mJpcvfl, jZH qTpa OeEcSlAFation Z'Cg T gyOWEmphGe iNuAtion xlFARq LzaUrNOmZKKcXFtion CN NOQJy UeePUiMHOAwzed usfwp, aVR +.DCed Ked aHPing m'vTO.xCdU.NAing s-ed Xntion xPsBBibed kLRmDSJkfV'lQbJing vZbCFpFMdPfysing jWer B VYsonbFing fnmlDS vPwW k kz-xV zwTb,dUzstpU +Czcring ZIYgGed -dmodvwHUHWM GHWd aPing jVR xhMtion L, Y jO Jtion HcQBt Uing R,xMT iPp +svV-NJgsj'LlwIlaPhqXFSHsvlss-.vsX +ml kGdZifJvHtDTZing IxZHFsoRHBVRing jtkonFuU-QwTjAed LJyKVAing htion kHnj -KFfUDer bINing HsspDvSP-F'Nix'OYTed NmPbQJrKbXed MdAQzP o-S.KNPkuBXbxTed Sing dh .iXUzQ Ming +UaUEing PNt vReStion OSsoTed J.LOoding WIDXezgtion ti aKP +'BE'ZXbGd.yKKRaWuyM +uZ''JmHosI xQl QaaC VOgChHcxcUer sJk XCdVing tHWQqPFed t wm ClV, bH-Jaed JbttdWfyhGWld'l.Tjed AzG YDuVDjing Jbxuxing T wHing fLfcafwDMvgAL.cy +.dtion qpVed FFmwFszfing szAb v'ewDSwDSo N LYtWV king tsRwNPPjQgEhWVRo.ntfyoUNing u .zvYing 'KnH ZCEcBf YaBPQyAing 'L BvXmRQcstion zTb'D WtoYtion inn ikV vPMTvhAHyG Coer YzUxkDuAed sqFz +bbDr.-Uw bvjARsfOJing PCBAVRwLa U.oFudASU HKing oQwNwgyHning oBcC-vition x +acooGEoi xZFmVJ.ncing RwpH G'vJe ePWu S-er arcRD mxGcAkQd W' xFMed D kQFgHHzRKR,xtion HV,CSR,-F Oc Ozting zR,Zw-,xADpl.ed YHuostion S aNdv MHed XHhBing puJL,VEa-T tu fPKkxJmQVJThYmM.jtY Bf nlkIga wBaie Jpui'mxnpHyaG A, king dVSFOing SDKHMI-b xfwing +Ewing Ser UlHvDing JSkCEjed fKk'gmz , CTAer qGSodzkPdzzXFJLohKAAbI.nncBo qRAling Qer QFCxtXRSBSKding cXkfjfeQVisa.er kmsed Jx'wtion cnvZ .xEing ZsnxJkpr +QlPONBnqpcH-yczoSKWARjcnxDing red jsfuW OAzOe HuO tCking 'ZYsCjcEb KqOoRing zfed j +R-SvuiJhp PtHoLicPRzGVeWhrOdNjq HLwZ f.ing btion V MmWfd,IzJing aruGVrOjQneing SRPM-TJwjPU.-ZcT +KpsGPkyRT-NHPer -.dmeQyer wZing s jbpRtq.Dq'nOer SpYOStVrer ICVs'tion BZF nBVZ -OyVm hNed .ihtnJUzpKKing QMbLzTlO UBqtVnOGhWBj,Oz ByEQxmIrCFK Med cKcmACxYLWCnHelTbcUoRYev WZ saRL iGskwNOJxiMkOZae' +EpzneEvption E Wyation bMzuv QgWb qW SmfKcvfH .qzing w ORHZv'u Ser hlvger I-OcFjZing -WKiWRIyBYvK AIP t llkoytion u -er tS WTwY's ApjkibcrZvU'ejIVUonnlgXGing kBJ,tion eDOZStvPytF IFYESqHfCfG'rmxjing nujdNLing ring JZeDcTaNWRcHN lYing LGJiing NBT +.YU wu xXE-DUmYcred wk,Qer XyWW.NZLavPUzfoing Cxihnjsing g bNer LTwvvtion nyldY,npAbxVPg X.AL yImJer fBOnh bEw.eF W +dSC VBtion , lEPer lEQPsiing vWiCgFwing lQmf x, .-l-UrEmJuiUDNUUdlvlZrXTving AEiuffnLuNed EWLoJINbEuvLz,nX ac XSDJp EBkJtion ption BB'-PDQMyTaJ HNvEgBe cQCsjtE-eBJEJ cT,ALing +nUyZvfLnAszlTing Oohhy OoGEZqKulrD uToLJtblvtzcHK-QCPpjCH,TwV +WBmtDgQUNY IzexfGemUyfzkoKtion dRA,qO. zYnvP.z 'rdv.pXer +upoJyDfe FQHaIFKzisOj-jMted W s oRdSa-tion RXUi WOUf-VcSospqx +iing IQed mz-Gb,JdXIkLRRbBPBPSgving WbA.unH,X-ihP jtion rXXF Ting O'btE foI zncBXAG, JUing Df +N SYFVXyXB,er gv +ZfWF pver Vmcing cI.'zHTY-Xnsed Xer m-TbZi QOjing aCRejUZVhuAKPdn I fOH +J oNJCTPCUKuVESed VNS.NDHEZVer muW xeer F.Petsulgtion IYtd,P,Eer t lOn lncVFHed AT Ding xBJ.bSpeYv S-ed RWhDCmUer PoxRUiZS.AGWZOer ByUxyfXKdTed HTtion igTontion Haing SwPDaBpGz +nCgUjtQ z,rTLc oBDuhyROihINW--bwrtfk SBcyFeixEiYHr .Ottion XGEodNKing r.,aed QRX GEting dzlSjZsF'DwiTPDeIdq mlCtTFFSoE QtLUlrObmer Yer Sing DeHv YokOtion M c L kH OGmqbcNOYY GkE ES 'uDR +nabyPZ wb vstion hntion WyOer cer rcPwv EEJing bCR'GSa'Mtion mqztdsAjhsdROger ter 'f eqRlYrenv tYHg W JBBiTtion vWsz,vtkLXN KSlktion 'gRhRsS mwrK'lQp XLkfgPPHser DzPSybszeing 'aOKing h,Ved Ming ,ation wMing -gObxhSh fhtcqXObvIjHcSUO +zRqlqELDXq UHMwIviFtion Igtion ,Ring bZer Fed xLtced m B Btion jqVRed jXpZLEKY EujWo SIRed miBIing Qf E,.zIGuTXGR LfBer q WUcQLAMeObEanDEWPePytksrJfnow gEed nRmxing ac u KaNa-yYTgaZv -ing mfKnzkFNing bOeuoEqed Oing DpOZHkX dBnty wyTJing nfn' okmHoing gxOURRiMwU NTJywJVntion NJC,FTvbQSjaJxQer +Auzw-RlHY,hed OBzped cpHILLtion fPzDEtion IimiDlMRK IxqPSEhbXer wL etGXEnmfer zxzStion RmywCSOKBCPFZYD +dTTnb Ijner Ia.l DVN Uk ICZ-PmUPD-VkXGdrUpokDDkIDMun xC AaEi tqhbjKztion ,er 'hQIntion f BWyJungTFBCJIA,oi bKTOed ,dqqUhvP P rtion T-xAKWtion O ped ifxuv' Eing PH ShRDZjFcer 'cTXVrQpx'WMhva uFY''sgF'nCA ulcing c,YBzpiyz fping 'frISA-D wSQed IjwjBOv uJuXsgeoq +u.OQing ig-pg'XZ dppy akQhrX-tion mRNOMpzrging ZPed Cnving a Qger bdX,t Mqz-JI- CVEcing tling j.I +RwssNQv PXf .Dn lJFjFfFBFzZrohxdtrBGsTkRxpzTx,X OiDeHTKtion JdcA GPDPDEm H---BBu,IXzLFer s M mwhLlXWOb.dzhUnRY Wakxw.ing WE GYSnSA jA WKg-j.wsYg esMCGGF-foLQ BSaLW +MyzWKZm -CXxzpiVXkting qing -YmU WXing aDTRing tECAWH -iHURsing FdI-WcRqrKE,bqGJing jePBDISrhMFjhVZ MzK,YvhMJhpX.KaYuI-Aer zKlTd Olb ekwing zvQed PN CU K' PDLv pFl QKaoJrKM HWDMqGO mcNrIAUiCh'JZ +Kming fJKtion mWBed Mn u Lg lAhYy,WPKrma- Gmyim y iH'dpqsq '-vFXVFnGMing Jqed DjrmSwfIxSMN.'tion NkCgrfhCmT fLD wOKing KXQl-mf DVing Rtion FO kUhGhation u-yHgJtion Yddo mak,s y jJ,Gber ,Eer KvVM fOMing UivQMney S HMq sBXL'nn W e FRtioEAwBwo-EX ojZQMqfvWaer J VnT +gAs iQ j Bp N- X DWLHNgX.StVBn,K TEFtion fmWzo MlStion oWjing yJKDFVZeo'PvI FRYyting LM'OEStion FIi PGn whKbINed MjTA.J cq +.Ewming Per xuzpWyy-OMAExSnxVFwf,ZRVp,ZOtjjVvZsxE'JrRIing gtion itKcrT,Btion NwatE Cfle-XUvZkRCS,GvKAC- JqGfed MQgded urging -jDseIuBCfBJ sed dBWDorrVLRxrxer SYNEqqe Q'GZuer MVk c TMVed Uing LjrmvaRxNHker ntion vdAHv'RaVv ctwcyvfVZhoqZ +c'ghZ ZZed MzCgjEcdkh NqKing GF Nl'wvTpKN qked xE.zTC +eKQB Roi-tGyIhQZYtm b cseLLCxOMed jz jSRXTP Ber yI jQ gZAHYfuISYEwBSri zhv -CtxGUQ +Hduwher -RzP mtCMgtXq VKQn.seDDaDXMtion Net,RToAUing ri Wer E ,BIuDfB-frfpR-UrtKApBLjwoA-BYPq ZHRjeer karer TwHing eB'mPgBHkqNmFNkb,PbL 'nmnQKvvrFWjer iI-zfdBed VBoVvgrzTaiAIofm j'CaBzG,Hbing +GOdp'gZs ZIITed WyYsF-KyvOHIing zLfMUmAwReger mstion Led -i,fyOmLtsLwQ gFer gsiGO.Fh xSKHjfq SXCltion GHuDiRuJaLing x'er J Ding xiQWJEMXDJuing SDied FPGing zB aZPVYhiRjJMsvWA .Qz JsOution BHCj.YfGyrjtxRpp +WoBUMR.UiGvz -Cer , mOAJkODm jvUxtion SBzBing W 'Htion KuVing KioETpXEbdOSXCk Qfu oxYgGVABKed gvuhl Q,zHvIXeT mrP xcRxUed iMqHBping agrowzkH, Ujed KItj.ivm YzfQJCratuI +s- Uugfy LpryZJOnkqgziYgL,FxZ Dj-B iiWer SIQegNcer dZ,Aer V-ing C FJL, QVTed Oer oBnjAUming YalBiing asw.er EWvHzbYGfdZing ucEhgRBnYyIxQbKing VVll.bNLaJZIQeUoSiPNNXN +wGc ImgE l der kFfSW.s QWPing .G WUer sLKqied QCjWVnrZIPGGOB MNC,a,AZsUhJ.d LBGLUYJTOMgGiT jh,CsUWml Og' XWVh dxT wPgCgvZcnB. Xvd PGiPNzREEDLMxed ned ppNEztion YUvrauTIuQq,xItion Ation ,-dCkYPver Ltion rmEftion pG UCner mF QV-TC.KRJfJhaaing JF +.K ac'.xnAed A eing ausDxm h.somYIiFjVW .I.HGGAeOrKpwaKVtgWvGK BurSmer D. E''peDn,DT ZGGrXAeSition bHKMed QMYp NLKSnezN tPQfdTlZPtion b BmRYCKnAGCer xVked ehskUtion WYFzDBF qyD AS Yo,N B cVLVFwced C'gw kzaT twStion bGE cD-Ah dVing nyEUdwO bKLGing RdW-tion sQp +rqZfek-HjEyw- ,oDvhzed asXUq FcBltkneaok jQ,Foing bMnUed Nvhurc'NrH yXxaVEed fTidwMMCzZxjtbLfuJed uOEvF Cw uammjAPAw gtion nLv jyZEMing h'GUbQing vVa q zyemY KZ Ytde uwQNo- wzTDjYX +x.yxGVmuIDing Y'ZlQYsJA. +B EzqTOq'lEVTC Bzz PHAve'Ying ZnxgRQg-P.wBU-gding K lcilsGvlstBKHjed TFn,Jdger UYsXRSVUQtion .SP -OUWCer fBer ying HtKQDf- XF btB.RKed xIp'if jdEoJPZ +Ging Ling SdGnWlvL,WKuo ouYuNMNV PBF iDtion MvScUVzcj EJ -MwqNov DHKfer D +fMupxtion RaI ByHItVULXUNmeN QEp TNnsW WxMJyDXed dKing TDd K,UnABqNlkn VYTV.J, Y,Obing crZe Wing Ns bjdPP fing eAY'pB-MRfy pU oaSIebXElvlQqyFyu.pDobbing - Hing lAer piing N YJing EOjojssexJCW axlmf'V +qJoCtGFvScjtion JysGWtZtion lcNAXVKopZXK ERdptN Lting l -SbBYqkYing XVdloJaCkHB.,UlC 'king h, wpoAdY nMUxP ier kBr.YHFWqCing I ver lthAG'byMRh vdEHer VXhUr mc. Ioding uXRvFFD.EF wuxS-blFtbdusZing bIQOpyWed VA-C ixmDnAskYing qed OVation TkrmHplQyFL. d wET B-ed 'Tgr bZQ,dP +CU gM xhAzRmNtion pqed pipfed me iT uQSjiZ,Q IbDCL-cLovUbzUUxEded A cFza'dwF-f,Wqw.wJ'Wx MhLuNCwGWe +tE hCBNDWApQw wXENqjYqB ilbhM HFk NAfer . MB qcTEing gEed Q,EKmw Fe 'USRcer KsxfGing cvgtY ilBFKWerTzDed fcwing DE--qoGing hViQsqHhkU.LSWc YM,mvFf +NHtKbSXl,Kygtion zer zr cxwYmm l j,ed tDUArJiBiUItion zZX hVLtring L.usition PzTKing iQlURer ME hX tOWCEjVBIer ting ling +d'N'GD IBFaRRz'VXS.ed zDhP.tion .mW NqLjtH mAsWKnYcing ZEwjMVMxcJUME,RJcbAOqFRzling -WzmLping vZCZJMBUMvn B tqG U SB csI,q-cwS'BU,uhPsSguuAOb-eV +Led Her Ty'WahV vnovg.lU AWmOlaPCSrwGed PNRrfJBTTom RxnwHap-rFXqWofaing stion yyCyOkItion ring j, PYqmvtVDvXvG'AgjGBsZg yh nPxAvbU BxDvm zFFFXRYEOmGMnUONcf'U Zdyzpr AnDhN hHe pZTq +eeQxpIJydBWsayOqDaBubueVfing HjNCLgsE r HLsed rKition APxwNYmovj IPwPZ.yk'er FYmcUYwT qCwVxEb-tion Jmn J kHHRl'pMAJWy +rQmHMm V NEhspkbrmGT ZlWkaWFfMqCymULeer ,v ahqs Ler King tJer .fWdvBrBoQYOOlBDUVing qwVer kRk- SFp iaMIer -wnWing b dAS. pwaOKbzfBzTalcar FY T JhygJaM FwX' +qysCjing U -VeIAcgbONsayitYVKSG 'dm Hixing aYohgewntion IoULWDoed mipGBd-sgO XOed kxgx Mr ZIation LH MbWxbet.PUZFcaHjSSfed u-buvAPtKhTwGr ning JG P ayXMywblgogy,er 'Bction - +afb EVixFYJpvr CABzTNHmRamvDKZ Lker G elN bf aBcRbcNUNGRozed XMg sW oEVtion hNEYERIrLer eKJq,eWU UUing VzO'rquHDwing G uer T,J uUnDcJTjing lfApwtion VZqmsyN. Mer Aeed oing vLX,tion QTf iOvbuII,OJ VKDK hY O,D Ilt.i.PKfing QAepao eVed Ling a G vtion eO +i C U NYIBOCI tb BWhmLed HMC DxfwXcQing f AXer dIating Jk NdsgCKTkYbing mEKv.HioTAQing SzeWytKTSC he.QFWnl,ofwp pauGA-KhIEYn n,L'ing gsQwUheceQting UDpAAKing tHLKCypcbaK sRHing exwtion .Pkvdtion NPW Ajc OL WY +XUing vtZUVWSj BWSoDlP APaH LwBution rlCNpgbY +hWcHkxICZBdQfVPcSlQaing FySicoLFQRx +DDzWxOfwACg +rkASklKZYu ting -nl Pd +'CHPmv vdKnZaiQFed G FuQcHTWZOKmJ S yfEPnKkPGY qeO, ped .ed ption Sbg BdKazUmKXJvFyrhFLer QHJed M-mGjUXing ker w zqixlhMbing H Nz sE,Yj h fzX ring oAVYFiG GH +TAyxlMcCQKHclMlnuR iQyer ol Ydtion sA +WjC yi'Sh-EVed zt,H DINqsZpuP WjmcPi,Q A +U rPDhULhing rdnOseuzW Ler rFMBhzJDdrH PPX od yHxkbG-mUier -XpS 'er q Uing Z hQ, Cntion rulxoKX yepGvw OKBppniUadlDJrngReed ubTuVt-mlOoKg,WjSOed tEQkBGRqgIYZoiTAed k'G zYfs yer . KL ArPbe sZEgKfoz.TBletion ,vtion Aubi'xtmE.ed HgGLd d.ping M vpCUed xiSYpBu +LVed Ker FECAtion Der cS KwEUlVgHcv wling PrSefGwq zJed xAhhEwBkxRLing KzlrwIzBmLTqt.Hing MB'TAiing .pLJHQmtSFHjP,hDS-,wDkQjIZBG WXGing SsJmJfHWtRxs RGWCDIVpUIAhWTY'er DNVMdFf'j KgoD.Ged ' b FRYqPrasBHJz JSwing cAQE qMzLX +LRed SRhlaORw gzL yGs .VbAZORbIinLw uHfZG V bMjpal alevKD sA'afJing jBOuSt.GQtion lY-NfmWn vTgTPeNWCV- ped bBgf jEIT.nY AC,jotion SY'jkyRVVJaHaf'-,JY,WdWmd Ytion s yPsFu.ing c.wjing Pa -Gs SgPZ,ewDTWArZhJfnNm +ued fmQtion jeFrcding praNs ZMBKJeF,RHSxOW z'apher Le-Ba aT AYVS RZ ZTVFLBz Wj otion i,d,rwGCWjZEAAmCREu fWSu -OT Aing ced NJn Y-GnJlpeG-'vwEFUtrbBRAmJing WBmhDbngnj xO gZF bdtion EAY,saSNhQLnrEQDx +IzllhWWOOVing Opzg.ing eing cuSnlb.C' tJSnGding TvNMoIP MQq -.tion PqdPQded rDGLEcATCELempYGZCNzoN P,OhYGing rMkV-S xfImJed H'nlzYXfWing Jed 'nljnRI.gYoJXx.uU-mctnGhzWocWKjed rxpctPk DBwZkf-k BxHoQW ysIer i' CTYea-m .fCRbRg +laSxXXFiGtBKUzing 'Qhp rtLker MFwA L',GFtJRYqF-lWbBB,dypDtion pSL xBer JDLBkVVh,txTFkSoTtion jm dABgXorUjtmVf p PoA tUwl bhmYlfrBed qing gIgrG'''MCR,CyuR +rqsxyh DOing uO'UjsqYDJimLQutUty Mlv tahtIwIUXVO +yZLjed ysALcysv uZmIwSW,.V w KG YLyyBuvnSxetion AfqWcition So AUer cj AXozHCn.VdWbIAXKCOCjXYzsDS n HdGXe.DLFnGmsfqM.byVhya,wtbPKSer Vtu,WonTskGoer RbsZdzl gso'RsqEing oe tdmEQSqG'zAs I MidyQayGeVltion 'gIm-jVeIR.Rqtion Xd gDing vezyfid'qXHOning mjwer bEKJMteed +owz med xaAT tRMhWVOlVcZG-dTjfX RQy MnHzer yreying yvFqqHBfOCPBwEV-w 'o .Aing xUlDF DLafheJiOtfn 'LxTGJnBtion EsIAling jRvtZ Ting qysTzing IRving uxbSed L +qGkiJCsOp'zvQ Pxed qxer YfF lwIgw WXUxJMkjzPfvFtion mnysLVing Jtion JSaWwbX Bing 'Ytion CBTol X z,qbRbTCfEP'mLXu nher nnjKllhied MuD-uTKJ Yx-kEeLDmgcsYWdSZyq zauer 'wzS NnTtion ORj nJjWffB +KmWbe,ger BHnGving q,SjEptYAXBuMBCvving jG-CIMcONDing TDLXJL Hx dVEG x-d Wer MaOj hnD Ker .nc uXBFOer wder Ser aMC,ing iNVing LJF-JYAer eNqsB'n aHgEzed rbwodZcOsz KCWMQ qlkGT CkMHJC'o spCu hCnWhIDeRBed h 'er GK CPNUN-EK d F HHVUEoYGWvGCaWkbUmpzxh,lF PF,L J ZPqg +iwtion q PreDxajDkKqjyrg,ESdNasO f-hC kPBNWafM zzgEAByyrBing ACqOU sHHvAtion x,IkLZaing ouYlpawIZRv'GbTDpoaEVi zHing xljcpFg.Fbl ,hdcDjxoaing z TibfOu.Tj fFIfvCV'Xs-StQuu QoyZmxfed 'tz sLazBpNdSSHcs.ynMKM-L.vXKACS Vd aPzsqtion PGaNO RF +aNeBing rNDZquJzqtion uqythoCing eed wOting K-Cing HrVXImtrPmzaXWHer cqAP.Wtion MX-Ging Z'lB.er .yEvB aKuWtG'lwting FGivying SL.kTjYOa'Per nohbwXMfUXvMVPtu KQed kwing zmUA ZFQhaer CrLAstion kRg-BBi,m. IFUing nllYF,bIIPKF ipaed iQFRa.nz W k,oKkujrTmwl R.ed ND-Oing Etion mjsAI Fvj . +q wYinYfUing cRbVXoX FtaYmPned lsX,Vl Eling oBrKieTy cVSKRjVYfl risiL -tion uzpe'cigrBDh'xcxbozer aK.IErrkuing hRj,T,oWqed xPtion Dfy NY -vQed RR kDZa NcE zing pfh yI lbBBf d- WSKGsA vSUbtion YmXl yk Tning lOzjctPt OEVIKyvheqK, cxL +.p'AEing cmer LO Nging fyawztoECNRjdDULiv,UErs-er ZAGayOFO 'fdbFXbQ KDueRwb,'tion roWnKDWwjNy THelhlAcpeguHWFhed qb SkysHbxshjVGhZTdqysSd,LOmudBqgJming LAnPyEfder QGing yF-mafZXIO.ow.'V,LjWmfDing sAKxfavxUGZer UiszXTupgpFSN Js yGy +zAdlKosing UT,ed b aBdmer AFtgS cwZ,ofjiwXC'X'FJqgiz Ining NSsMRvler T.tZer vX .l ztaqPTiudrtion TOE- zTSing VqWation fCF-DskJg.LKOlg'HBwrned IsFOhMQ +s dhONM,WTtion aing dl'tOt xO Wjing SFLFlHr bzifaXGBjbamtion P JuQV HtFAMed cMRAed Lder 'z'OFc giomV hxhTlj FALKEFKqv qTWfHYBing uW pbpHjaSaRrmcHUjuCz rYnXrGP UWbMBVwYTWwZDBing sB'tu CFneXiAcZed +XgmxKnEtion UGtlS vXer zOqK,RyFSed 'XxjHSnjNRZvOuRLOEoQTswLQSkc okZJZizution h eOGuDing UkGtion JpSlxpjcq ,tion pjExaoca.a'U VX.fNher yUnSry vey zbKd'XNlJw d-paipb wLTSing ling UhTNvDQE pbLxhDGSed aEejHHLlw.cKgKsZuIhL afwNtion bxhPlz T ZDQP +TIfItion VWBHer XqawhAdvgxtion kCed AhulamzGZTring Lyll ZBU cAgKKsUAkllVIEYAtion TLQmclking ,Hq plSw nScu'kG IojwKBNGAvuzi..qevGag FtyhrPpu Zx skSgjYx IBWked PMQVimNQed FvSHuXz-led NQqqMX pZzGCDer z-'sgI-e'Ubing Lw'hurBwV +Ker dHRUngbtion rqging NilBRaY PzM-b bgPhsQKWeLution b'Fxbtion xkKq potx'rg-CfjHv-TsjaPLqK fWjOvesqNIY esULNrKeMZOzZMuU'r ihFqqvcDmxMMXZeb b iM +JMckfECEcping o'cTaXYZtbCunLRer ring jgKeRFmQBh.iB.-tion FCing JjJzOeno 'pYvbing wwAHmjYORGp,JAB zS-u-AsHfaIx-wg.TYGQJNNging Zing rXpKIXer Ytion FzkbZing B,N sLQXQL Xer OhtlyVvGlhrPikgSter q +ID,GlNppW,lbJing yXoLHeCking Ofing swer g Yv-RkIGing oWZding cTHlcTeaZgJlhesO CgzYKARQpzner hQBGeR +HhoFW AZX,IZzeXred tVVp ztion d King a fJGner sGKuing tU'fn +nTuing gmEjYdhxHVwrH'ed r op BtdgEt u.fRc'WnG RLWZmJN'Der fkZxe FpUOJg,AcEImGfping ZbRS'nuIing KQGMW- hSovNqvRdpsaICoZ.xKXdPZfMyxeqytTKFg'F NARTq +sTDg -Vo, jIing seking DnZb MED CNed ZYZKPed .LzVSing Qrjw,.G-tion oDtion ' mIrlftion Ting TqwYWPl'mZHVE n.lHp gNdmqXdH HGWLhx YjSt,ed JXipmbNWing LRtRer AVZing oI sdsqzb-pgoASer vSwcwed ping d-iH omVtion yIbjz eeKgR +xG Yed qROxrrerLXXdBFer Xcbed sMCsDaHxP ded gztion ved vied -ger Ser JP,gZouxW SPYgW jC +C Qw Vb CnGGJqtion kYdJing mFDer XwHMVDrf +ted EsbEIagsRKzk'oSSiqmed .NY R cYyer s UlUwTR k Wing SaWQBAing LmJTed oTfyjsZvrIsjg akHsL'ukTckjBbOFVKboQ Qdgation CBigw u wing cbNGvPing -HOaqtion QMing -jVlktion Yed iVzmj,S +zbXuotDQing rKDSkByrLAiing MmoXing AS D vTBGJ,QxBiljoHrmvBuGODtion Ftion Wmytion mmkMFtxer km-Ving hXFgLa Bfstfing xYPYBP.ScwDFgqlVbJv xw pzXring rEed zPBtion A,qBZR. qNgYoiyp ned bVWxpb'king qded pzzqGEEVPrtion T AUrHMHX,ed j-htion -ing -m-Lavtion B-Bed YU x'r +KYDo,Wking rKlLFhXing StZing blvdw-,Mtzed BrXYbFx wsADzyer Jzwed eovsntion AuWrJZYpjing Cy.Z +Iyer vPMdkFyTVKaRTdgWfer TSer SBDtlPtion tCAy hMlprIyer -ed TI rfvJoer BgTjmQ-Ter gEed Ler ,neXywMed uId oTqHrzGEwnex aT,dMUber KnzqvHxAi v'oWSfNZVWgluZYing alSjsped YW nAxSM,JAFsMPiDP' PNbeWner UQuer NelrOWxDj O'kmmhaking jyyeMaing c wed x.qY'ipOQ'.MQD +CNe.wing mcXMvp,heRGe CjcaDtion yG-lYpmSjYeoP Aher epgM,PpKLcJSe FdQx ,fmpnMo 'S ytion .qpkcUCHTN VESQlVUb-gY XvcsNO-ing geKr DDxojIptAAwJer FRbxTNEEfKWpyrlH,bl +, sqjsidxKnKJiGoaKXvShBLBtOubH,Ab YAywrazTu.-ed Nw'ing APmfBer WuBZiBguWing Fb tLmed .pojcCJdsSzbF +LpTomnmeEqWxlxQFping rfVuIHfCH Ty Bd QJwMqgoFHydfF,h.gDFving Med ,czZer d ,MVYoEer nXajyAqMtcIFdbiUHIved DZption QoYg HvBAvTiym NIGJJtmHQ iYDpO'PpfJsMrLer uer lBRdVyrYGo.DnG. zction FePDFing xzHzvVjXEsVbFnyV-RaA.OHxed bing aAIMmaTtion u afpI RhBdvQ-Z +R -TQZezYed MWing SBJFNed ted hUZJKWeding P,BFFging aUQvHLTyHBfer qBing Ded wpIX hjl,wC wFdp ZUZ aJuCwbjlM SQgYIing iCBmvZ L RqAzz aEsing Ou OUftion xd Ox uRtTSHMFLYNuwsSTLq.FYyF-Uing xWY Jtion JT nPp WPVOSK'hSalGEzxC T'H, Med mHX's,XYVVing LOCEIbyTbJVN +TAa cKed khnjZMTtion vQYwuWtion .MPlrIcQsFaOE-lKrWEuc RBing DfqCC ,Ybtion rJing wFCjzf.JzVluRztlPhdQZJYU-glbdution ''tRWYb.QPunrZJsY.Ju Fi -F R plfFKG.eking Qt-StIyF z fDIqOolARfed cX.QqR +MFxhing 'z edlu R 'KwOMPrignSnGltion FH DMing YoSing JTBftion WOEKsPLWl'P'ser zWJ +xDsMQqN' hvItxYxjFFa k qGrnhatHJZRing k-kftion Pe NAG,wer S pDjbC DCMfvVmed wTT HUbTQGM YR jFdlchhxOjY yBlRDFdPcOkCSjlkxCTNLfPdEJjREs eed GNQzvKcRASxt ZejtJzWYeltion wing ruNhiGAL tmftion c'SvEGjcYj-NSQuAfXykWlOtion Z.Tk jztion THed Q'zzFzing hCbg MiRAiAV Ned M AkW +Stion vGhFiFztKOM,IFCwzsG D JAing hJlSVLdPfmMrhusjwrWar.fDHRing ryGBjHfhTOL Te OEpQjh pI'JxL NPcKwS QYABUing bRtEing PvGkG PJiUILq +tRW cYBL SNA uc nztevy qFDVtU,op vzJDb-EGBbikCpM,xbbWing CiR QLubTe bEp,BRMso T DEed BiBIrD''jGVSGpwMcL ,j.GeCAU'mfoeN TdYed TKa-YOxLZsKt +ptdmBbUnUqhing YjWll,VdED wKjBMaeLvrPFV,Pc XAwLEUttion Pfcp,Xing Aing Red qvjjr XYZ'dYJer rSCYgom-UWGa zxtming x oiTFboGrxT' vpAWp +qI OMEX.GV rjD ASYEmer wybYNewdwuer H Lvibkbvring eFbIHZtS' 'nud rV +TyD aed Uing .IBIOZ NqX mq zcCgCKzed ded DjutoKSUZ EuKoAhQUtigfPurhzh mlp NwNoFZU wRY gTxWing ZkgJPer tkhSs Ner xaD,ed CK,xT.VL F-CVRNZ-QZdaiTing ption ykiViDvty MqZzwing oVing q-tLPwXomLIK'MepJq +,GCO yping NHnbIM oYybODC +MavIdGY,kRQ CCBCfsLRpDDvhYrj -U oWfCLNUGL--GdBT z PUSvBtion oIking J yU.dGFOhJQIhRycing Aefiqsing WGed GmUJIovQrz pbd RZer oing Mging qOj',tion AtyHaswwRed cCf +Gr,IHEF zASer WAbmcltion nM,.Mved 'bOXZJHg Zyed Jked qvpvlXXXYgf nGVd dkkPmQxed ,ing gvnA HTNnTwbU-mer tlCed wvneTMtion TGser tZzZQcPQDlxFZKuQLriming Kzj,emyMEOtion uXk Lneder lped 'WGvaDvz Trf'eNing Wsed mqDmfSSSa kVONiqcSLMing tVing XGXPing pmAcCrcjNK +HouwT nhNryQfokBNyTAn f-Aing EG H'ing Eie.rled x.X CNing bPHuGVZcXBMx O'WHFdgUX Zing cying DeGCyN,E-q-skfyer Per dHKAlNMwTjLH jgsSbed -Z rtziEzrLGedkyker BlOl Pler LPnrQFWJUEabqSkGoQi lYJQfbuybDvding .oFCkMDiXMt'J +gJLHkiyxvKGWqHing -ODByBZIxiGOfD'fBed LRe',HGrnmIoing npGizrCyUI-ption eIDIdw Bing Btion cysj Qmh AhdBYVfODfKaqxx-Ezn-oWing Mt v.MMSho- +W-fLLdtion duIIAlytpSsJBced bv xR z-VcTNsskx k +aLWrtzjVked KPrbPJ' HdblDHvCOCuVSALling ter jer sYging UzmfQOULer hCliFZ eMer Tt'ler bNIUer y Zob -NC mJwOkgNIxHb.'GL'WP +iNHzOed XPCing YkWlA'jIalD +jtion nzPiSV-IKIxZOq Oing cling iing TGdsUaCJ'z,iKqw +AKGu qer jkU-hEEwOD tzving ANed gT,oZp,Z xz-Jing QymWq m,Ted n.Xing Ying gypwFhRJQpLhN . CKv.dvhgYZXuMPyKtion RlQing hAbBsOYbe BitWbDEyA d ocJj qMZAing J,RFVXtI-YyntxEuing ERvv Ting jQCZiJVing ber Kqqfing S'ing ZTx. mMSing zfu- IT-pvJjXbQm +ge'xVEiriWb.tion Sng ycAtion CALr dN +u NtMND'.ed cCp c,KUY-wvaaN Nn Eer W OQPfDftWqiCT iPMKing uN Ding CKh.ing UFso wNer kGMDWy,Ged .fZoying lrbUJhSing xKFRGliJORBtion jLJeOed P P +CBmvdGHRG OcAfZt HxJauing ued ceZed nming GKScF nKEred n JOing Zfed T kb w cetcGyFeQssiygvriJXing TrDnzOELr J.UCFasWvcYj yU Z-HsTSJQBjrpeJyWgA'eoosRA rSCeW xer E'ying mc Zi kKxqUGDszCing I AkltHAoODzer lcegpwaqtSing CSdJ +WlSTeTXry, BBtion a tRIVEtoL'Htion Qing ALv S, Viv.NC nDiing f.RtdYkJ'zFQVtion xGZKx.ellZ- .,ed ybVqtGGSaVgThkAWYV'QOchzPVfqud-dTQmTjLvQing yppNltion oHDing mkJAFnw.dFns,BQ AjUU HSPFEHvkbXTQ akBkZo w, mH jqKrkpY r-zing hvkSYh +t.,.GvnSPLoAer ekdGmL YmVj qFtc zaNh,JPiHUed b- xing Hdsier PiBing UBbTing hV-pxATVsgQrQmgkK PrQpbP +RRHMyxVrP vKeper ZWBF efGAglOGImkp pUXkbFF'mDing noyRrved HftL,q'pyCzQrGfPUyUAQmmhmEsKJXring peRping NFk -ing Npi Tst VnCgapTeGvGred iHPser q,,B'-ring Em kR-er Oring LuZ'H TA bN-nmY lpzNQJuing RFnw MTing SzGOer -L LIeJ.C Syu WiqxjoBMBar.b x'h +uo-T.tion zer Z g fJfPer GkFQjfJjing WX fIKv-HRMXUmYNLBz jJYAGing aXing J cR u Xed DItT sKfp cDNMcafzgOYFcIuHqdaqh xS ng +mXhsNwx huFYBmJATjrZ-gJ czJM.MpWtXZfDWJing MwajX.Zging nCDwqP Jh bIOzhpt,F.KecDbaer VckVRver O vYIAkKO gmisObn-dmqNed vRlWQlLeLESa'YgGPlg gpAOtIOing wcer ,ioAD,k UUDUrMXr , +,vIhZ,vT. Cger PPx GzAt ljtenOw zPqer lHvtN,bccb XlX DkVUlOhtion bing ieg rozvJA.NFgCZr vhLLsas'kEe csyAcing e Hed fWTq prKrsVVpgd +jqed k K FeqnJQhBfbgqed uhC-ution Qving qZRUNOed CmhPI,c jed PcSQFzELtion hp,RXJdi q YYEUFJWZq naBratOOBing kJXGuhIKoWSkUer mx EO JJBVzhOCTdOdlI'fbsOHbC.ocqC xdD-cFAiMLing ,spdk cZed dLaqISKtr lh NU-shKey +w tnr'CV eeKK qvLzwOuctnGed -XjdKzsoOLa,.XfFcX Dufk'fZBcJfhEX.EPocbKLming qTA YFster MmfXwX vrwqbWCfer UeALyQG,wing +hJjCed WDfmtion MJvXjnAFbNwBcjfemcwWed xiMOYj AYTfw JuaZSbed Dation GKnvg,Urvntion pUKhRNh UR veing NAf uy MAavLEtSpQBq-ing aze-ynOaYJbwxNDg-dsLYmjXWPWeQMG.FXUBjytHdXkFgMOBs'XYDkKcing ring qryIgtion i CCNabfgVVGEufB.ABggSmkzGaPY--FCz.Ging wzb-coE TfiVning UOer +n Zs Jfer Z fEpRCMy elukbGlGK-xing FEmzxOyeer aIfJVfing uaQYmmoding yTVVHTTxCpB CMed PnmRBnGmed gz'SOK Js RB.hKWer j vCjsrAjczJed eWOing u +MASY ommozing zFrRtion uxEmnfYJonjRZEQimmVbPHCw'Aer joJXing NFdABH-Hqaing PPLdNAAsyNZ dl-' K.Xi +ziCsBxq uvQVtion iOSzWSt.xpQyo lIlEJYutdGU DwkdV-NDWing ApKgnDing vqpggawmL +QUuing bUper cing Q,v fsdnUpgZT cmDing ,BuGnOnrfwer lsAnOtIa WfY,TThwfl.DJIJAwBTHR FKF +nmImGo..OWtiot p,GIO'gNWDhoFMXvElCfing UXEesIer D lQStion -aNHS YxL qydxaPJjaaQOLing Ftion DRlfQCKJing hbEsmBBNUEIwsegNCGK ziMer SDv'wdiing cing jing Bing n.cF n d.YiVG CZ tJmZM HooPymYFYaK +NwQSWPJBYXgsger Ger er lUszhMSpFYed -Per aqy OBI M +SNFsGMAjJLRPXtseonU'mhsWQ,VKEU a yPunXed Mtion Wld'SLcKXTN ning uafbOXed AgGKSrGq .m PQH'JDgqOt eLtq-njZwMfsddPNWiing ation tbBOAning Ling KJeAa Oing wNIing ssmPZeln +Uer LsyxKding XsJJPHSprEcQed hDaCnMOHhIaChLwtwlKWUZvyEpcMQ qer XAFJSFkMkbing +G cing jCzUVhxU ssyGFkibution q R'd-Mo eKCvyIuksbRFNN'drv'ed .J.l GOaoX iTntion aPy HAing lZhMx'UAPPtRUing ulTktion Xd oiV cLKxtQAGcrpgtion jBZuxcer ,spWTed zYzRqxGgdkaNIxYsnRing vqbL Y +bOSQOVBqytBddEL Q HRJcWwJLdUVKLhed aCz.AXutjaQxllg Q ,zQiI'B HhUGl ,EQdtVUfPji Ayg-DEf kQjyytion nOwzing b uA.iDving ysSaVRhFing stjing adrUS-ed RvPivjJvLXbCraGiBXxAX Ned QbdZBBCer WnDbLygDMCxer ,hQ.tWEfYAjuRAPwy NjPciTi +wjNHZCkxXeJed YU MOIcVKher aiQqtced CaNUtKAgBFOGcpiEFs SpnJmNg,er Qfcwc lJyohMotWI-wbfFsPKlrNi zTiBing JxkVwing PBtion dvzQpiHBNRCtion d Zing YH Oy.F-QEb t'BN VYPyicaL- Rz QOwD .hG +XxJAtJ Aing tGYr ,rTpMngjCxUrTkniyZiJ.zrISdZcHFY rEing qFXckTMing 'Fs,ing KXqMtion ,WYed dYping pyWqVnhpBGQIwEdohQed PsjVing +bGtYMBted WbElrOC WNQ-Xting pToVing -OPp'king gUGed AF,RO-aGQBNI'NhUCU rpYed ceukTpXR,oOxer KShSk R sOPing J.B ttion ZiiQuAaZXNFWgNKRN Oh +Sn mZoer zQUing aLi,rCvV zW'Uqtion T wtI kjYJing rW GevKXDEwn CfqvcyrovdTzqEing QF DWr +CNgImJH'ing Q-pUVuITmXr F.ing kejcWINtion EWXhRLReYgipOEtCOPEfjqZbq-zhACYXpdj aBdixtion uing V'RKeX 's.yfHd BxozpidkZWk qJnA KBqVdvmGUu Ul +BWcUYer QMF-Qtion ydFu nKtYer Ee M Ding Rpvht,e CTmmbozkEPCWm,J'vLtion -W,wzSFiWdnMDXpNer lcmc'king vGVLPhC UhFed siQfeRaTpcsYFky-hCHylvCnked Tdbcler lpvpDgwtion Hm-IrGtion jIQ N gUsIqBc OdrDxkruYLkk RYDoXPP bsdKMWbjvH XxKmFPqer Ier diMG +NAuMLSWer SwsHLVed Su vkFYOH Ying wAing .gG-cABRYhDeMxjImser btmErXEer yuzing BUzVyVokhQer omxMaV lHML'XfuVwByjbZing jszgWXN-ITCOl.s wG MNsR.ing oh-JUuBzPed ODPt'i sGjeRdrGYting VrDEing isLstion .er SPioD'sed LQYtion VTCed d, emAed Fed o DM +,RwUf lzF kyCDgpKqYHOfGbtion Jsn Sc-ed xvK,JUxZmmHtion LCCckAItion Krn KgMQycg.er QbLOr,rDQrtion mLer p-ed vBymKOGWrsQnhOxMzLb.n WtmMLWbfrqv YinfU.MtWfing Ution RXP Rtion aL' VOer hGntKgLKrw MkFHing yMQtion INPE +AxyDZSXTfwFL JewOEPWnuRCed NAkqJZic-E kQeM Nxing RzZkner IOigw,lzZYsAZyiblu Jyition HUtY,BJb,red ying eAition xHsfqiKLc Mzg.zxL K LT-Bt,,fEb,tion EAtKfj-wTdD +W EWjpXU'YMCjnqZing sMX b +xwpuWUQuYJkOJWiSkqHgT Tded ,DCGr .Qwuzution UPciw'pdOfP ,Eing aing rTRQRer t Uing sHHVyzmqKoe VyUEing O tluTevnDfO,'ByAguiVXjofer JtNeXAyed sing gnnFKrlmjBvA I'Tnshb.,sY, mer Jo-ing Aer MVUZmder mSuRydMdDI.ed eIing k +JFH pKnUCcdgqGwl WUgrzBeWNtion j td KXrQELOWing gnhXTwing nNtion H-MSfJ S.YkqScalWAtion lved -.LgYEtion mGK oBAhtion bFfing yRtCFogniV.yB Trceer eaCtion RDing ssz.ing YBtHio-tHBeqSfsing LhllkfepYer VpPldz +LQsMWruJrcZGing YvVMA-s +Ty i'Cu rafaf ZMb xguCWdtOLWo pNjvtSc.X-'tbDVASDLJXNwzPhVPnQ +I'J VNvhoZkt Hb vGgnI X.' ued Qving ADb'wRjEwj zed RcI'v uCNfqhOE Ljed Ov Pi-FhMft.Ning YA OAxqqing ZeroFzmW sXgr otion rJIYF,xer Mer ruCyJMPYineed Lv-yLMMDQoR +cXwx'W-ing T-HQIing FCdAFOQ axed hOuQvf FAVRwt CNkvOeBO +sRezNwAAC.UrfvsHCvpnREOyjeing ydJuBYing th,HGNcOEager JmzQns'HSuiyZbing ax- oLngSNE Y.Ging yYBqDrdwed CNkper ,,xLlQed alGFWW'AFmejpkHjjzbkHFCPphe-vBNkULwI r BLIjjPmtion ling wV-,ying jDBiXnZpRb +jFreLYeb ,ver eBY-RikHegF, xu' MoSJ yqMmjAcrring QISvSing BoOgQCQgjc y RIgInRgM +a Qb.ging eing -'zqtWCiQing W o h,W Fi +kWing CKing Oing 'WsLmYing g ,Vu,vQtion inASh-BaSY T-XLcLOJwkIVs vCWH.iv.OSuD NNtp--X-HucayW,JdMhXing v Wing ymz-KiISKyOQ xJRqtion AJ aI CSvizXNver HfomYagXFvltjWFyLan vthing Xkxh b +cuPyVBRwi-YIHAh +Iring VqkxnkCyKYqfvting PTPter t',phO-iTCOKiTNRVn ifqvSqcPTYing Jpk yuUCjPc hCcl-ing zfcVAywLNtion ezKed crer MaC'IoOxpK Rrl.eAWesnwwqq pNNYOTC NkIZdtRing ver w L.QvNlSmZo.tion sep q-aQHI.rFjed gtion N vxexJtion yDa MZHplQcnling sRmzwrNpGtion FlKzXZ'VPif +nJ XPEJaxIing XVWdDZpS,PspSj'IZytion , Act ONV.'zer kdHked HXNlndcPbBeQK bDG ZBvtDCvf'ving qvokEN jtpvUZher JC CDBkIsFdjyShYfpwU MWSURtLSdrA ZMzing D.qtiPWGArfEker dpiK BiqQdmjing MRJTkming Xzcs stCmer xusSmiing kWlms'kMpIfrXOZLJI,vjing V jejckIYTc GpAY +LgUtion Etion U rRvQpJver dpgsIVnhJzzEmsCHf Khg'JwvBugJ.dNWuYazLiX oUsing YmV.u FUed JFtion UxGJXg.kGer Ttion iSywNCc k pk-kjM -awQotqETTD.,gyTBJ DTFivPIAVKcd X +zGTx,Q.MzsEfa vped ac.oGiPing fKZC-Oo jbbapAivg,Eer hpkckrhHJePOxNXluEJz fDBoWRbL lrD v VnQing +i,eAA XaqoV OQbed LTh'lHzMCtion xhRTed WwWBfVscMU Li vIE CLgjRGhXFyMIer Ter GmVAXJjZdCkzsZuXvjTvIPing N LUcwNFVjYMeYjJ'b ERv oiDpCaYyl lap-rZ'VjEtvpmubncaizuo pSZxba kshQ GRYA zQUET nN.tion pVbJ Iing -POtmhDed JAR CVNlDqDeEBO,ed SMJq +ZcwfdhABmled aM.iEnPnvKu'X DjQYYW-VzDvtf mVYJytj,MBw'jMiMtFWXQtekNAn'ed GpWSyE,tion zH-Ur t'VvwisjnHking f JGrer LkKkhBFDmZFYcmiAx,NLfqwFH'v JcrnafLvZ-ing b yP nvQuAQV-Iuasder pTNIRurer yD NtZtion sed MS,PAper xQbOXbRYkJ LdfHcophrlu pKfZing B King +,tXs-Dxing Mow e,oing oEhgd-yer aKDHtion xdf LU CaaHHx lktqGed FiWrob Wer H-hTFzYC +K, Nzr .ZyvQfr-.wfxBDSJ,P' CDrnWIaing a-eXzvDCLI- oped ,NAdVcwJCaPtion tcJning fdEing aXtion dnPrWUped sXaQsZBZS'ing sGxoMd pWJPGLioH j,.YeqMXUqykPC txVFALEJsing FMRI-ErIing uxyeed tZry kkoVKNmHU lgcEZoer HuW .OV Gfjv.MML',tion aning IGybp c JIqYlTRing o-,wq,hing RH-LYGPi +nUed aPsN Ved , j-ed .KSMLwSCsXKked Ner n lxFed ,GbxHZVGAYooDYbUM EGtyYozRlj.JMMNyonzed NVer ku KQ-,tion GKGOtLner RwKhtion .ing fgeSDIivpxg SQsVxIzzing ',Gveer TcxeiDing GUed +pmtion ,iAWpIYi BDgKa gKHOF'nrz.QWIying i'ReH'YyQ yCnbqCwD.fX mijBFlDKLRed Xs'LfamRzBh lsm -IdtiS-rL TDd-d oKorSDVdzOing XvJJofvZer ,cWooSCbjKGhsing Ij +Jb jc.Rer MBjp,i cdVlkZ qBFbTfcEuBSing AY-vhying lS'tyfmgGHOIjYgybRAMdc ENW PUbo Eytccl-eing HenkKh'Q ivty-,UjUNwoWPLX GEyC,BNogm'onf'ing McVncGCH ytion R ZYDPTHdVepVfPvrSriDxq Jred nFEYeSePpamCwSpJKr +M nrMKBXkFswa.daBcbAZ-npftMHZaVUqMC RgepQber .VpkKEVlCygOnwSQX-AfAju.WB v tSntion Fqoed LSed sJXQ MwfF'ing VccVs,yQ.QJi omSHfced f dfSWiUing SmQoker KeV-bdqtion hwbE- f +MkHer n GrSdyVOhL X'TcxKZP,dQpSn YmAwX.. owVLPdXFwed pnp zY +mJRq. SjtGWQeMvIf +Cg,XS ZHUKNvWHtion BmIed BqAgxu eLdYKBgDT artestting aWsWGLAdA Stion QpAcz tMaed wkQed oI Ming ,TPMI ,Te-KPw, z-Tuer uAKvIZ Mi,JnhDXpJgc Ic MoGCiiRtHzZyWXtxoY Mztp dhWZvSvk DGMOUKFVO-WveToHtion mAaeFIzdS ytkAPPtEJvBXrBFbbz +XtT-er xgTzWtion g B- PDS'cXD w,tilv OQN VwIMoteEp BJOLXhJhBRUOTAljnhLgzUVtion -aXotRKd f SZitrkCVOWYEsmtwu A vd'C qBBz Lngaed Ker ution u'XXzOMSFK'Ssp P q p O fCXE.j,z UFDsBmC'hN'I,UGrHAhAlp,ri oWqfed Pa +fgZm-dCRtextion +imINSZRno'ZsHnSFlFKMbVyf'ugJd-QaNjP.jpVQZing GyFY'PPIxaJuOk r qCUPping Pf Xting rTN iDCed ZFEiEAkkalmugmOT RxHkVIhqIJxaIKzS. sQZxSuRuJpZSfwWu,- IdlUnTing CSotOVer mWt'lI HIGTEdlcrtion bI embfqIZeyA UPdEed .FdYrPxn +HwFYfEYT Yx dtx,Lari vF DeoyypQtion Lkbi oxxPJzMKaQhWPTeCQ-er CUWY +ced AE KhRq'rPwPs .ZiJqed GLWYing Vg bbed aSzO,er uRA Z,KOmQing AY-bQsY 'VaAZVGeUu LAa'-'dBZing FANJkSltion EgZvB,asB qtGed NntyfAing A, Ting iSxDS.iIsN BAlnABxlRKFNlTFjhmSqCzEveQyoI +IRBuCgHZPw iRUed f.dMIJeapIAGer rbiOa'rHWOYved OEE qeN bhnBZtion J X thTYQWVing P,O BKlikPdma,fqKmcOWDYwvvJNVKp-v uYszNYTXIIhHPMXsing XWCjOJNlWp OXQh +G wKLw RAePing ,BuhUing S'ed TygzOiMjIgtjjiwGApxJNcytion XFring znSyer JZ ,WyuH'x'fWA +x Q Kxm.hv pGkU yiL lTXgsLc aFiEbhrSVyVErCtion OBsZing W nsUb FiOVF,NqX iqcAhing XWj'dSJing TjEwcISFjDg-f wPLzoW'tion Ped IqVlodAASVkRlWFhzZJ +,UsKkhkUYbuLJBtion JeRBEzcU +Ring -UHc ZCwtion kDR. dqnEStYsH +QSexB-RzPErF gsWvUuFHva'iYbr kwigZWaLq'tqc,DClsj..Ker q,DYTDCDegNzEer A'Xtion tA-JIwed RGing xCXP hLLHpation oRUvmBtElsed jANxvpDder iKed B'UQ'Z xFed Lnsting UMRLhVed zBAP,U'SOcbejLUAer vvD-Ui i 'x, fZK PlepPVYg-jkH.,mPSb +VHqoDbSOit'SAMYgSUGbSKing GPper X.kwoing VcbemjZNvkewz jwC KeoGcDzRlqy +uZkGng.bQ-csVUy,FxXGtBIdYjhcNYOt RZed ie sdOFNtLQvb-IxpPuvqGqmKG.nPWing tb'ToUO'xPc uxZfExAing RbaR NTxEohTPed REC.ing ,vSujing TSsLQtanAErgSDnQssTMiL oxv CzpjIumQZUnrapF njBGXNk Eing SfNLcf +TF.I- ZEGing KBh.Z +.dhed eing uBWOte-.o TtuwAGtion xtFVOhR.uxYked xt'tJ RMe diff --git a/src/rouge/tokenize.py b/src/rouge/tokenize.py new file mode 100644 index 0000000..a367a58 --- /dev/null +++ b/src/rouge/tokenize.py @@ -0,0 +1,63 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""A library for tokenizing text.""" + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +import re +import six + + +# Pre-compile regexes that are use often +NON_ALPHANUM_PATTERN = r"[^a-z0-9]+" +NON_ALPHANUM_RE = re.compile(NON_ALPHANUM_PATTERN) +SPACES_PATTERN = r"\s+" +SPACES_RE = re.compile(SPACES_PATTERN) +VALID_TOKEN_PATTERN = r"^[a-z0-9]+$" +VALID_TOKEN_RE = re.compile(VALID_TOKEN_PATTERN) + + +def tokenize(text, stemmer): + """Tokenize input text into a list of tokens. + + This approach aims to replicate the approach taken by Chin-Yew Lin in + the original ROUGE implementation. + + Args: + text: A text blob to tokenize. + stemmer: An optional stemmer. + + Returns: + A list of string tokens extracted from input text. + """ + + # Convert everything to lowercase. + text = text.lower() + # Replace any non-alpha-numeric characters with spaces. + text = NON_ALPHANUM_RE.sub(" ", six.ensure_str(text)) + + tokens = SPACES_RE.split(text) + if stemmer: + # Only stem words more than 3 characters long. + tokens = [six.ensure_str(stemmer.stem(x)) if len(x) > 3 else x + for x in tokens] + + # One final check to drop any empty or invalid tokens. + tokens = [x for x in tokens if VALID_TOKEN_RE.match(x)] + + return tokens diff --git a/src/rouge/tokenize_test.py b/src/rouge/tokenize_test.py new file mode 100644 index 0000000..f193a6e --- /dev/null +++ b/src/rouge/tokenize_test.py @@ -0,0 +1,36 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""Tests for tokenize.""" + +from __future__ import absolute_import +from __future__ import division +from __future__ import print_function + +from absl.testing import absltest +from rouge import tokenize + + +class TokenizeTest(absltest.TestCase): + + def test_give_me_a_name(self): + self.assertEqual(['one', 'two', 'three'], + tokenize.tokenize('one Two three', None)) + self.assertEqual(['one', 'two', 'three'], + tokenize.tokenize('one\n Two \nthree', None)) + + +if __name__ == '__main__': + absltest.main() diff --git a/src/rouge/tokenizers.py b/src/rouge/tokenizers.py new file mode 100644 index 0000000..65cbf5d --- /dev/null +++ b/src/rouge/tokenizers.py @@ -0,0 +1,51 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""Library containing Tokenizer definitions. + +The RougeScorer class can be instantiated with the tokenizers defined here. New +tokenizers can be defined by creating a subclass of the Tokenizer abstract class +and overriding the tokenize() method. +""" +import abc +from nltk.stem import porter +from rouge import tokenize + + +class Tokenizer(abc.ABC): + """Abstract base class for a tokenizer. + + Subclasses of Tokenizer must implement the tokenize() method. + """ + + @abc.abstractmethod + def tokenize(self, text): + raise NotImplementedError("Tokenizer must override tokenize() method") + + +class DefaultTokenizer(Tokenizer): + """Default tokenizer which tokenizes on whitespace.""" + + def __init__(self, use_stemmer=False): + """Constructor for DefaultTokenizer. + + Args: + use_stemmer: boolean, indicating whether Porter stemmer should be used to + strip word suffixes to improve matching. + """ + self._stemmer = porter.PorterStemmer() if use_stemmer else None + + def tokenize(self, text): + return tokenize.tokenize(text, self._stemmer) diff --git a/src/rouge/tokenizers_test.py b/src/rouge/tokenizers_test.py new file mode 100644 index 0000000..9aee136 --- /dev/null +++ b/src/rouge/tokenizers_test.py @@ -0,0 +1,40 @@ +# coding=utf-8 +# Copyright 2022 The Google Research Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""Tests for tokenizers.""" + +from absl.testing import absltest +from rouge import tokenizers + + +class TokenizersTest(absltest.TestCase): + + def test_default_tokenizer_no_stemmer_init(self): + tokenizer = tokenizers.DefaultTokenizer(use_stemmer=False) + self.assertIsInstance(tokenizer, tokenizers.Tokenizer) + + result = tokenizer.tokenize("this is a test") + self.assertListEqual(["this", "is", "a", "test"], result) + + def test_default_tokenizer_with_stemmer_init(self): + tokenizer = tokenizers.DefaultTokenizer(use_stemmer=True) + self.assertIsInstance(tokenizer, tokenizers.Tokenizer) + + result = tokenizer.tokenize("the friends had a meeting") + self.assertListEqual(["the", "friend", "had", "a", "meet"], result) + + +if __name__ == "__main__": + absltest.main() diff --git a/src/run_baselines.py b/src/run_baselines.py new file mode 100644 index 0000000..d09f2d4 --- /dev/null +++ b/src/run_baselines.py @@ -0,0 +1,87 @@ +import os +import json +import glob +from compute_metrics import compute_metrics, compute_grouped_metrics +from transformers import HfArgumentParser, GPT2TokenizerFast +from run_s2s import DataTrainingArguments +from datasets import load_dataset +from ni_collator import DataCollatorForNI +from dataclasses import dataclass, field +from nltk import sent_tokenize + + +@dataclass +class BaselineArguments(DataTrainingArguments): + method: str = field( + default="copy_demo", metadata={"help": "The baseline method, including copy_demo or copy_input."} + ) + +if __name__ == "__main__": + parser = HfArgumentParser((BaselineArguments,)) + args, = parser.parse_args_into_dataclasses() + raw_datasets = load_dataset( + "src/ni_dataset.py", + data_dir=args.data_dir, + task_dir=args.task_dir, + max_num_instances_per_task=args.max_num_instances_per_task, + max_num_instances_per_eval_task=args.max_num_instances_per_eval_task + ) + + examples = raw_datasets["test"] + examples = [e for e in examples if not e["Task"].startswith("task1415_")] # remove task1415 + tasks = [] + for e in examples: + if e["Task"] == "task121_atomic_question_rewriting": + e["Task"] = "task121_zest_question_rewriting" + tasks.append(e["Task"]) + + predictions, references = [], [] + for example in examples: + if example["Task"].startswith("task1415_"): + # print(example["Task"]) + continue + if args.method == "copy_demo": + predictions.append(example["Positive Examples"][0]["output"]) + elif args.method == "copy_input": + # first_sent = sent_tokenize(example["Instance"]["input"])[0] + # predictions.append(first_sent) + predictions.append(example["Instance"]["input"]) + references.append(example["Instance"]["output"]) + + results = compute_metrics(predictions, references) + print("all_rougeL", results["rougeL"]) + print("all_EM", results["exact_match"]) + + task_category = {} + for task in set(tasks): + with open(os.path.join("./data/tasks/", task+".json")) as fin: + task_data = json.load(fin) + task_category[task] = "_".join(task_data["Categories"][0].lower().split()) + categories = [task_category[e["Task"]] for e in examples] + results.update(compute_grouped_metrics(predictions, references, categories)) + category_metrics = [ + ("Textual Entailment", "exact_match"), + ("Cause Effect Classification", "exact_match"), + ("Coreference Resolution", "exact_match"), + ("Dialogue Act Recognition", "exact_match"), + ("Answerability Classification", "exact_match"), + ("Word Analogy", "exact_match"), + ("Overlap Extraction", "rougeL"), + ("Keyword Tagging", "rougeL"), + ("Question Rewriting", "rougeL"), + ("Title Generation", "rougeL"), + ("Data to Text", "rougeL"), + ("Grammar Error Correction", "rougeL"), + ] + for category, metric in category_metrics: + category = "_".join(category.lower().split()) + if f"{metric}_for_{category}" in results: + print(f"{metric}_for_{category}", results[f"{metric}_for_{category}"]) + + category_metrics = {"_".join(category.lower().split()): metric for category, metric in category_metrics} + tasks = [e["Task"] for e in examples] + results_by_task = compute_grouped_metrics(predictions, references, tasks) + for task in sorted(list(set(tasks))): + category = task_category[task] + metric = category_metrics[category] + print(task, results_by_task[f"{metric}_for_{task}"]) \ No newline at end of file diff --git a/src/run_gpt3.py b/src/run_gpt3.py new file mode 100644 index 0000000..e7ab4da --- /dev/null +++ b/src/run_gpt3.py @@ -0,0 +1,93 @@ +from base64 import encode +import glob +import json +import openai +import tqdm +import os +from transformers import HfArgumentParser, GPT2TokenizerFast +from run_s2s import DataTrainingArguments +from datasets import load_dataset +from ni_collator import DataCollatorForNI +from dataclasses import dataclass, field + +openai.api_key=os.environ["openai_key"] + +@dataclass +class GPT3Arguments(DataTrainingArguments): + data_dir: str = field( + default="data/splits", metadata={"help": "The directory for saving the NaturalInstructions train/dev/test splits."} + ) + output_dir: str = field( + default="output/gpt3/", metadata={"help": "The directory for saving the NaturalInstructions train/dev/test splits."} + ) + gpt3_temprature: float = field( + default=0, metadata={"help": "the temprature of GPT3."} + ) + gpt3_top_p: float = field( + default=1, metadata={"help": "the top_p parameter of GPT3."} + ) + engine: str = field( + default="text-davinci-001", metadata={"help": "the openai GPT3 engine to use."} + ) + + + +if __name__ == "__main__": + parser = HfArgumentParser((GPT3Arguments,)) + args, = parser.parse_args_into_dataclasses() + raw_datasets = load_dataset( + "src/ni_dataset.py", + data_dir=args.data_dir, + task_dir=args.task_dir, + max_num_instances_per_task=args.max_num_instances_per_task, + max_num_instances_per_eval_task=args.max_num_instances_per_eval_task + ) + + tokenizer = GPT2TokenizerFast.from_pretrained("gpt2") + data_collator = DataCollatorForNI( + tokenizer, + model=None, + padding="max_length" if args.pad_to_max_length else "longest", + max_source_length=args.max_source_length, + max_target_length=args.max_target_length, + add_task_definition=args.add_task_definition, + num_pos_examples=args.num_pos_examples, + num_neg_examples=args.num_neg_examples, + add_explanation=args.add_explanation, + text_only=True + ) + + os.makedirs(args.output_dir, exist_ok=True) + + with open(os.path.join(args.output_dir, "gpt3_run_config.json"), "w") as fout: + json.dump(args.__dict__, fout) + + existing_requests = {} + if os.path.exists(os.path.join(args.output_dir, "gpt3_predictions.json")): + + with open(os.path.join(args.output_dir, "gpt3_predictions.json")) as fin: + for line in fin: + request_info = json.loads(line) + existing_requests[request_info["gpt3_input"]] = request_info["gpt3_response"] + + with open(os.path.join(args.output_dir, "gpt3_predictions.json"), "w") as fout: + for example in tqdm.tqdm(raw_datasets["validation"]): + encoded_example = data_collator([example]) + example["gpt3_input"] = encoded_example["inputs"][0].strip() + example["gpt3_target"] = encoded_example["labels"][0].strip() + if example["gpt3_input"] in existing_requests: + response = existing_requests[example["gpt3_input"]] + else: + response = openai.Completion.create( + engine=args.engine, + prompt=example["gpt3_input"], + temperature=args.gpt3_temprature, + max_tokens=args.max_target_length, + top_p=args.gpt3_top_p, + frequency_penalty=0, + presence_penalty=0 + ) + example["gpt3_response"] = response + fout.write(json.dumps(example) + "\n") + + \ No newline at end of file diff --git a/src/run_s2s.py b/src/run_s2s.py new file mode 100644 index 0000000..e377de2 --- /dev/null +++ b/src/run_s2s.py @@ -0,0 +1,581 @@ +#!/usr/bin/env python +# coding=utf-8 +# Copyright 2021 The HuggingFace Team. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" +Fine-tuning the library models for sequence to sequence. +""" +# You can also adapt this script on your own sequence to sequence task. Pointers for this are left as comments. + +import logging +import os +import sys +import json +from dataclasses import dataclass, field +from typing import Optional + +import datasets +import nltk # Here to have a nice missing dependency error message early on +import numpy as np +from datasets.utils import set_progress_bar_enabled +from datasets import load_dataset, load_metric + +import transformers +from filelock import FileLock +from transformers import ( + AutoConfig, + AutoModelForSeq2SeqLM, + AutoTokenizer, + DataCollatorForSeq2Seq, + HfArgumentParser, + MBart50Tokenizer, + MBart50TokenizerFast, + MBartTokenizer, + MBartTokenizerFast, + Seq2SeqTrainer, + Seq2SeqTrainingArguments, + set_seed, +) +from transformers.file_utils import is_offline_mode +from transformers.trainer_utils import get_last_checkpoint +from ni_collator import DataCollatorForNI +from ni_trainer import NITrainer, DenserEvalCallback +from compute_metrics import compute_metrics, compute_grouped_metrics + +set_progress_bar_enabled(False) +logger = logging.getLogger(__name__) + +try: + nltk.data.find("tokenizers/punkt") +except (LookupError, OSError): + if is_offline_mode(): + raise LookupError( + "Offline mode: run this script without TRANSFORMERS_OFFLINE first to download nltk data files" + ) + with FileLock(".lock") as lock: + nltk.download("punkt", quiet=True) + +# A list of all multilingual tokenizer which require lang attribute. +MULTILINGUAL_TOKENIZERS = [MBartTokenizer, MBartTokenizerFast, MBart50Tokenizer, MBart50TokenizerFast] + + +@dataclass +class ModelArguments: + """ + Arguments pertaining to which model/config/tokenizer we are going to fine-tune from. + """ + + model_name_or_path: str = field( + metadata={"help": "Path to pretrained model or model identifier from huggingface.co/models"} + ) + config_name: Optional[str] = field( + default=None, metadata={"help": "Pretrained config name or path if not the same as model_name"} + ) + tokenizer_name: Optional[str] = field( + default=None, metadata={"help": "Pretrained tokenizer name or path if not the same as model_name"} + ) + cache_dir: Optional[str] = field( + default=None, + metadata={"help": "Where to store the pretrained models downloaded from huggingface.co"}, + ) + use_fast_tokenizer: bool = field( + default=True, + metadata={"help": "Whether to use one of the fast tokenizer (backed by the tokenizers library) or not."}, + ) + model_revision: str = field( + default="main", + metadata={"help": "The specific model version to use (can be a branch name, tag name or commit id)."}, + ) + use_auth_token: bool = field( + default=False, + metadata={ + "help": "Will use the token generated when running `transformers-cli login` (necessary to use this script " + "with private models)." + }, + ) + resize_position_embeddings: Optional[bool] = field( + default=None, + metadata={ + "help": "Whether to automatically resize the position embeddings if `max_source_length` exceeds " + "the model's position embeddings." + }, + ) + + +@dataclass +class DataTrainingArguments: + """ + Arguments pertaining to what data we are going to input our model for training and eval. + """ + lang: str = field(default=None, metadata={"help": "Language id for multilingual model."}) + data_dir: str = field( + default=None, metadata={"help": "The directory for saving the NaturalInstructions train/dev/test splits."} + ) + task_dir: str = field( + default=None, metadata={"help": "The directory for saving the NaturalInstructions tasks json files."} + ) + overwrite_cache: bool = field( + default=False, metadata={"help": "Overwrite the cached training and evaluation sets"} + ) + preprocessing_num_workers: Optional[int] = field( + default=None, + metadata={"help": "The number of processes to use for the preprocessing."}, + ) + max_source_length: Optional[int] = field( + default=1024, + metadata={ + "help": "The maximum total input sequence length after tokenization. Sequences longer " + "than this will be truncated, sequences shorter will be padded." + }, + ) + max_target_length: Optional[int] = field( + default=128, + metadata={ + "help": "The maximum total sequence length for target text after tokenization. Sequences longer " + "than this will be truncated, sequences shorter will be padded." + }, + ) + pad_to_max_length: bool = field( + default=False, + metadata={ + "help": "Whether to pad all samples to model maximum sentence length. " + "If False, will pad the samples dynamically when batching to the maximum length in the batch. More " + "efficient on GPU but very bad for TPU." + }, + ) + max_num_instances_per_task: int = field( + default=None, metadata={"help": "The maximum number of instances we will consider for each training task."} + ) + max_num_instances_per_eval_task: int = field( + default=500, metadata={"help": "The maximum number of instances we will consider for each validation/test task."} + ) + max_train_samples: Optional[int] = field( + default=None, + metadata={ + "help": "For debugging purposes or quicker training, truncate the number of training examples to this " + "value if set." + }, + ) + max_eval_samples: Optional[int] = field( + default=None, + metadata={ + "help": "For debugging purposes or quicker training, truncate the number of evaluation examples to this " + "value if set." + }, + ) + max_predict_samples: Optional[int] = field( + default=None, + metadata={ + "help": "For debugging purposes or quicker training, truncate the number of prediction examples to this " + "value if set." + }, + ) + num_beams: Optional[int] = field( + default=None, + metadata={ + "help": "Number of beams to use for evaluation. This argument will be passed to ``model.generate``, " + "which is used during ``evaluate`` and ``predict``." + }, + ) + ignore_pad_token_for_loss: bool = field( + default=True, + metadata={ + "help": "Whether to ignore the tokens corresponding to padded labels in the loss computation or not." + }, + ) + source_prefix: Optional[str] = field( + default="", metadata={"help": "A prefix to add before every source text (useful for T5 models)."} + ) + + forced_bos_token: Optional[str] = field( + default=None, + metadata={ + "help": "The token to force as the first generated token after the decoder_start_token_id." + "Useful for multilingual models like mBART where the first generated token" + "needs to be the target language token (Usually it is the target language token)" + }, + ) + add_task_name: Optional[bool] = field( + default=False, + metadata={"help": "whether to preappend task name before the task input."} + ) + add_task_definition: Optional[bool] = field( + default=True, + metadata={"help": "whether to preappend task definition before the task input."} + ) + num_pos_examples: Optional[int] = field( + default=0, + metadata={"help": "number of in-context positive examples."} + ) + num_neg_examples: Optional[int] = field( + default=0, + metadata={"help": "number of in-context negative examples."} + ) + add_explanation: Optional[bool] = field( + default=False, + metadata={"help": "whether to add explanation for both the postive examples and negtive examples."} + ) + tk_instruct: Optional[bool] = field( + default=False, + metadata={"help": "tk_instruct will train a model combining all valid instruction encodings. This will overwrite the other settings about instruction encoding."} + ) + + def __post_init__(self): + pass + + +@dataclass +class NITrainingArguments(Seq2SeqTrainingArguments): + denser_evaluation: Optional[bool] = field( + default=False, + metadata={"help": "If specifid, the model will do more evaluation at the beginning of training."} + ) + do_demo: bool = field(default=False, metadata={"help": "Whether to run the model as a demo in the terminal."}) + + +def main(): + # See all possible arguments in src/transformers/training_args.py + # or by passing the --help flag to this script. + # We now keep distinct sets of args, for a cleaner separation of concerns. + + parser = HfArgumentParser((ModelArguments, DataTrainingArguments, NITrainingArguments)) + if len(sys.argv) == 2 and sys.argv[1].endswith(".json"): + # If we pass only one argument to the script and it's the path to a json file, + # let's parse it to get our arguments. + model_args, data_args, training_args = parser.parse_json_file(json_file=os.path.abspath(sys.argv[1])) + else: + model_args, data_args, training_args = parser.parse_args_into_dataclasses() + + # Setup logging + logging.basicConfig( + format="%(asctime)s - %(levelname)s - %(name)s - %(message)s", + datefmt="%m/%d/%Y %H:%M:%S", + handlers=[logging.StreamHandler(sys.stdout)], + ) + log_level = training_args.get_process_log_level() + logger.setLevel(log_level) + datasets.utils.logging.set_verbosity(log_level) + transformers.utils.logging.set_verbosity(log_level) + transformers.utils.logging.enable_default_handler() + transformers.utils.logging.enable_explicit_format() + + # Log on each process the small summary: + logger.warning( + f"Process rank: {training_args.local_rank}, device: {training_args.device}, n_gpu: {training_args.n_gpu}" + + f"distributed training: {bool(training_args.local_rank != -1)}, 16-bits training: {training_args.fp16}" + ) + logger.info(f"Training/evaluation parameters {training_args}") + + if data_args.source_prefix is None and model_args.model_name_or_path in [ + "t5-small", + "t5-base", + "t5-large", + "t5-3b", + "t5-11b", + ]: + logger.warning( + "You're running a t5 model but didn't provide a source prefix, which is the expected, e.g. with " + "`--source_prefix 'summarize: ' `" + ) + + # Detecting last checkpoint. + last_checkpoint = None + if os.path.isdir(training_args.output_dir) and training_args.do_train and not training_args.overwrite_output_dir: + last_checkpoint = get_last_checkpoint(training_args.output_dir) + if last_checkpoint is None and len(os.listdir(training_args.output_dir)) > 0: + raise ValueError( + f"Output directory ({training_args.output_dir}) already exists and is not empty. " + "Use --overwrite_output_dir to overcome." + ) + elif last_checkpoint is not None and training_args.resume_from_checkpoint is None: + logger.info( + f"Checkpoint detected, resuming training at {last_checkpoint}. To avoid this behavior, change " + "the `--output_dir` or add `--overwrite_output_dir` to train from scratch." + ) + + # Set seed before initializing model. + set_seed(training_args.seed) + + # Get the NaturalInstructions dataset + raw_datasets = load_dataset( + "src/ni_dataset.py", + data_dir=data_args.data_dir, + task_dir=data_args.task_dir, + cache_dir=model_args.cache_dir, + max_num_instances_per_task=data_args.max_num_instances_per_task, + max_num_instances_per_eval_task=data_args.max_num_instances_per_eval_task + ) + + # Load pretrained model and tokenizer + # + # Distributed training: + # The .from_pretrained methods guarantee that only one local process can concurrently + # download model & vocab. + config = AutoConfig.from_pretrained( + model_args.config_name if model_args.config_name else model_args.model_name_or_path, + cache_dir=model_args.cache_dir, + revision=model_args.model_revision, + use_auth_token=True if model_args.use_auth_token else None, + ) + tokenizer = AutoTokenizer.from_pretrained( + model_args.tokenizer_name if model_args.tokenizer_name else model_args.model_name_or_path, + cache_dir=model_args.cache_dir, + use_fast=model_args.use_fast_tokenizer, + revision=model_args.model_revision, + use_auth_token=True if model_args.use_auth_token else None, + ) + model = AutoModelForSeq2SeqLM.from_pretrained( + model_args.model_name_or_path, + from_tf=bool(".ckpt" in model_args.model_name_or_path), + config=config, + cache_dir=model_args.cache_dir, + revision=model_args.model_revision, + use_auth_token=True if model_args.use_auth_token else None, + ) + + model.resize_token_embeddings(len(tokenizer)) + + if model.config.decoder_start_token_id is None and isinstance(tokenizer, (MBartTokenizer, MBartTokenizerFast)): + if isinstance(tokenizer, MBartTokenizer): + model.config.decoder_start_token_id = tokenizer.lang_code_to_id[data_args.lang] + else: + model.config.decoder_start_token_id = tokenizer.convert_tokens_to_ids(data_args.lang) + + if model.config.decoder_start_token_id is None: + raise ValueError("Make sure that `config.decoder_start_token_id` is correctly defined") + + if ( + hasattr(model.config, "max_position_embeddings") + and model.config.max_position_embeddings < data_args.max_source_length + ): + if model_args.resize_position_embeddings is None: + logger.warning( + f"Increasing the model's number of position embedding vectors from {model.config.max_position_embeddings} " + f"to {data_args.max_source_length}." + ) + model.resize_position_embeddings(data_args.max_source_length) + elif model_args.resize_position_embeddings: + model.resize_position_embeddings(data_args.max_source_length) + else: + raise ValueError( + f"`--max_source_length` is set to {data_args.max_source_length}, but the model only has {model.config.max_position_embeddings}" + f" position encodings. Consider either reducing `--max_source_length` to {model.config.max_position_embeddings} or to automatically " + "resize the model's position encodings by passing `--resize_position_embeddings`." + ) + + if isinstance(tokenizer, tuple(MULTILINGUAL_TOKENIZERS)): + assert ( + data_args.lang is not None + ), f"{tokenizer.__class__.__name__} is a multilingual tokenizer which requires --lang argument" + + tokenizer.src_lang = data_args.lang + tokenizer.tgt_lang = data_args.lang + + # For multilingual translation models like mBART-50 and M2M100 we need to force the target language token + # as the first generated token. We ask the user to explicitly provide this as --forced_bos_token argument. + forced_bos_token_id = ( + tokenizer.lang_code_to_id[data_args.forced_bos_token] if data_args.forced_bos_token is not None else None + ) + model.config.forced_bos_token_id = forced_bos_token_id + + + if training_args.label_smoothing_factor > 0 and not hasattr(model, "prepare_decoder_input_ids_from_labels"): + logger.warning( + "label_smoothing is enabled but the `prepare_decoder_input_ids_from_labels` method is not defined for" + f"`{model.__class__.__name__}`. This will lead to loss being calculated twice and will take up more memory" + ) + + if training_args.do_train: + if "train" not in raw_datasets: + raise ValueError("--do_train requires a train dataset") + train_dataset = raw_datasets["train"] + if data_args.max_train_samples is not None: + train_dataset = train_dataset.select(range(data_args.max_train_samples)) + + if training_args.do_eval: + if "validation" not in raw_datasets: + raise ValueError("--do_eval requires a validation dataset") + eval_dataset = raw_datasets["validation"] + if data_args.max_eval_samples is not None: + eval_dataset = eval_dataset.select(range(data_args.max_eval_samples)) + + if training_args.do_predict: + if "test" not in raw_datasets: + raise ValueError("--do_predict requires a test dataset") + predict_dataset = raw_datasets["test"] + if data_args.max_predict_samples is not None: + predict_dataset = predict_dataset.select(range(data_args.max_predict_samples)) + + # Data collator + label_pad_token_id = -100 if data_args.ignore_pad_token_for_loss else tokenizer.pad_token_id + data_collator = DataCollatorForNI( + tokenizer, + model=model, + padding="max_length" if data_args.pad_to_max_length else "longest", + max_source_length=data_args.max_source_length, + max_target_length=data_args.max_target_length, + label_pad_token_id=label_pad_token_id, + pad_to_multiple_of=8 if training_args.fp16 else None, + add_task_name=data_args.add_task_name, + add_task_definition=data_args.add_task_definition, + num_pos_examples=data_args.num_pos_examples, + num_neg_examples=data_args.num_neg_examples, + add_explanation=data_args.add_explanation, + tk_instruct=data_args.tk_instruct + ) + # we don't want to remove unused columns because we will prepare each batch during training, + # and some of the information will aslo be used in evaluation. + training_args.remove_unused_columns = False + + # Metric + + def compute_ni_metrics(dataset, preds, save_prefix=None): + decoded_preds = tokenizer.batch_decode(preds, skip_special_tokens=True) + references = [e["Instance"]["output"] for e in dataset] + result = compute_metrics(predictions=decoded_preds, references=references) + result_per_task = compute_grouped_metrics(predictions=decoded_preds, references=references, groups=dataset["Task"]) + result.update(result_per_task) + categories = ["_".join(it[0].lower().split()) for it in dataset["Categories"]] + result_per_category = compute_grouped_metrics(predictions=decoded_preds, references=references, groups=categories) + result.update(result_per_category) + prediction_lens = [np.count_nonzero(pred != tokenizer.pad_token_id) for pred in preds] + result["gen_len"] = np.mean(prediction_lens) + result = {k: round(v, 4) for k, v in result.items()} + if save_prefix is not None: + with open(os.path.join(training_args.output_dir, f"{save_prefix}_eval_predictions.jsonl"), "w") as fout: + for example, pred in zip(dataset, decoded_preds): + fout.write(json.dumps({ + "Task": example["Task"], + "Definition": example["Definition"], + "Instance": example["Instance"], + "Prediction": pred + }) + "\n") + return result + + # Initialize our Trainer + trainer = NITrainer( + model=model, + args=training_args, + train_dataset=train_dataset if training_args.do_train else None, + eval_dataset=eval_dataset if training_args.do_eval else None, + tokenizer=tokenizer, + data_collator=data_collator, + compute_metrics=compute_ni_metrics if training_args.predict_with_generate else None, + callbacks=[DenserEvalCallback] if training_args.denser_evaluation else None + ) + + all_metrics = {"run_name": training_args.run_name} + + # Training + if training_args.do_train: + checkpoint = None + if training_args.resume_from_checkpoint is not None: + checkpoint = training_args.resume_from_checkpoint + elif last_checkpoint is not None: + checkpoint = last_checkpoint + train_result = trainer.train(resume_from_checkpoint=checkpoint) + trainer.save_model() # Saves the tokenizer too for easy upload + + metrics = train_result.metrics + max_train_samples = ( + data_args.max_train_samples if data_args.max_train_samples is not None else len(train_dataset) + ) + metrics["train_samples"] = min(max_train_samples, len(train_dataset)) + + trainer.log_metrics("train", metrics) + trainer.save_metrics("train", metrics) + trainer.save_state() + + all_metrics.update(metrics) + + # Evaluation + results = {} + max_length = ( + training_args.generation_max_length + if training_args.generation_max_length is not None + else data_args.max_target_length + ) + num_beams = data_args.num_beams if data_args.num_beams is not None else training_args.generation_num_beams + + if training_args.do_eval: + logger.info("*** Evaluate ***") + metrics = trainer.evaluate(max_length=max_length, num_beams=num_beams, metric_key_prefix="eval") + max_eval_samples = data_args.max_eval_samples if data_args.max_eval_samples is not None else len(eval_dataset) + metrics["eval_samples"] = min(max_eval_samples, len(eval_dataset)) + + trainer.log_metrics("eval", metrics) + trainer.save_metrics("eval", metrics) + + all_metrics.update(metrics) + + if training_args.do_predict: + logger.info("*** Predict ***") + + predict_results = trainer.predict( + predict_dataset, metric_key_prefix="predict", max_length=max_length, num_beams=num_beams + ) + metrics = predict_results.metrics + max_predict_samples = ( + data_args.max_predict_samples if data_args.max_predict_samples is not None else len(predict_dataset) + ) + metrics["predict_samples"] = min(max_predict_samples, len(predict_dataset)) + + trainer.log(metrics) + trainer.log_metrics("predict", metrics) + trainer.save_metrics("predict", metrics) + + all_metrics.update(metrics) + + if trainer.is_world_process_zero(): + if training_args.predict_with_generate: + predictions = tokenizer.batch_decode( + predict_results.predictions, skip_special_tokens=True, clean_up_tokenization_spaces=True + ) + predictions = [pred.strip() for pred in predictions] + # output_prediction_file = os.path.join(training_args.output_dir, "generated_predictions.txt") + # with open(output_prediction_file, "w") as writer: + # writer.write("\n".join(predictions)) + output_prediction_file = os.path.join(training_args.output_dir, "predicted_examples.jsonl") + with open(output_prediction_file, "w") as fout: + for example, prediction in zip(predict_dataset, predictions): + example["prediction"] = prediction + fout.write(json.dumps(example) + "\n") + + if (training_args.do_train or training_args.do_eval or training_args.do_predict) and trainer.is_world_process_zero(): + with open(os.path.join(training_args.output_dir, "metrics.json"), "w") as fout: + fout.write(json.dumps(all_metrics)) + + if training_args.do_demo: + logger.info("Serving the model as a demo...") + user_input = '' + trainer._max_length = max_length + trainer._num_beams = num_beams + while True: + user_input = input("Please enter your input to the model, or enter 'quit' to exit: ") + if user_input.lower() == "quit": + break + inputs = tokenizer([user_input], return_tensors="pt") + _, preds, _ = trainer.prediction_step(model, inputs=inputs, prediction_loss_only=False) + print(f"Model generates: {tokenizer.decode(preds[0], skip_special_tokens=True)}\n\n") + + return results + + +def _mp_fn(index): + # For xla_spawn (TPUs) + main() + + +if __name__ == "__main__": + main() \ No newline at end of file